diff --git a/benchmarking.py b/benchmarking.py new file mode 100644 index 00000000..ba8c9315 --- /dev/null +++ b/benchmarking.py @@ -0,0 +1,69 @@ +# Copyright 2022 The KubeEdge Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +"""main""" + +import sys +import argparse + +from core.common.log import LOGGER +from core.common import utils +from core.cmd.obj import BenchmarkingJob +from core.__version__ import __version__ + + +def main(): + """ main command-line interface to ianvs""" + try: + parser = _generate_parser() + args = parser.parse_args() + config_file = args.benchmarking_config_file + if not utils.is_local_file(config_file): + raise SystemExit(f"not found benchmarking config({config_file}) file in local") + + config = utils.yaml2dict(args.benchmarking_config_file) + job = BenchmarkingJob(config[str.lower(BenchmarkingJob.__name__)]) + job.run() + + LOGGER.info("benchmarkingjob runs successfully.") + except Exception as err: + raise RuntimeError(f"benchmarkingjob runs failed, error: {err}.") from err + + +def _generate_parser(): + parser = argparse.ArgumentParser(description='AI Benchmarking Tool') + parser.prog = "ianvs" + + parser.add_argument("-f", + "--benchmarking_config_file", + nargs="?", + type=str, + help="run a benchmarking job, " + "and the benchmarking config file must be yaml/yml file.") + + parser.add_argument('-v', + '--version', + action='version', + version=__version__, + help='show program version info and exit.') + + if len(sys.argv) == 1: + parser.print_help(sys.stderr) + sys.exit(1) + + return parser + + +if __name__ == '__main__': + main() diff --git a/core/testcasecontroller/algorithm/paradigm/singletask_learning/singletask_learning_active_boost.py b/core/testcasecontroller/algorithm/paradigm/singletask_learning/singletask_learning_active_boost.py new file mode 100644 index 00000000..7277f60a --- /dev/null +++ b/core/testcasecontroller/algorithm/paradigm/singletask_learning/singletask_learning_active_boost.py @@ -0,0 +1,147 @@ +import json +import os +from core.common.constant import ParadigmType +from examples.yaoba.singletask_learning_boost.resource.utils.infer_and_error import infer_anno, merge_predict_results, \ + compute_error, gen_txt_according_json, get_new_train_json +from examples.yaoba.singletask_learning_boost.resource.utils.transform_unkonwn import aug_image_bboxes +from .singletask_learning import SingleTaskLearning +import os.path as osp + + +class SingleTaskLearningACBoost(SingleTaskLearning): + + def __init__(self, workspace, **kwargs): + super(SingleTaskLearningACBoost, self).__init__(workspace, **kwargs) + + def run(self): + job = self.build_paradigm_job(str(ParadigmType.SINGLE_TASK_LEARNING.value)) + known_dataset_json, unknown_dataset_json, img_path = self._prepare_for_calculate_weights() + base_config_path = osp.join(job.resource_dir, "base_config.py") + train_script_path = osp.join(job.resource_dir, "train.py") + ac_boost_training_json, aug_img_folder = self._calculate_weights_for_training( + base_config=base_config_path, + known_json_path=known_dataset_json, + unknown_json_path=unknown_dataset_json, + img_path=img_path, + tmp_path=os.path.join(job.work_dir, "tmp_folder"), + train_script_path=train_script_path + ) + trained_model = self._ac_boost_train(job, ac_boost_training_json, aug_img_folder) + inference_result = self._inference(job, trained_model) + self.system_metric_info['use_raw'] = True + return inference_result, self.system_metric_info + + def _ac_boost_train(self, job, training_anno, training_img_folder): + train_output_model_path = job.train((training_img_folder, training_anno)) + trained_model_path = job.save(train_output_model_path) + return trained_model_path + + def _inference(self, job, trained_model): + # Load test set data + img_prefix = self.dataset.image_folder_url + ann_file_path = self.dataset.test_url + ann_file = json.load(open(ann_file_path, mode="r", encoding="utf-8")) + test_set = [] + for i in ann_file['images']: + test_set.append(os.path.join(img_prefix, i['file_name'])) + + job.load(trained_model) + infer_res = job.predict(test_set) + return infer_res + + def _prepare_for_calculate_weights(self): + known_dataset_json = self.dataset.known_dataset_url + unknown_dataset_json = self.dataset.unknown_dataset_url + img_path = self.dataset.image_folder_url + return known_dataset_json, unknown_dataset_json, img_path + + def _calculate_weights_for_training(self, + base_config, + known_json_path, + unknown_json_path, + img_path, + tmp_path, + train_script_path): + r"""Generate instance weights required for unknown task training. In object detection, + an instance means a bounding box, i.e., generating training weights for each bounding box. + Args: + base_config (str): path of config file for training known/unknown model + known_json_path (str): path of JSON file for training known model + unknown_json_path (str): path of JSON file for training unknown model + img_path (str): image path of training, validation, and test set. + tmp_path (str): path to save temporary files, including augmented images, training JSON files, etc. + train_script_path (str): path of mmdet training script + Return: + new_training_weight (str): JSON file with instance weights for unknown task training, + which contains both the known and unknown training sets. + aug_img_folder (str): the image paths required for training the model using the JSON file with instance weights. + """ + if not os.path.exists(tmp_path): + os.mkdir(tmp_path) + # Define necessary path + aug_img_folder = osp.join(tmp_path, "aug_img_folder") # The directory for saving augmented images + known_model_folder = osp.join(tmp_path, "known_model") # The directory for saving known model training results + unknown_model_folder = osp.join(tmp_path, "unknown_model") # The directory for saving unknown model training results + aug_unknown_json = osp.join(tmp_path, 'aug_unknown.json') # The JSON file path of the unknown data after augmentation + + # Augmenting the unknown data and returning the paths of the augmented images + aug_image_bboxes( + anno=unknown_json_path, + augs=[('flip', 1), ('brightness', 0.6), ('flip', -1)], + image_path=img_path, + out_path=tmp_path + ) + + # Train the known model + known_model_training_task = f"python {train_script_path} " \ + f"{base_config} --seed 1 --deterministic --cfg-options " \ + f"data.train.ann_file={known_json_path} " \ + f"data.train.img_prefix={img_path} " \ + f"work_dir={known_model_folder}" + os.system(known_model_training_task) + + # Train the unknown model + unknown_model_training_task = f"python {train_script_path} " \ + f"{base_config} --seed 1 --deterministic --cfg-options " \ + f"data.train.ann_file={aug_unknown_json} " \ + f"data.train.img_prefix={aug_img_folder} " \ + f"work_dir={unknown_model_folder}" + os.system(unknown_model_training_task) + + # using above known model to infer unknown data + infer_anno( + config_file=base_config, + checkpoint_file=osp.join(known_model_folder, 'latest.pth'), + img_path=aug_img_folder, + anno_path=aug_unknown_json, + out_path=osp.join(tmp_path, 'unknown_infer_results.json') + ) + + # using above unknown model to infer known data + infer_anno( + config_file=base_config, + checkpoint_file=osp.join(unknown_model_folder, 'latest.pth'), + img_path=aug_img_folder, + anno_path=known_json_path, + out_path=osp.join(tmp_path, 'known_infer_results.json') + ) + + # merging the prediction results and computing error + merge_predict_results( + result1=osp.join(tmp_path, 'unknown_infer_results.json'), + result2=osp.join(tmp_path, 'known_infer_results.json'), + out_dir=osp.join(tmp_path, "merge_predict_result.json") + ) + new_json = compute_error(osp.join(tmp_path, "merge_predict_result.json")) + + # generating the weights of the overall training sample based on the prediction error. + gen_txt_according_json(known_json_path, osp.join(tmp_path, 'known.txt')) + gen_txt_according_json(aug_unknown_json, osp.join(tmp_path, 'aug_unknown.txt')) + get_new_train_json( + new_json, + aug_img_folder, + osp.join(tmp_path, 'known.txt'), + osp.join(tmp_path, 'aug_unknown.txt'), + out_dir=osp.join(tmp_path, 'new_training_weight.json')) + + return osp.join(tmp_path, 'new_training_weight.json'), aug_img_folder diff --git a/core/testcasecontroller/algorithm/paradigm/singletask_learning/singletask_learning_tta.py b/core/testcasecontroller/algorithm/paradigm/singletask_learning/singletask_learning_tta.py new file mode 100644 index 00000000..e7b6f53a --- /dev/null +++ b/core/testcasecontroller/algorithm/paradigm/singletask_learning/singletask_learning_tta.py @@ -0,0 +1,98 @@ +import json +import os +import torch +from mmdet.apis import init_detector +from core.common.constant import ParadigmType +from examples.yaoba.singletask_learning_yolox_tta.resource.utils.TTA_strategy import TTA_Strategy +from .singletask_learning import SingleTaskLearning + + +class SingleTaskLearningTTA(SingleTaskLearning): + + def __init__(self, workspace, **kwargs): + super(SingleTaskLearningTTA, self).__init__(workspace, **kwargs) + + def run(self): + # Build an experimental task + job = self.build_paradigm_job(str(ParadigmType.SINGLE_TASK_LEARNING.value)) + + # If there are no initialized model weights, then train a new model from scratch + if self.initial_model != "": + trained_model = self.initial_model + else: + trained_model = self._train(job, None) + + # Search for the optimal test-time augmentation policies + searched_strategy = self._search_tta_strategy(job, trained_model) + + # Merging the optimal policies with original default policy + merged_strategy = self._prepare_infer_strategy(job, searched_strategy) + + # infer the test set with searched policies + inference_result = self._inference_w_tta(job, trained_model, merged_strategy) + self.system_metric_info['use_raw']=True + return inference_result, self.system_metric_info + + def _inference_w_tta(self, job, trained_model, strategy): + # Load test set data + img_prefix = self.dataset.image_folder_url + ann_file_path = self.dataset.test_url + ann_file = json.load(open(ann_file_path, mode="r", encoding="utf-8")) + test_set = [] + for i in ann_file['images']: + test_set.append(os.path.join(img_prefix, i['file_name'])) + + # Perform inference with data augmentation policy. + job.load(trained_model) + print(f"Total infer strategy is :{strategy}") + infer_res = job.tta_predict(test_set, strategy) + + return infer_res + + def _prepare_infer_strategy(self, job, searched_strategy): + default_img_size = None + # The default inference policy + for p in job.cfg.data.test.pipeline: + if p['type'] == 'MultiScaleFlipAug': + default_img_size = p['img_scale'] + if default_img_size: + combined_strategy = [[("TTA_Resize", default_img_size), ]] + else: + raise ValueError("can not find img_scale model cfg") + combined_strategy.append(searched_strategy[0]) + + return combined_strategy + + def _search_tta_strategy(self, job, model_url): + # Load validation dataset + img_prefix = self.dataset.image_folder_url + ann_file = self.dataset.val_url + + # Create a search agent to search for the best data augmentation strategy. + model_cfg = job.cfg + model = init_detector(model_cfg, model_url) + torch.multiprocessing.set_start_method("spawn", force=True) + search_agent = TTA_Strategy( + model=model, + val_image_path=img_prefix, + val_anno_path=ann_file, + log_dir=os.path.join(model_cfg.work_dir, "log"), + worker=6, + nms_thr=0.5 + ) + # Search for single policies for TTA + single_strategies = search_agent.search_single_strategy(top_num=3) + + # Search for Cascade policies for TTA, which based on single policies + cascade_strategies = search_agent.search_cascade_strategy( + single_strategies, + cascade_num=3, + top_num=5 + ) + return cascade_strategies + + def _train(self, job, initial_model): + img_prefix = self.dataset.image_folder_url + ann_file = self.dataset.train_url + checkpoint_path = job.train((img_prefix, ann_file)) + return checkpoint_path diff --git a/examples/yaoba/__init__.py b/examples/yaoba/__init__.py new file mode 100644 index 00000000..e69de29b diff --git a/examples/yaoba/singletask_learning_boost/benchmarkingjob.yaml b/examples/yaoba/singletask_learning_boost/benchmarkingjob.yaml new file mode 100644 index 00000000..25637c5e --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/benchmarkingjob.yaml @@ -0,0 +1,70 @@ +benchmarkingjob: + # job name of bechmarking; string type; + name: "benchmarkingjob" + # the url address of job workspace that will reserve the output of tests; string type; + workspace: "examples/yaoba/singletask_learning_boost/workspace" + # the url address of test environment configuration file; string type; + # the file format supports yaml/yml; + testenv: "examples/yaoba/singletask_learning_boost/testenv/testenv.yaml" + # the configuration of test object + test_object: + # test type; string type; + # currently the option of value is "algorithms",the others will be added in succession. + type: "algorithms" + # test algorithm configuration files; list type; + algorithms: + # algorithm name; string type; + - name: "mmlab-model" + # the url address of test algorithm configuration file; string type; + # the file format supports yaml/yml; + url: "examples/yaoba/singletask_learning_boost/testalgorithms/algorithm.yaml" + + # the configuration of ranking leaderboard + rank: + # rank leaderboard with metric of test case's evaluation and order ; list type; + # the sorting priority is based on the sequence of metrics in the list from front to back; + sort_by: [ { "map": "descend" } ] + + # visualization configuration + visualization: + # mode of visualization in the leaderboard; string type; + # There are quite a few possible dataitems in the leaderboard. Not all of them can be shown simultaneously on the screen. + # In the leaderboard, we provide the "selected_only" mode for the user to configure what is shown or is not shown. + mode: "selected_only" + # method of visualization for selected dataitems; string type; + # currently the options of value are as follows: + # 1> "print_table": print selected dataitems; + method: "print_table" + + # selected dataitem configuration + # The user can add his/her interested dataitems in terms of "paradigms", "modules", "hyperparameters" and "metrics", + # so that the selected columns will be shown. + selected_dataitem: + # currently the options of value are as follows: + # 1> "all": select all paradigms in the leaderboard; + # 2> paradigms in the leaderboard, e.g., "singletasklearning" + paradigms: [ "all" ] + # currently the options of value are as follows: + # 1> "all": select all modules in the leaderboard; + # 2> modules in the leaderboard, e.g., "basemodel" + modules: [ "all" ] + # currently the options of value are as follows: + # 1> "all": select all hyperparameters in the leaderboard; + # 2> hyperparameters in the leaderboard, e.g., "momentum" + hyperparameters: [ "all" ] + # currently the options of value are as follows: + # 1> "all": select all metrics in the leaderboard; + # 2> metrics in the leaderboard, e.g., "f1_score" + metrics: [ "map" ] + + # model of save selected and all dataitems in workspace; string type; + # currently the options of value are as follows: + # 1> "selected_and_all": save selected and all dataitems; + # 2> "selected_only": save selected dataitems; + save_mode: "selected_and_all" + + + + + + diff --git a/examples/yaoba/singletask_learning_boost/readme/README.md b/examples/yaoba/singletask_learning_boost/readme/README.md new file mode 100644 index 00000000..3ce7311a --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/readme/README.md @@ -0,0 +1,153 @@ +## About Industrial Defect Detection + +Defects are an unwanted thing in manufacturing industry. There are many types of defect in manufacturing like blow +holes, pinholes, burr, shrinkage defects, mould material defects, pouring metal defects, metallurgical defects, etc. For +removing this defective product all industry have their defect detection department. But the main problem is this +inspection process is carried out manually. It is a very time-consuming process and due to human accuracy, this is not +100% accurate. This can because of the rejection of the whole order. So it creates a big loss in the company. + +## About Method + +Unknown tasks refer to samples outside the knowledge distribution of the task model, which can lead to severe performance degradation of a model. The instance-based method aims to identify the known training samples that contribute to fitting the unknown data distribution, and then boosting their weight in training, as shown in the below figures. It is a model-agnostic method since it manipulates the training data rather than changing the model architecture, holding considerable generality. + +diagram1 + +In this project, we present an instance-weighting method for defect detection based on active learning, significantly improving a detector's performance on unknown data. The workflow of the method is shown in the flowchart below + +diagram2 + +## About dataset + +The industrial crank defect detection dataset consists of 627 images, which hold three types of defects: 'yanse', ' +huahen', and 'mosun', and the image resolution is 4024 × 3036. Please follow [this link](https://baidu.com) to download +the dataset and learn more about it. Additionally, below is an example figure from the dataset. + +diagram3 + +### Dataset splitting for unknown task processing + +After unzipping dataset.zip, your folder format should look like below: + +``` +dataset + ├─images + └─jsons + ├─known_train.json + ├─NG_labeled.json + └─NG_test.json +``` + +All images of this dataset are placed in the ```images``` folder, and the dataset splitting is based on JSON files +in ```jsons``` folder. In this project, we define an image defect detection Precision or Recall less than 0.9 as unknown +data. Unknown training set means unknown data that can be used for training. + +## Install +First, you need to install the dependencies of Ianvs and Sedna, please follow the instructions +in [How to install Ianvs](https://github.com/kubeedge/ianvs/blob/main/docs/guides/how-to-install-ianvs.md). We are using +the MMDetection object detection framework in this project, which requires some essential dependencies to be installed. You +can install them manually one by one or use the ```pip install -r requirements.txt``` command directly in the terminal. +To avoid unpredictable errors, we strongly recommend creating a new Conda virtual environment before installing these +dependencies. + +``` +python==3.9.0 +mmcv-full==1.7.1 +mmdet==2.28.2 +torch==1.13.0 +torchvision==0.14.0 +numpy==1.24.2 +opencv_python==4.5.5.64 +Pillow==9.4.0 +``` + +## Config Setting + +Key settings to run instance-weighting method for unknown task processing of defect detection. + +### Testenv Setting + +Configure the ```known_dataset_url```, ```unknown_dataset_url```, ```image_folder_url```, and ```metrics``` properties +in ```testenv.yaml``` based on the location of your dataset folder like the below code block. + +``` +testenv: + # dataset configuration + dataset: + train_url: "dataset/jsons/known_train.json" + val_url: "dataset/jsons/known_train.json" + test_url: "dataset/jsons/NG_test.json" + known_dataset_url: "dataset/jsons/known_train.json" + unknown_dataset_url: "dataset/jsons/NG_labeled.json" + image_folder_url: "dataset/images" + type; + metrics: + # metric name; string type; + - name: "map" + url: "examples/yaoba/singletask_learning_boost/testenv/map.py" +``` + +### Algorithm Setting + +Configure the `basemodel url`, `config url`, `resource_dir` and `work_dir url` properties in `algorithm.yaml` based on the location of your project path like the below code block. + +``` +algorithm: + initial_model_url: "" + modules: + - type: "basemodel" + name: "FPN_ac_boost" + url: "examples/yaoba/singletask_learning_boost/testalgorithms/basemodel.py" + hyperparameters: + - config: + values: + - "examples/yaoba/singletask_learning_boost/resource/FPN_model_config.py" + - work_dir: + values: + - "examples/yaoba/singletask_learning_boost/work_dir" + - resource_dir: + values: + - "examples/yaoba/singletask_learning_boost/resource" +``` +### benchmarking Setting + +Configure the `basemodel url`, `config url`, `resource_dir` and `work_dir url` properties in `benchmarkingjob.yaml` based on the location of your project path like the below code block. +``` + name: "benchmarkingjob" + workspace: "examples/yaoba/singletask_learning_boost/workspace" + testenv: "examples/yaoba/singletask_learning_boost/testenv/testenv.yaml" + test_object: + type: "algorithms" + algorithms: + - name: "mmlab-model" + url: "examples/yaoba/singletask_learning_boost/testalgorithms/algorithm.yaml" +``` + +## Usage + +We are now ready to run the instance-weighting method for unknown task processing on the industrial crank defect +detection dataset. execute the below command in your terminal: + +``` +python benchmarking.py -f examples/yaoba/singletask_learning_boost/benchmarkingjob.yaml +``` + +## Result + +We present the reference results of mean average precision on unknown task test sets with and without the +instance-weighting method. It is worth noting that, even with a fixed random seed, the results may fluctuate each time +the program runs + +| Model | Method | bs | lr | AP50 | AP75 | +|:-------------:|:--------:|:---:|:----:|:-----:|-------| +| ResNet-50-FPN | baseline | 8 | 0.01 | 69.79 | 41.02 | +| ResNet-50-FPN | ac_boost | 8 | 0.01 | 71.79 | 41.99 | + +## Endnote + +In this project, we set the training batch size to 8 by default, which can result in GPU memory overflow. Users can +change this by adjusting the 'samples_per_gpu' parameter in both the 'base_config.py' and the "FPN_model_config.py" +files. + +## License + +MIT © Richard McRichface \ No newline at end of file diff --git a/examples/yaoba/singletask_learning_boost/readme/diagram1.jpg b/examples/yaoba/singletask_learning_boost/readme/diagram1.jpg new file mode 100644 index 00000000..448fdd08 Binary files /dev/null and b/examples/yaoba/singletask_learning_boost/readme/diagram1.jpg differ diff --git a/examples/yaoba/singletask_learning_boost/readme/diagram2.jpg b/examples/yaoba/singletask_learning_boost/readme/diagram2.jpg new file mode 100644 index 00000000..12002bb0 Binary files /dev/null and b/examples/yaoba/singletask_learning_boost/readme/diagram2.jpg differ diff --git a/examples/yaoba/singletask_learning_boost/readme/diagram3.jpg b/examples/yaoba/singletask_learning_boost/readme/diagram3.jpg new file mode 100644 index 00000000..06261a1a Binary files /dev/null and b/examples/yaoba/singletask_learning_boost/readme/diagram3.jpg differ diff --git a/examples/yaoba/singletask_learning_boost/readme/requirements.txt b/examples/yaoba/singletask_learning_boost/readme/requirements.txt new file mode 100644 index 00000000..3a86935a --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/readme/requirements.txt @@ -0,0 +1,7 @@ +mmcv-full==1.7.1 +mmdet==2.28.2 +torch==1.13.0 +torchvision==0.14.0 +numpy==1.24.2 +opencv_python==4.5.5.64 +Pillow==9.4.0 diff --git a/examples/yaoba/singletask_learning_boost/resource/FPN_model_config.py b/examples/yaoba/singletask_learning_boost/resource/FPN_model_config.py new file mode 100644 index 00000000..5e164ed2 --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/FPN_model_config.py @@ -0,0 +1,222 @@ +custom_imports = dict( + imports=[ + 'examples.yaoba.singletask_learning_boost.resource.fpn_component.weighted_standard_roi_head', + 'examples.yaoba.singletask_learning_boost.resource.fpn_component.convfc_bbox_head_weightv4', + 'examples.yaoba.singletask_learning_boost.resource.fpn_component.tradboost_coco', + 'examples.yaoba.singletask_learning_boost.resource.fpn_component.tradboost_pipe' + ], + allow_failed_imports=False) +model = dict( + type='FasterRCNN', + backbone=dict( + type='ResNet', + depth=50, + num_stages=4, + out_indices=(0, 1, 2, 3), + frozen_stages=1, + norm_cfg=dict(type='BN', requires_grad=True), + norm_eval=True, + style='pytorch', + init_cfg=dict(type='Pretrained', checkpoint='torchvision://resnet50')), + neck=dict( + type='FPN', + in_channels=[256, 512, 1024, 2048], + out_channels=256, + num_outs=5), + rpn_head=dict( + type='RPNHead', + in_channels=256, + feat_channels=256, + anchor_generator=dict( + type='AnchorGenerator', + scales=[8], + ratios=[0.5, 1.0, 2.0], + strides=[4, 8, 16, 32, 64]), + bbox_coder=dict( + type='DeltaXYWHBBoxCoder', + target_means=[0.0, 0.0, 0.0, 0.0], + target_stds=[1.0, 1.0, 1.0, 1.0]), + loss_cls=dict( + type='CrossEntropyLoss', use_sigmoid=True, loss_weight=1.0), + loss_bbox=dict(type='L1Loss', loss_weight=1.0)), + roi_head=dict( + type='WeightRoIHead', + bbox_roi_extractor=dict( + type='SingleRoIExtractor', + roi_layer=dict(type='RoIAlign', output_size=7, sampling_ratio=0), + out_channels=256, + featmap_strides=[4, 8, 16, 32]), + bbox_head=dict( + type='Shared2FCBBoxHeadWeightV4', + reg_decoded_bbox=True, + in_channels=256, + fc_out_channels=1024, + roi_feat_size=7, + num_classes=3, + bbox_coder=dict( + type='DeltaXYWHBBoxCoder', + target_means=[0.0, 0.0, 0.0, 0.0], + target_stds=[0.1, 0.1, 0.2, 0.2]), + reg_class_agnostic=False, + loss_cls=dict( + type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), + loss_bbox=dict(type='GIoULoss', loss_weight=10.0))), + train_cfg=dict( + rpn=dict( + assigner=dict( + type='MaxIoUAssigner', + pos_iou_thr=0.7, + neg_iou_thr=0.3, + min_pos_iou=0.3, + match_low_quality=True, + ignore_iof_thr=-1), + sampler=dict( + type='RandomSampler', + num=256, + pos_fraction=0.5, + neg_pos_ub=-1, + add_gt_as_proposals=False), + allowed_border=-1, + pos_weight=-1, + debug=False), + rpn_proposal=dict( + nms_pre=2000, + max_per_img=1000, + nms=dict(type='nms', iou_threshold=0.7), + min_bbox_size=0), + rcnn=dict( + assigner=dict( + type='MaxIoUAssigner', + pos_iou_thr=0.5, + neg_iou_thr=0.5, + min_pos_iou=0.5, + match_low_quality=False, + ignore_iof_thr=-1), + sampler=dict( + type='RandomSampler', + num=512, + pos_fraction=0.25, + neg_pos_ub=-1, + add_gt_as_proposals=True), + pos_weight=-1, + debug=False)), + test_cfg=dict( + rpn=dict( + nms_pre=1000, + max_per_img=1000, + nms=dict(type='nms', iou_threshold=0.7), + min_bbox_size=0), + rcnn=dict( + score_thr=0.05, + nms=dict(type='nms', iou_threshold=0.5), + max_per_img=100))) +dataset_type = 'CocoDataset' +data_root = '' +classes = ('yanse', 'huahen', 'mosun') +img_norm_cfg = dict( + mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) +data = dict( + samples_per_gpu=8, + workers_per_gpu=8, + train=dict( + type='TRCOCO', + classes=('yanse', 'huahen', 'mosun'), + ann_file= + '/custom_ianvs/singletask_learning_yolox_boost/exp/ac_bosst/tmp_folder/new_training_weight.json', + img_prefix= + '/home/wjj/wjj/Public/code/ianvs/custom_ianvs/singletask_learning_yolox_boost/work_dir/tmp_folder/aug_img_folder', + pipeline=[ + dict(type='LoadImageFromFile'), + dict(type='TRLoadAnnotations', with_bbox=True, with_weight=True), + dict(type='Resize', img_scale=(1333, 800), keep_ratio=True), + dict(type='RandomFlip', flip_ratio=0.5), + dict( + type='Normalize', + mean=[123.675, 116.28, 103.53], + std=[58.395, 57.12, 57.375], + to_rgb=True), + dict(type='Pad', size_divisor=32), + dict(type='DefaultFormatBundle'), + dict( + type='Collect', + keys=['img', 'gt_bboxes', 'gt_labels'], + meta_keys=('filename', 'ori_filename', 'ori_shape', + 'img_shape', 'pad_shape', 'scale_factor', 'flip', + 'flip_direction', 'img_norm_cfg', 'weights')) + ]), + val=dict( + type='CocoDataset', + classes=('yanse', 'huahen', 'mosun'), + ann_file= + '/custom_ianvs/singletask_learning_boost/resource/json/NG_test.json', + img_prefix= + '/home/wjj/wjj/Public/code/ianvs/custom_ianvs/singletask_learning_yolox_boost/work_dir/tmp_folder/aug_img_folder', + pipeline=[ + dict(type='LoadImageFromFile'), + dict( + type='MultiScaleFlipAug', + img_scale=(1333, 800), + flip=False, + transforms=[ + dict(type='Resize', keep_ratio=True), + dict(type='RandomFlip'), + dict( + type='Normalize', + mean=[123.675, 116.28, 103.53], + std=[58.395, 57.12, 57.375], + to_rgb=True), + dict(type='Pad', size_divisor=32), + dict(type='ImageToTensor', keys=['img']), + dict(type='Collect', keys=['img']) + ]) + ]), + test=dict( + type='CocoDataset', + classes=('yanse', 'huahen', 'mosun'), + ann_file= + '/custom_ianvs/singletask_learning_boost/resource/json/NG_test.json', + img_prefix= + '/home/wjj/wjj/Public/code/ianvs/custom_ianvs/singletask_learning_yolox_boost/work_dir/tmp_folder/aug_img_folder', + pipeline=[ + dict(type='LoadImageFromFile'), + dict( + type='MultiScaleFlipAug', + img_scale=(1333, 800), + flip=False, + transforms=[ + dict(type='Resize', keep_ratio=True), + dict(type='RandomFlip'), + dict( + type='Normalize', + mean=[123.675, 116.28, 103.53], + std=[58.395, 57.12, 57.375], + to_rgb=True), + dict(type='Pad', size_divisor=32), + dict(type='ImageToTensor', keys=['img']), + dict(type='Collect', keys=['img']) + ]) + ])) +evaluation = dict(interval=1, metric='bbox') +optimizer = dict(type='SGD', lr=0.02, momentum=0.9, weight_decay=0.0001) +optimizer_config = dict(grad_clip=None) +lr_config = dict( + policy='step', + warmup='linear', + warmup_iters=50, + warmup_ratio=0.001, + step=[22, 23]) +runner = dict(type='EpochBasedRunner', max_epochs=24) +checkpoint_config = dict(interval=24) +log_config = dict(interval=5, hooks=[dict(type='TextLoggerHook')]) +custom_hooks = [dict(type='NumClassCheckHook')] +dist_params = dict(backend='nccl') +log_level = 'INFO' +load_from = None +resume_from = None +workflow = [('train', 1)] +opencv_num_threads = 0 +mp_start_method = 'fork' +auto_scale_lr = dict(enable=True, base_batch_size=16) +work_dir = '/home/wjj/wjj/Public/code/huawei/custom_code/instance_based/model/weight_fpn/cls' +auto_resume = False +gpu_ids = [0] diff --git a/examples/yaoba/singletask_learning_boost/resource/__init__.py b/examples/yaoba/singletask_learning_boost/resource/__init__.py new file mode 100644 index 00000000..e69de29b diff --git a/examples/yaoba/singletask_learning_boost/resource/base_config.py b/examples/yaoba/singletask_learning_boost/resource/base_config.py new file mode 100644 index 00000000..18acb021 --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/base_config.py @@ -0,0 +1,208 @@ +model = dict( + type='FasterRCNN', + backbone=dict( + type='ResNet', + depth=50, + num_stages=4, + out_indices=(0, 1, 2, 3), + frozen_stages=1, + norm_cfg=dict(type='BN', requires_grad=True), + norm_eval=True, + style='pytorch', + init_cfg=dict(type='Pretrained', checkpoint='torchvision://resnet50')), + neck=dict( + type='FPN', + in_channels=[256, 512, 1024, 2048], + out_channels=256, + num_outs=5), + rpn_head=dict( + type='RPNHead', + in_channels=256, + feat_channels=256, + anchor_generator=dict( + type='AnchorGenerator', + scales=[8], + ratios=[0.5, 1.0, 2.0], + strides=[4, 8, 16, 32, 64]), + bbox_coder=dict( + type='DeltaXYWHBBoxCoder', + target_means=[0.0, 0.0, 0.0, 0.0], + target_stds=[1.0, 1.0, 1.0, 1.0]), + loss_cls=dict( + type='CrossEntropyLoss', use_sigmoid=True, loss_weight=1.0), + loss_bbox=dict(type='L1Loss', loss_weight=1.0)), + roi_head=dict( + type='StandardRoIHead', + bbox_roi_extractor=dict( + type='SingleRoIExtractor', + roi_layer=dict(type='RoIAlign', output_size=7, sampling_ratio=0), + out_channels=256, + featmap_strides=[4, 8, 16, 32]), + bbox_head=dict( + type='Shared2FCBBoxHead', + reg_decoded_bbox=True, + in_channels=256, + fc_out_channels=1024, + roi_feat_size=7, + num_classes=3, + bbox_coder=dict( + type='DeltaXYWHBBoxCoder', + target_means=[0.0, 0.0, 0.0, 0.0], + target_stds=[0.1, 0.1, 0.2, 0.2]), + reg_class_agnostic=False, + loss_cls=dict( + type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0), + loss_bbox=dict(type='GIoULoss', loss_weight=10.0))), + train_cfg=dict( + rpn=dict( + assigner=dict( + type='MaxIoUAssigner', + pos_iou_thr=0.7, + neg_iou_thr=0.3, + min_pos_iou=0.3, + match_low_quality=True, + ignore_iof_thr=-1), + sampler=dict( + type='RandomSampler', + num=256, + pos_fraction=0.5, + neg_pos_ub=-1, + add_gt_as_proposals=False), + allowed_border=-1, + pos_weight=-1, + debug=False), + rpn_proposal=dict( + nms_pre=2000, + max_per_img=1000, + nms=dict(type='nms', iou_threshold=0.7), + min_bbox_size=0), + rcnn=dict( + assigner=dict( + type='MaxIoUAssigner', + pos_iou_thr=0.5, + neg_iou_thr=0.5, + min_pos_iou=0.5, + match_low_quality=False, + ignore_iof_thr=-1), + sampler=dict( + type='RandomSampler', + num=512, + pos_fraction=0.25, + neg_pos_ub=-1, + add_gt_as_proposals=True), + pos_weight=-1, + debug=False)), + test_cfg=dict( + rpn=dict( + nms_pre=1000, + max_per_img=1000, + nms=dict(type='nms', iou_threshold=0.7), + min_bbox_size=0), + rcnn=dict( + score_thr=0.05, + nms=dict(type='nms', iou_threshold=0.5), + max_per_img=100))) +dataset_type = 'CocoDataset' +data_root = '' +classes = ('yanse', 'huahen', 'mosun') +img_norm_cfg = dict( + mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) + +data = dict( + samples_per_gpu=8, + workers_per_gpu=8, + train=dict( + type='CocoDataset', + classes=('yanse', 'huahen', 'mosun'), + ann_file= + '/custom_ianvs/singletask_learning_yolox_boost/exp/ac_bosst/tmp_folder/aug_unknown.json', + img_prefix='/home/wjj/wjj/Public/code/ianvs/custom_ianvs/singletask_learning_yolox_boost/work_dir/tmp_folder/aug_img_folder', + pipeline=[ + dict(type='LoadImageFromFile'), + dict(type='LoadAnnotations', with_bbox=True), + dict(type='Resize', img_scale=(1333, 800), keep_ratio=True), + dict(type='RandomFlip', flip_ratio=0.5), + dict( + type='Normalize', + mean=[123.675, 116.28, 103.53], + std=[58.395, 57.12, 57.375], + to_rgb=True), + dict(type='Pad', size_divisor=32), + dict(type='DefaultFormatBundle'), + dict(type='Collect', keys=['img', 'gt_bboxes', 'gt_labels']) + ]), + val=dict( + type='CocoDataset', + classes=('yanse', 'huahen', 'mosun'), + ann_file= + '/home/wjj/wjj/Public/code/huawei/custom_code/instance_based/json/NG_test.json', + img_prefix='/media/huawei_YaoBa/Images', + pipeline=[ + dict(type='LoadImageFromFile'), + dict( + type='MultiScaleFlipAug', + img_scale=(1333, 800), + flip=False, + transforms=[ + dict(type='Resize', keep_ratio=True), + dict(type='RandomFlip'), + dict( + type='Normalize', + mean=[123.675, 116.28, 103.53], + std=[58.395, 57.12, 57.375], + to_rgb=True), + dict(type='Pad', size_divisor=32), + dict(type='ImageToTensor', keys=['img']), + dict(type='Collect', keys=['img']) + ]) + ]), + test=dict( + type='CocoDataset', + classes=('yanse', 'huahen', 'mosun'), + ann_file= + '/home/wjj/wjj/Public/code/huawei/custom_code/instance_based/json/NG_test.json', + img_prefix='/media/huawei_YaoBa/Images', + pipeline=[ + dict(type='LoadImageFromFile'), + dict( + type='MultiScaleFlipAug', + img_scale=(1333, 800), + flip=False, + transforms=[ + dict(type='Resize', keep_ratio=True), + dict(type='RandomFlip'), + dict( + type='Normalize', + mean=[123.675, 116.28, 103.53], + std=[58.395, 57.12, 57.375], + to_rgb=True), + dict(type='Pad', size_divisor=32), + dict(type='ImageToTensor', keys=['img']), + dict(type='Collect', keys=['img']) + ]) + ])) +# evaluation = dict(interval=1, save_best='auto', metric='bbox') +evaluation = dict(interval=1, metric='bbox') +optimizer = dict(type='SGD', lr=0.02, momentum=0.9, weight_decay=0.0001) +optimizer_config = dict(grad_clip=None) +lr_config = dict( + policy='step', + warmup='linear', + warmup_iters=50, + warmup_ratio=0.001, + step=[22, 23]) +runner = dict(type='EpochBasedRunner', max_epochs=24) +checkpoint_config = dict(interval=24) +log_config = dict(interval=5, hooks=[dict(type='TextLoggerHook')]) +custom_hooks = [dict(type='NumClassCheckHook')] +dist_params = dict(backend='nccl') +log_level = 'INFO' +load_from = None +resume_from = None +workflow = [('train', 1)] +opencv_num_threads = 0 +mp_start_method = 'fork' +auto_scale_lr = dict(enable=True, base_batch_size=16) +work_dir = '/home/wjj/wjj/Public/code/huawei/custom_code/instance_based/model/fpn/known' +auto_resume = False +gpu_ids = range(0, 4) diff --git a/examples/yaoba/singletask_learning_boost/resource/fpn_component/__init__.py b/examples/yaoba/singletask_learning_boost/resource/fpn_component/__init__.py new file mode 100644 index 00000000..e69de29b diff --git a/examples/yaoba/singletask_learning_boost/resource/fpn_component/convfc_bbox_head_weightv4.py b/examples/yaoba/singletask_learning_boost/resource/fpn_component/convfc_bbox_head_weightv4.py new file mode 100644 index 00000000..9e52cc95 --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/fpn_component/convfc_bbox_head_weightv4.py @@ -0,0 +1,188 @@ +import numpy as np +from mmdet.core.bbox.iou_calculators import build_iou_calculator +from mmdet.models.builder import HEADS +from mmdet.models.roi_heads.bbox_heads.convfc_bbox_head import Shared2FCBBoxHead +from mmcv.runner import force_fp32 +import torch +from mmdet.models.losses import accuracy +from mmdet.core import multi_apply + + +@HEADS.register_module() +class Shared2FCBBoxHeadWeightV4(Shared2FCBBoxHead): + + def __init__(self, **kwargs): + super(Shared2FCBBoxHeadWeightV4, self).__init__(**kwargs) + + @force_fp32(apply_to=('cls_score', 'bbox_pred')) + def loss(self, + custom_weight, + gt_labels, + cls_score, + bbox_pred, + rois, + labels, + label_weights, + bbox_targets, + bbox_weights, + bbox_gt_inds, + reduction_override=None): + torch.set_printoptions(threshold=np.inf) + # 获取有效预测结果的mask,非有效预测的结果弄成零方便取权重,最后通过mask筛选取出的值 + bbox_gt_inds_mask = bbox_gt_inds != -1 + bbox_gt_inds[bbox_gt_inds == -1] = 0 + # 通过bbox的weight和每个bbox属于的类别计算出类别的权重, + # [1,0.5,0.8] 对应的类别为[0,0,1] 那么类别权重和背景权重为[0.75,0.8,0.76] + custom_label_weight = [] + for i in range(len(custom_weight)): + custom_label_weight.append([0 for _ in range(self.num_classes + 1)]) + for i in range(len(custom_label_weight)): + for j in range(self.num_classes + 1): + # num_classes代表背景 + if j == self.num_classes: + mask = np.asarray(custom_label_weight[i]) > 0 + background_weight = np.average(np.asarray(custom_label_weight[i])[mask]) + custom_label_weight[i][j] = background_weight + else: + img_i_gt_labels_wrt_class_j = (gt_labels[i] == j).cpu().numpy() + img_i_class_j_weight = custom_weight[i][img_i_gt_labels_wrt_class_j] + if len(img_i_class_j_weight) > 0: + custom_label_weight[i][j] = np.average(img_i_class_j_weight) + else: + custom_label_weight[i][j] = 0 + start_index = 0 + lengths = [] + bbox_weight_list = [] + label_weight_list=[] + predict_img_index = rois[:, 0] + num_imgs = len(custom_weight) + # 得出每个img有多少个预测结果,一个img一个img的处理 + for i in range(num_imgs): + lengths.append(torch.count_nonzero(predict_img_index == i).item()) + for index, length in enumerate(lengths): + cur_custom_bbox_weight = torch.from_numpy(custom_weight[index]).type_as(bbox_pred) + cur_custom_label_weight = torch.from_numpy(np.asarray(custom_label_weight[index])).type_as(labels) + cur_custom_bbox_weight = cur_custom_bbox_weight[bbox_gt_inds[start_index:length + start_index]] + cur_custom_label_weight = cur_custom_label_weight[labels[start_index:length + start_index]] + cur_custom_bbox_weight[~bbox_gt_inds_mask[start_index:length + start_index]] = 0 + bbox_weight_list.append(cur_custom_bbox_weight) + label_weight_list.append(cur_custom_label_weight) + start_index += length + final_custom_bbox_weight = torch.concatenate(bbox_weight_list, dim=0) + final_custom_label_weight = torch.concatenate(label_weight_list, dim=0) + bbox_weights = final_custom_bbox_weight.unsqueeze(-1) * bbox_weights + label_weights = final_custom_label_weight * label_weights + losses = dict() + if cls_score is not None: + avg_factor = max(torch.sum(label_weights > 0).float().item(), 1.) + if cls_score.numel() > 0: + loss_cls_ = self.loss_cls( + cls_score, + labels, + label_weights, + avg_factor=avg_factor, + reduction_override=reduction_override) + if isinstance(loss_cls_, dict): + losses.update(loss_cls_) + else: + losses['loss_cls'] = loss_cls_ + if self.custom_activation: + acc_ = self.loss_cls.get_accuracy(cls_score, labels) + losses.update(acc_) + else: + losses['acc'] = accuracy(cls_score, labels) + if bbox_pred is not None: + bg_class_ind = self.num_classes + # 0~self.num_classes-1 are FG, self.num_classes is BG + pos_inds = (labels >= 0) & (labels < bg_class_ind) + # do not perform bounding box regression for BG anymore. + if pos_inds.any(): + if self.reg_decoded_bbox: + # When the regression loss (e.g. `IouLoss`, + # `GIouLoss`, `DIouLoss`) is applied directly on + # the decoded bounding boxes, it decodes the + # already encoded coordinates to absolute format. + bbox_pred = self.bbox_coder.decode(rois[:, 1:], bbox_pred) + if self.reg_class_agnostic: + pos_bbox_pred = bbox_pred.view( + bbox_pred.size(0), 4)[pos_inds.type(torch.bool)] + else: + pos_bbox_pred = bbox_pred.view( + bbox_pred.size(0), -1, + 4)[pos_inds.type(torch.bool), + labels[pos_inds.type(torch.bool)]] + losses['loss_bbox'] = self.loss_bbox( + pos_bbox_pred, + bbox_targets[pos_inds.type(torch.bool)], + bbox_weights[pos_inds.type(torch.bool)], + avg_factor=bbox_targets.size(0), + reduction_override=reduction_override) + else: + losses['loss_bbox'] = bbox_pred[pos_inds].sum() + return losses + + def get_targets(self, + sampling_results, + gt_bboxes, + gt_labels, + rcnn_train_cfg, + concat=True): + # 重写这个方法是为了加入pos_assigned_gt_inds,方便判断pos的pred_box是预测的哪个gt_box,在tradboost中每个标签框的权重不一样 + pos_bboxes_list = [res.pos_bboxes for res in sampling_results] + neg_bboxes_list = [res.neg_bboxes for res in sampling_results] + pos_gt_bboxes_list = [res.pos_gt_bboxes for res in sampling_results] + pos_gt_labels_list = [res.pos_gt_labels for res in sampling_results] + pos_assigned_gt_inds_list = [res.pos_assigned_gt_inds for res in sampling_results] + labels, label_weights, bbox_targets, bbox_weights, bbox_gt_inds = multi_apply( + self._get_target_single, + pos_bboxes_list, + neg_bboxes_list, + pos_gt_bboxes_list, + pos_gt_labels_list, + pos_assigned_gt_inds_list, + cfg=rcnn_train_cfg) + if concat: + labels = torch.cat(labels, 0) + label_weights = torch.cat(label_weights, 0) + bbox_targets = torch.cat(bbox_targets, 0) + bbox_weights = torch.cat(bbox_weights, 0) + bbox_gt_inds = torch.cat(bbox_gt_inds, 0) + return labels, label_weights, bbox_targets, bbox_weights, bbox_gt_inds + + def _get_target_single(self, pos_bboxes, neg_bboxes, pos_gt_bboxes, + pos_gt_labels, pos_assigned_gt_inds_list, cfg): + num_pos = pos_bboxes.size(0) + num_neg = neg_bboxes.size(0) + num_samples = num_pos + num_neg + # original implementation uses new_zeros since BG are set to be 0 + # now use empty & fill because BG cat_id = num_classes, + # FG cat_id = [0, num_classes-1] + labels = pos_bboxes.new_full((num_samples,), + self.num_classes, + dtype=torch.long) + label_weights = pos_bboxes.new_zeros(num_samples) + bbox_targets = pos_bboxes.new_zeros(num_samples, 4) + bbox_weights = pos_bboxes.new_zeros(num_samples, 4) + bbox_gt_inds = pos_bboxes.new_full((num_samples,), + -1, + dtype=torch.long) + if num_pos > 0: + labels[:num_pos] = pos_gt_labels + pos_weight = 1.0 if cfg.pos_weight <= 0 else cfg.pos_weight + label_weights[:num_pos] = pos_weight + if not self.reg_decoded_bbox: + pos_bbox_targets = self.bbox_coder.encode( + pos_bboxes, pos_gt_bboxes) + else: + # When the regression loss (e.g. `IouLoss`, `GIouLoss`) + # is applied directly on the decoded bounding boxes, both + # the predicted boxes and regression targets should be with + # absolute coordinate format. + pos_bbox_targets = pos_gt_bboxes + bbox_targets[:num_pos, :] = pos_bbox_targets + bbox_gt_inds[:num_pos] = pos_assigned_gt_inds_list + bbox_weights[:num_pos, :] = 1 + if num_neg > 0: + label_weights[-num_neg:] = 1.0 + + return labels, label_weights, bbox_targets, bbox_weights, bbox_gt_inds diff --git a/examples/yaoba/singletask_learning_boost/resource/fpn_component/tradboost_coco.py b/examples/yaoba/singletask_learning_boost/resource/fpn_component/tradboost_coco.py new file mode 100644 index 00000000..829ea20c --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/fpn_component/tradboost_coco.py @@ -0,0 +1,69 @@ +# Copyright (c) OpenMMLab. All rights reserved. +import numpy as np +from mmdet.datasets.builder import DATASETS +from mmdet.datasets.coco import CocoDataset + + +@DATASETS.register_module() +class TRCOCO(CocoDataset): + + def _parse_ann_info(self, img_info, ann_info): + """Parse bbox and mask annotation. + extra return anno weight + Args: + ann_info (list[dict]): Annotation info of an image. + with_mask (bool): Whether to parse mask annotations. + + Returns: + dict: A dict containing the following keys: bboxes, bboxes_ignore,\ + labels, masks, seg_map. "masks" are raw annotations and not \ + decoded into binary masks. + """ + gt_bboxes = [] + gt_labels = [] + gt_bboxes_ignore = [] + gt_masks_ann = [] + weights = [] + for i, ann in enumerate(ann_info): + if ann.get('ignore', False): + continue + x1, y1, w, h = ann['bbox'] + + inter_w = max(0, min(x1 + w, img_info['width']) - max(x1, 0)) + inter_h = max(0, min(y1 + h, img_info['height']) - max(y1, 0)) + if inter_w * inter_h == 0: + continue + if ann['area'] <= 0 or w < 1 or h < 1: + continue + if ann['category_id'] not in self.cat_ids: + continue + bbox = [x1, y1, x1 + w, y1 + h] + if ann.get('iscrowd', False): + gt_bboxes_ignore.append(bbox) + else: + gt_bboxes.append(bbox) + gt_labels.append(self.cat2label[ann['category_id']]) + gt_masks_ann.append(ann.get('segmentation', None)) + weights.append(ann['weight']) + if gt_bboxes: + gt_bboxes = np.array(gt_bboxes, dtype=np.float32) + gt_labels = np.array(gt_labels, dtype=np.int64) + weights = np.array(weights, dtype=np.float32) + else: + gt_bboxes = np.zeros((0, 4), dtype=np.float32) + gt_labels = np.array([], dtype=np.int64) + weights=np.array([], dtype=np.float32) + if gt_bboxes_ignore: + gt_bboxes_ignore = np.array(gt_bboxes_ignore, dtype=np.float32) + else: + gt_bboxes_ignore = np.zeros((0, 4), dtype=np.float32) + + seg_map = img_info['filename'].rsplit('.', 1)[0] + self.seg_suffix + ann = dict( + bboxes=gt_bboxes, + labels=gt_labels, + bboxes_ignore=gt_bboxes_ignore, + masks=gt_masks_ann, + seg_map=seg_map, + weights=weights) + return ann diff --git a/examples/yaoba/singletask_learning_boost/resource/fpn_component/tradboost_pipe.py b/examples/yaoba/singletask_learning_boost/resource/fpn_component/tradboost_pipe.py new file mode 100644 index 00000000..17d601be --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/fpn_component/tradboost_pipe.py @@ -0,0 +1,46 @@ +from mmdet.datasets.builder import PIPELINES +from mmdet.datasets.pipelines.loading import LoadAnnotations + + +@PIPELINES.register_module() +class TRLoadAnnotations(LoadAnnotations): + def __init__(self, with_weight=False, **kwargs): + super().__init__(**kwargs) + self.with_weight = with_weight + + def _load_weights(self, results): + """Private function to load label annotations. + + Args: + results (dict): Result dict from :obj:`mmdet.CustomDataset`. + + Returns: + dict: The dict contains loaded label annotations. + """ + results['weights'] = results['ann_info']['weights'].copy() + return results + + def __call__(self, results): + """Call function to load multiple types annotations. + + Args: + results (dict): Result dict from :obj:`mmdet.CustomDataset`. + + Returns: + dict: The dict contains loaded bounding box, label, mask and + semantic segmentation annotations. + """ + + if self.with_bbox: + results = self._load_bboxes(results) + if results is None: + return None + if self.with_weight: + results = self._load_weights(results) + if self.with_label: + results = self._load_labels(results) + if self.with_mask: + results = self._load_masks(results) + if self.with_seg: + results = self._load_semantic_seg(results) + return results diff --git a/examples/yaoba/singletask_learning_boost/resource/fpn_component/weighted_standard_roi_head.py b/examples/yaoba/singletask_learning_boost/resource/fpn_component/weighted_standard_roi_head.py new file mode 100644 index 00000000..79a2f14a --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/fpn_component/weighted_standard_roi_head.py @@ -0,0 +1,74 @@ +# Copyright (c) OpenMMLab. All rights reserved. +import json +import numpy as np +import torch +from mmdet.core import bbox2roi +from mmdet.core.bbox.iou_calculators import build_iou_calculator +from mmdet.models.builder import HEADS +from mmdet.models.roi_heads.standard_roi_head import StandardRoIHead + + +@HEADS.register_module() +class WeightRoIHead(StandardRoIHead): + def __init__(self, + **kwargs): + super(WeightRoIHead, self).__init__(**kwargs) + def forward_train(self, + x, + img_metas, + proposal_list, + gt_bboxes, + gt_labels, + gt_bboxes_ignore=None, + gt_masks=None, + **kwargs): + if self.with_bbox or self.with_mask: + num_imgs = len(img_metas) + if gt_bboxes_ignore is None: + gt_bboxes_ignore = [None for _ in range(num_imgs)] + sampling_results = [] + for i in range(num_imgs): + assign_result = self.bbox_assigner.assign( + proposal_list[i], gt_bboxes[i], gt_bboxes_ignore[i], + gt_labels[i]) + sampling_result = self.bbox_sampler.sample( + assign_result, + proposal_list[i], + gt_bboxes[i], + gt_labels[i], + feats=[lvl_feat[i][None] for lvl_feat in x]) + sampling_results.append(sampling_result) + losses = dict() + # bbox head forward and loss + if self.with_bbox: + bbox_results = self._bbox_forward_train(x, sampling_results, + gt_bboxes, gt_labels, + img_metas) + losses.update(bbox_results['loss_bbox']) + + # mask head forward and loss + if self.with_mask: + mask_results = self._mask_forward_train(x, sampling_results, + bbox_results['bbox_feats'], + gt_masks, img_metas) + losses.update(mask_results['loss_mask']) + + return losses + + def _bbox_forward_train(self, x, sampling_results, gt_bboxes, gt_labels, + img_metas): + """Run forward function and calculate loss for box head in training.""" + rois = bbox2roi([res.bboxes for res in sampling_results]) + bbox_results = self._bbox_forward(x, rois) + bbox_targets = self.bbox_head.get_targets(sampling_results, gt_bboxes, + gt_labels, self.train_cfg) + + loss_bbox = self.bbox_head.loss([i['weights'] for i in img_metas], + gt_labels, + bbox_results['cls_score'], + bbox_results['bbox_pred'], + rois, + *bbox_targets) + bbox_results.update(loss_bbox=loss_bbox) + return bbox_results + diff --git a/examples/yaoba/singletask_learning_boost/resource/json/NG_labeled.json b/examples/yaoba/singletask_learning_boost/resource/json/NG_labeled.json new file mode 100644 index 00000000..52b305f1 --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/json/NG_labeled.json @@ -0,0 +1 @@ +{"images": [{"file_name": "2021-05-16-14-07-48.jpg", "id": 10000, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-17-02.jpg", "id": 10001, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-46-22.jpg", "id": 10002, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-34-30.jpg", "id": 10003, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-54-16.jpg", "id": 10004, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-43-52.jpg", "id": 10005, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-33-24.jpg", "id": 10006, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-54-36.jpg", "id": 10007, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-02-40.jpg", "id": 10008, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-08-42.jpg", "id": 10009, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-04-06.jpg", "id": 10010, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-53-30.jpg", "id": 10011, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-38-36.jpg", "id": 10012, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-29-12.jpg", "id": 10013, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-17-34.jpg", "id": 10014, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-28-06.jpg", "id": 10015, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-16-40.jpg", "id": 10016, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-36-00.jpg", "id": 10017, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-43-14.jpg", "id": 10018, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-09-34.jpg", "id": 10019, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-37-02.jpg", "id": 10020, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-57-06.jpg", "id": 10021, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-57-34.jpg", "id": 10022, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-02-18.jpg", "id": 10023, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-59-44.jpg", "id": 10024, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-48-20.jpg", "id": 10025, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-49-20.jpg", "id": 10026, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-53-02.jpg", "id": 10027, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-42-16.jpg", "id": 10028, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-04-18.jpg", "id": 10029, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-35-10.jpg", "id": 10030, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-57-18.jpg", "id": 10031, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-55-56.jpg", "id": 10032, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-08-04.jpg", "id": 10033, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-39-56.jpg", "id": 10034, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-49-32.jpg", "id": 10035, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-22-18.jpg", "id": 10036, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-48-14.jpg", "id": 10037, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-07-40.jpg", "id": 10038, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-11-40.jpg", "id": 10039, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-13-52.jpg", "id": 10040, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-49-50.jpg", "id": 10041, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-55-16.jpg", "id": 10042, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-53-20.jpg", "id": 10043, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-48-14.jpg", "id": 10044, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-46-08.jpg", "id": 10045, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-09-10.jpg", "id": 10046, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-22-18.jpg", "id": 10047, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-57-16.jpg", "id": 10048, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-00-58.jpg", "id": 10049, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-37-34.jpg", "id": 10050, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-02-26.jpg", "id": 10051, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-39-06.jpg", "id": 10052, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-07-56.jpg", "id": 10053, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-30-12.jpg", "id": 10054, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-15-04.jpg", "id": 10055, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-22-30.jpg", "id": 10056, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-01-58.jpg", "id": 10057, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-28-04.jpg", "id": 10058, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-19-06.jpg", "id": 10059, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-39-32.jpg", "id": 10060, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-49-04.jpg", "id": 10061, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-58-36.jpg", "id": 10062, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-45-06.jpg", "id": 10063, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-35-26.jpg", "id": 10064, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-34-44.jpg", "id": 10065, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-46-36.jpg", "id": 10066, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-40-50.jpg", "id": 10067, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-01-08.jpg", "id": 10068, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-19-04.jpg", "id": 10069, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-37-56.jpg", "id": 10070, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-30-16.jpg", "id": 10071, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-45-44.jpg", "id": 10072, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-55-48.jpg", "id": 10073, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-59-12.jpg", "id": 10074, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-21-52.jpg", "id": 10075, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-46-04.jpg", "id": 10076, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-41-24.jpg", "id": 10077, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-19-30.jpg", "id": 10078, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-22-44.jpg", "id": 10079, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-21-10.jpg", "id": 10080, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-58-18.jpg", "id": 10081, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-27-02.jpg", "id": 10082, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-16-56.jpg", "id": 10083, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-52-14.jpg", "id": 10084, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-20-44.jpg", "id": 10085, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-36-30.jpg", "id": 10086, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-15-46.jpg", "id": 10087, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-58-34.jpg", "id": 10088, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-09-52.jpg", "id": 10089, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-03-54.jpg", "id": 10090, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-41-22.jpg", "id": 10091, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-52-32.jpg", "id": 10092, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-29-28.jpg", "id": 10093, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-59-38.jpg", "id": 10094, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-16-46.jpg", "id": 10095, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-20-46.jpg", "id": 10096, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-36-10.jpg", "id": 10097, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-17-09-30.jpg", "id": 10098, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-17-07-44.jpg", "id": 10099, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-03-34.jpg", "id": 10100, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-58-16.jpg", "id": 10101, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-29-02.jpg", "id": 10102, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-18-32.jpg", "id": 10103, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-47-26.jpg", "id": 10104, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-46-54.jpg", "id": 10105, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-44-38.jpg", "id": 10106, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-15-34.jpg", "id": 10107, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-15-20.jpg", "id": 10108, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-34-26.jpg", "id": 10109, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-08-54.jpg", "id": 10110, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-35-04.jpg", "id": 10111, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-00-38.jpg", "id": 10112, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-22-26.jpg", "id": 10113, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-09-14.jpg", "id": 10114, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-13-42.jpg", "id": 10115, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-04-22.jpg", "id": 10116, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-43-20.jpg", "id": 10117, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-31-34.jpg", "id": 10118, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-17-08-40.jpg", "id": 10119, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-08-20.jpg", "id": 10120, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-27-08.jpg", "id": 10121, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-42-28.jpg", "id": 10122, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-56-14.jpg", "id": 10123, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-41-48.jpg", "id": 10124, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-58-22.jpg", "id": 10125, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-55-16.jpg", "id": 10126, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-58-56.jpg", "id": 10127, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-52-44.jpg", "id": 10128, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-54-44.jpg", "id": 10129, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-33-42.jpg", "id": 10130, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-27-30.jpg", "id": 10131, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-43-08.jpg", "id": 10132, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-36-32.jpg", "id": 10133, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-12-26.jpg", "id": 10134, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-14-22.jpg", "id": 10135, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-40-30.jpg", "id": 10136, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-29-20.jpg", "id": 10137, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-55-44.jpg", "id": 10138, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-32-40.jpg", "id": 10139, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-23-12.jpg", "id": 10140, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-45-54.jpg", "id": 10141, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-39-22.jpg", "id": 10142, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-27-46.jpg", "id": 10143, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-56-22.jpg", "id": 10144, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-18-38.jpg", "id": 10145, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-11-06.jpg", "id": 10146, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-43-12.jpg", "id": 10147, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-03-06.jpg", "id": 10148, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-40-50.jpg", "id": 10149, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-54-34.jpg", "id": 10150, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-00-02.jpg", "id": 10151, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-34-08.jpg", "id": 10152, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-56-50.jpg", "id": 10153, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-42-28.jpg", "id": 10154, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-57-12.jpg", "id": 10155, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-54-30.jpg", "id": 10156, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-58-34.jpg", "id": 10157, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-06-30.jpg", "id": 10158, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-21-44.jpg", "id": 10159, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-57-28.jpg", "id": 10160, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-09-06.jpg", "id": 10161, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-12-44.jpg", "id": 10162, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-07-12.jpg", "id": 10163, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-38-16.jpg", "id": 10164, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-09-42.jpg", "id": 10165, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-02-58.jpg", "id": 10166, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-26-08.jpg", "id": 10167, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-53-16.jpg", "id": 10168, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-01-48.jpg", "id": 10169, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-36-30.jpg", "id": 10170, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-57-26.jpg", "id": 10171, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-25-56.jpg", "id": 10172, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-01-34.jpg", "id": 10173, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-06-34.jpg", "id": 10174, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-55-14.jpg", "id": 10175, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-13-14.jpg", "id": 10176, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-21-22.jpg", "id": 10177, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-57-48.jpg", "id": 10178, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-01-16.jpg", "id": 10179, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-02-24.jpg", "id": 10180, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-03-04.jpg", "id": 10181, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-57-40.jpg", "id": 10182, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-27-32.jpg", "id": 10183, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-17-05-18.jpg", "id": 10184, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-01-30.jpg", "id": 10185, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-47-58.jpg", "id": 10186, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-25-40.jpg", "id": 10187, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-42-20.jpg", "id": 10188, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-11-04.jpg", "id": 10189, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-06-20.jpg", "id": 10190, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-04-56.jpg", "id": 10191, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-21-02.jpg", "id": 10192, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-39-54.jpg", "id": 10193, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-11-10.jpg", "id": 10194, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-00-00.jpg", "id": 10195, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-55-18.jpg", "id": 10196, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-59-04.jpg", "id": 10197, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-36-48.jpg", "id": 10198, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-55-52.jpg", "id": 10199, "height": 3036, "width": 4024}], "annotations": [{"image_id": 10000, "bbox": [2571, 2647, 1355, 388], "category_id": 2, "id": 0, "iscrowd": 0, "weight": 0.6834016461968794, "segmentation": [], "area": 525740}, {"image_id": 10001, "bbox": [1644, 753, 180, 157], "category_id": 0, "id": 1, "iscrowd": 0, "weight": 0.6495165113000358, "segmentation": [], "area": 28260}, {"image_id": 10001, "bbox": [1614, 893, 580, 920], "category_id": 0, "id": 2, "iscrowd": 0, "weight": 0.5381167587341836, "segmentation": [], "area": 533600}, {"image_id": 10001, "bbox": [1981, 1813, 127, 117], "category_id": 0, "id": 3, "iscrowd": 0, "weight": 0.2971815410866565, "segmentation": [], "area": 14859}, {"image_id": 10001, "bbox": [2631, 1657, 573, 980], "category_id": 2, "id": 4, "iscrowd": 0, "weight": 0.545181945275308, "segmentation": [], "area": 561540}, {"image_id": 10002, "bbox": [1160, 1033, 1278, 329], "category_id": 0, "id": 5, "iscrowd": 0, "weight": 0.8964272546691521, "segmentation": [], "area": 420462}, {"image_id": 10002, "bbox": [2233, 1789, 38, 95], "category_id": 1, "id": 6, "iscrowd": 0, "weight": 0.4174526167029561, "segmentation": [], "area": 3610}, {"image_id": 10002, "bbox": [2625, 1454, 37, 54], "category_id": 1, "id": 7, "iscrowd": 0, "weight": 0.4757368192534295, "segmentation": [], "area": 1998}, {"image_id": 10002, "bbox": [1968, 1760, 30, 62], "category_id": 1, "id": 8, "iscrowd": 0, "weight": 0.4011118638396557, "segmentation": [], "area": 1860}, {"image_id": 10002, "bbox": [995, 1473, 784, 455], "category_id": 0, "id": 9, "iscrowd": 0, "weight": 0.211923122845187, "segmentation": [], "area": 356720}, {"image_id": 10002, "bbox": [1079, 2033, 316, 180], "category_id": 0, "id": 10, "iscrowd": 0, "weight": 0.21179448048513416, "segmentation": [], "area": 56880}, {"image_id": 10002, "bbox": [3101, 1416, 105, 35], "category_id": 2, "id": 11, "iscrowd": 0, "weight": 0.7233529974340637, "segmentation": [], "area": 3675}, {"image_id": 10003, "bbox": [317, 1568, 687, 1262], "category_id": 0, "id": 12, "iscrowd": 0, "weight": 0.4742788822733143, "segmentation": [], "area": 866994}, {"image_id": 10004, "bbox": [1172, 547, 806, 295], "category_id": 0, "id": 13, "iscrowd": 0, "weight": 0.9254011261300515, "segmentation": [], "area": 237770}, {"image_id": 10004, "bbox": [1271, 913, 553, 460], "category_id": 0, "id": 14, "iscrowd": 0, "weight": 0.43917950986954046, "segmentation": [], "area": 254380}, {"image_id": 10004, "bbox": [1341, 1443, 406, 264], "category_id": 0, "id": 15, "iscrowd": 0, "weight": 0.13399153460601765, "segmentation": [], "area": 107184}, {"image_id": 10004, "bbox": [0, 1480, 264, 205], "category_id": 0, "id": 16, "iscrowd": 0, "weight": 0.9090581859003808, "segmentation": [], "area": 54120}, {"image_id": 10004, "bbox": [2004, 877, 624, 436], "category_id": 1, "id": 17, "iscrowd": 0, "weight": 0.5154145903853785, "segmentation": [], "area": 272064}, {"image_id": 10004, "bbox": [2658, 1090, 890, 323], "category_id": 1, "id": 18, "iscrowd": 0, "weight": 0.19159555394843153, "segmentation": [], "area": 287470}, {"image_id": 10004, "bbox": [3044, 653, 979, 1204], "category_id": 2, "id": 19, "iscrowd": 0, "weight": 0.6463050944921083, "segmentation": [], "area": 1178716}, {"image_id": 10005, "bbox": [2368, 1277, 270, 183], "category_id": 0, "id": 20, "iscrowd": 0, "weight": 0.1197158044654737, "segmentation": [], "area": 49410}, {"image_id": 10005, "bbox": [2268, 1393, 756, 937], "category_id": 0, "id": 21, "iscrowd": 0, "weight": 0.10863444418298673, "segmentation": [], "area": 708372}, {"image_id": 10005, "bbox": [1414, 1220, 654, 83], "category_id": 1, "id": 22, "iscrowd": 0, "weight": 0.9832551679115124, "segmentation": [], "area": 54282}, {"image_id": 10006, "bbox": [3634, 261, 284, 1023], "category_id": 2, "id": 23, "iscrowd": 0, "weight": 0.8195393298352555, "segmentation": [], "area": 290532}, {"image_id": 10006, "bbox": [2824, 1110, 466, 387], "category_id": 2, "id": 24, "iscrowd": 0, "weight": 0.14935239684462887, "segmentation": [], "area": 180342}, {"image_id": 10007, "bbox": [127, 904, 287, 433], "category_id": 0, "id": 25, "iscrowd": 0, "weight": 0.14448549405113864, "segmentation": [], "area": 124271}, {"image_id": 10007, "bbox": [364, 1210, 647, 553], "category_id": 0, "id": 26, "iscrowd": 0, "weight": 0.6813093109429867, "segmentation": [], "area": 357791}, {"image_id": 10007, "bbox": [661, 1820, 490, 160], "category_id": 0, "id": 27, "iscrowd": 0, "weight": 0.7676312571265975, "segmentation": [], "area": 78400}, {"image_id": 10008, "bbox": [2828, 860, 780, 367], "category_id": 0, "id": 28, "iscrowd": 0, "weight": 0.2789361831084147, "segmentation": [], "area": 286260}, {"image_id": 10008, "bbox": [928, 1273, 976, 618], "category_id": 1, "id": 29, "iscrowd": 0, "weight": 0.7134908823068018, "segmentation": [], "area": 603168}, {"image_id": 10008, "bbox": [879, 837, 1009, 232], "category_id": 2, "id": 30, "iscrowd": 0, "weight": 0.09017483171248353, "segmentation": [], "area": 234088}, {"image_id": 10008, "bbox": [2661, 1303, 703, 304], "category_id": 0, "id": 31, "iscrowd": 0, "weight": 0.3294009668822456, "segmentation": [], "area": 213712}, {"image_id": 10009, "bbox": [1768, 890, 753, 433], "category_id": 0, "id": 32, "iscrowd": 0, "weight": 0.5884947834422741, "segmentation": [], "area": 326049}, {"image_id": 10009, "bbox": [1564, 1223, 440, 587], "category_id": 0, "id": 33, "iscrowd": 0, "weight": 0.4495552634680512, "segmentation": [], "area": 258280}, {"image_id": 10009, "bbox": [1718, 1830, 186, 143], "category_id": 0, "id": 34, "iscrowd": 0, "weight": 0.5700183529962721, "segmentation": [], "area": 26598}, {"image_id": 10009, "bbox": [2391, 1583, 380, 637], "category_id": 1, "id": 35, "iscrowd": 0, "weight": 0.0999042476247528, "segmentation": [], "area": 242060}, {"image_id": 10010, "bbox": [264, 277, 544, 340], "category_id": 0, "id": 36, "iscrowd": 0, "weight": 0.26552926884695505, "segmentation": [], "area": 184960}, {"image_id": 10010, "bbox": [448, 630, 1170, 1197], "category_id": 0, "id": 37, "iscrowd": 0, "weight": 0.8132339011018552, "segmentation": [], "area": 1400490}, {"image_id": 10010, "bbox": [591, 1390, 850, 580], "category_id": 0, "id": 38, "iscrowd": 0, "weight": 0.8640537874926322, "segmentation": [], "area": 493000}, {"image_id": 10010, "bbox": [1531, 1323, 416, 668], "category_id": 1, "id": 39, "iscrowd": 0, "weight": 0.10166467610072427, "segmentation": [], "area": 277888}, {"image_id": 10010, "bbox": [502, 723, 974, 613], "category_id": 2, "id": 40, "iscrowd": 0, "weight": 0.6026467266346935, "segmentation": [], "area": 597062}, {"image_id": 10011, "bbox": [1871, 1103, 623, 484], "category_id": 1, "id": 41, "iscrowd": 0, "weight": 0.7847861238310042, "segmentation": [], "area": 301532}, {"image_id": 10011, "bbox": [2868, 473, 823, 790], "category_id": 0, "id": 42, "iscrowd": 0, "weight": 0.9869224072214354, "segmentation": [], "area": 650170}, {"image_id": 10011, "bbox": [3698, 533, 90, 147], "category_id": 0, "id": 43, "iscrowd": 0, "weight": 0.8848011967977127, "segmentation": [], "area": 13230}, {"image_id": 10011, "bbox": [3024, 1177, 357, 373], "category_id": 0, "id": 44, "iscrowd": 0, "weight": 0.5186592919395864, "segmentation": [], "area": 133161}, {"image_id": 10011, "bbox": [3018, 100, 496, 387], "category_id": 0, "id": 45, "iscrowd": 0, "weight": 0.314649449041267, "segmentation": [], "area": 191952}, {"image_id": 10011, "bbox": [75, 1770, 1027, 543], "category_id": 2, "id": 46, "iscrowd": 0, "weight": 0.92670816739106, "segmentation": [], "area": 557661}, {"image_id": 10012, "bbox": [1541, 1283, 477, 410], "category_id": 1, "id": 47, "iscrowd": 0, "weight": 0.033539634605992075, "segmentation": [], "area": 195570}, {"image_id": 10012, "bbox": [2051, 907, 1040, 303], "category_id": 2, "id": 48, "iscrowd": 0, "weight": 0.09077461288988997, "segmentation": [], "area": 315120}, {"image_id": 10012, "bbox": [3114, 1280, 107, 87], "category_id": 0, "id": 49, "iscrowd": 0, "weight": 0.24290669498588302, "segmentation": [], "area": 9309}, {"image_id": 10012, "bbox": [2521, 1687, 63, 53], "category_id": 0, "id": 50, "iscrowd": 0, "weight": 0.5069245421691196, "segmentation": [], "area": 3339}, {"image_id": 10012, "bbox": [2171, 1810, 537, 267], "category_id": 2, "id": 51, "iscrowd": 0, "weight": 0.9394260966578042, "segmentation": [], "area": 143379}, {"image_id": 10012, "bbox": [78, 827, 600, 1223], "category_id": 0, "id": 52, "iscrowd": 0, "weight": 0.1894770165627795, "segmentation": [], "area": 733800}, {"image_id": 10013, "bbox": [1028, 1250, 756, 687], "category_id": 2, "id": 53, "iscrowd": 0, "weight": 0.5174942604681904, "segmentation": [], "area": 519372}, {"image_id": 10013, "bbox": [1831, 1995, 391, 66], "category_id": 1, "id": 54, "iscrowd": 0, "weight": 0.47118965700108495, "segmentation": [], "area": 25806}, {"image_id": 10014, "bbox": [1488, 790, 823, 203], "category_id": 0, "id": 55, "iscrowd": 0, "weight": 0.3080151208538927, "segmentation": [], "area": 167069}, {"image_id": 10014, "bbox": [1852, 1057, 842, 470], "category_id": 0, "id": 56, "iscrowd": 0, "weight": 0.4533660159596674, "segmentation": [], "area": 395740}, {"image_id": 10014, "bbox": [414, 713, 594, 1320], "category_id": 2, "id": 57, "iscrowd": 0, "weight": 0.5317165159446502, "segmentation": [], "area": 784080}, {"image_id": 10014, "bbox": [2334, 1636, 177, 55], "category_id": 0, "id": 58, "iscrowd": 0, "weight": 0.04527828077588947, "segmentation": [], "area": 9735}, {"image_id": 10014, "bbox": [3372, 1836, 155, 64], "category_id": 0, "id": 59, "iscrowd": 0, "weight": 0.8037732220644614, "segmentation": [], "area": 9920}, {"image_id": 10015, "bbox": [1291, 373, 490, 440], "category_id": 0, "id": 60, "iscrowd": 0, "weight": 0.6560852489307192, "segmentation": [], "area": 215600}, {"image_id": 10015, "bbox": [1238, 527, 906, 1110], "category_id": 0, "id": 61, "iscrowd": 0, "weight": 0.2774186594665383, "segmentation": [], "area": 1005660}, {"image_id": 10015, "bbox": [1581, 1537, 263, 263], "category_id": 0, "id": 62, "iscrowd": 0, "weight": 0.07696586156988228, "segmentation": [], "area": 69169}, {"image_id": 10016, "bbox": [1818, 920, 220, 197], "category_id": 0, "id": 63, "iscrowd": 0, "weight": 0.7626896494205024, "segmentation": [], "area": 43340}, {"image_id": 10016, "bbox": [1098, 1217, 890, 510], "category_id": 0, "id": 64, "iscrowd": 0, "weight": 0.8697621871247728, "segmentation": [], "area": 453900}, {"image_id": 10016, "bbox": [751, 1820, 593, 187], "category_id": 0, "id": 65, "iscrowd": 0, "weight": 0.24035421803705714, "segmentation": [], "area": 110891}, {"image_id": 10016, "bbox": [0, 843, 501, 717], "category_id": 2, "id": 66, "iscrowd": 0, "weight": 0.4447544074347294, "segmentation": [], "area": 359217}, {"image_id": 10017, "bbox": [138, 1897, 1586, 893], "category_id": 0, "id": 67, "iscrowd": 0, "weight": 0.5864474094696684, "segmentation": [], "area": 1416298}, {"image_id": 10018, "bbox": [631, 1946, 992, 262], "category_id": 0, "id": 68, "iscrowd": 0, "weight": 0.5553377672674467, "segmentation": [], "area": 259904}, {"image_id": 10018, "bbox": [447, 2043, 214, 129], "category_id": 0, "id": 69, "iscrowd": 0, "weight": 0.8408520325463192, "segmentation": [], "area": 27606}, {"image_id": 10019, "bbox": [1391, 1483, 390, 380], "category_id": 1, "id": 70, "iscrowd": 0, "weight": 0.949108481901525, "segmentation": [], "area": 148200}, {"image_id": 10019, "bbox": [468, 1990, 826, 553], "category_id": 0, "id": 71, "iscrowd": 0, "weight": 0.997106514550272, "segmentation": [], "area": 456778}, {"image_id": 10019, "bbox": [168, 2217, 383, 510], "category_id": 0, "id": 72, "iscrowd": 0, "weight": 0.8379397982645115, "segmentation": [], "area": 195330}, {"image_id": 10020, "bbox": [2858, 820, 876, 370], "category_id": 0, "id": 73, "iscrowd": 0, "weight": 0.1813836016183873, "segmentation": [], "area": 324120}, {"image_id": 10020, "bbox": [1038, 2000, 1883, 287], "category_id": 2, "id": 74, "iscrowd": 0, "weight": 0.9358491192248725, "segmentation": [], "area": 540421}, {"image_id": 10020, "bbox": [2231, 1760, 73, 70], "category_id": 2, "id": 75, "iscrowd": 0, "weight": 0.4401106216267784, "segmentation": [], "area": 5110}, {"image_id": 10020, "bbox": [2998, 1217, 750, 603], "category_id": 0, "id": 76, "iscrowd": 0, "weight": 0.25757799435729356, "segmentation": [], "area": 452250}, {"image_id": 10020, "bbox": [3834, 1703, 103, 187], "category_id": 0, "id": 77, "iscrowd": 0, "weight": 0.3451574828621081, "segmentation": [], "area": 19261}, {"image_id": 10021, "bbox": [581, 1000, 920, 567], "category_id": 0, "id": 78, "iscrowd": 0, "weight": 0.9090261801500126, "segmentation": [], "area": 521640}, {"image_id": 10021, "bbox": [398, 660, 840, 327], "category_id": 0, "id": 79, "iscrowd": 0, "weight": 0.874143940023891, "segmentation": [], "area": 274680}, {"image_id": 10021, "bbox": [2004, 1197, 870, 336], "category_id": 1, "id": 80, "iscrowd": 0, "weight": 0.03662080274077617, "segmentation": [], "area": 292320}, {"image_id": 10021, "bbox": [58, 1187, 473, 806], "category_id": 2, "id": 81, "iscrowd": 0, "weight": 0.917479375221733, "segmentation": [], "area": 381238}, {"image_id": 10022, "bbox": [1094, 1303, 897, 790], "category_id": 2, "id": 82, "iscrowd": 0, "weight": 0.8238367404134679, "segmentation": [], "area": 708630}, {"image_id": 10022, "bbox": [244, 550, 630, 283], "category_id": 2, "id": 83, "iscrowd": 0, "weight": 0.996602540504334, "segmentation": [], "area": 178290}, {"image_id": 10022, "bbox": [2761, 1707, 750, 926], "category_id": 1, "id": 84, "iscrowd": 0, "weight": 0.9878233078865923, "segmentation": [], "area": 694500}, {"image_id": 10023, "bbox": [2104, 1117, 460, 550], "category_id": 0, "id": 85, "iscrowd": 0, "weight": 0.07465860573244809, "segmentation": [], "area": 253000}, {"image_id": 10023, "bbox": [1784, 1417, 594, 580], "category_id": 0, "id": 86, "iscrowd": 0, "weight": 0.5195660469544505, "segmentation": [], "area": 344520}, {"image_id": 10023, "bbox": [1484, 1947, 584, 320], "category_id": 0, "id": 87, "iscrowd": 0, "weight": 0.03102545801985135, "segmentation": [], "area": 186880}, {"image_id": 10023, "bbox": [472, 626, 449, 323], "category_id": 2, "id": 88, "iscrowd": 0, "weight": 0.7905406222169417, "segmentation": [], "area": 145027}, {"image_id": 10023, "bbox": [1034, 991, 487, 371], "category_id": 2, "id": 89, "iscrowd": 0, "weight": 0.6237012190798246, "segmentation": [], "area": 180677}, {"image_id": 10023, "bbox": [1640, 1429, 655, 468], "category_id": 2, "id": 90, "iscrowd": 0, "weight": 0.9659626112148965, "segmentation": [], "area": 306540}, {"image_id": 10024, "bbox": [1110, 798, 507, 309], "category_id": 2, "id": 91, "iscrowd": 0, "weight": 0.6705270943142544, "segmentation": [], "area": 156663}, {"image_id": 10024, "bbox": [1411, 1360, 423, 293], "category_id": 1, "id": 92, "iscrowd": 0, "weight": 0.2284305644469966, "segmentation": [], "area": 123939}, {"image_id": 10024, "bbox": [2904, 1173, 690, 547], "category_id": 0, "id": 93, "iscrowd": 0, "weight": 0.9542343304463685, "segmentation": [], "area": 377430}, {"image_id": 10024, "bbox": [3478, 1020, 426, 413], "category_id": 0, "id": 94, "iscrowd": 0, "weight": 0.4745427246566818, "segmentation": [], "area": 175938}, {"image_id": 10024, "bbox": [2978, 1823, 233, 47], "category_id": 0, "id": 95, "iscrowd": 0, "weight": 0.9956126117737051, "segmentation": [], "area": 10951}, {"image_id": 10025, "bbox": [1208, 737, 980, 376], "category_id": 0, "id": 96, "iscrowd": 0, "weight": 0.11128179179964337, "segmentation": [], "area": 368480}, {"image_id": 10025, "bbox": [1624, 1210, 644, 283], "category_id": 0, "id": 97, "iscrowd": 0, "weight": 0.7870397688148317, "segmentation": [], "area": 182252}, {"image_id": 10025, "bbox": [231, 1270, 943, 440], "category_id": 1, "id": 98, "iscrowd": 0, "weight": 0.35226300491451545, "segmentation": [], "area": 414920}, {"image_id": 10026, "bbox": [2729, 1721, 832, 737], "category_id": 0, "id": 99, "iscrowd": 0, "weight": 0.2923725155126341, "segmentation": [], "area": 613184}, {"image_id": 10026, "bbox": [1956, 1377, 80, 90], "category_id": 1, "id": 100, "iscrowd": 0, "weight": 0.35848767263936154, "segmentation": [], "area": 7200}, {"image_id": 10026, "bbox": [3594, 2323, 230, 434], "category_id": 0, "id": 101, "iscrowd": 0, "weight": 0.18988875059781662, "segmentation": [], "area": 99820}, {"image_id": 10026, "bbox": [2861, 1596, 211, 157], "category_id": 0, "id": 102, "iscrowd": 0, "weight": 0.4326834676202582, "segmentation": [], "area": 33127}, {"image_id": 10027, "bbox": [2148, 1627, 393, 203], "category_id": 0, "id": 103, "iscrowd": 0, "weight": 0.36202848995937653, "segmentation": [], "area": 79779}, {"image_id": 10027, "bbox": [1674, 1190, 657, 483], "category_id": 0, "id": 104, "iscrowd": 0, "weight": 0.6049781990933584, "segmentation": [], "area": 317331}, {"image_id": 10027, "bbox": [1458, 1047, 436, 300], "category_id": 0, "id": 105, "iscrowd": 0, "weight": 0.5763641566643524, "segmentation": [], "area": 130800}, {"image_id": 10028, "bbox": [558, 1400, 813, 447], "category_id": 0, "id": 106, "iscrowd": 0, "weight": 0.4267939597972692, "segmentation": [], "area": 363411}, {"image_id": 10028, "bbox": [144, 1350, 430, 483], "category_id": 0, "id": 107, "iscrowd": 0, "weight": 0.7582662477366112, "segmentation": [], "area": 207690}, {"image_id": 10029, "bbox": [618, 803, 416, 1020], "category_id": 2, "id": 108, "iscrowd": 0, "weight": 0.6586484201356332, "segmentation": [], "area": 424320}, {"image_id": 10030, "bbox": [2964, 1843, 684, 977], "category_id": 0, "id": 109, "iscrowd": 0, "weight": 0.1081802406759842, "segmentation": [], "area": 668268}, {"image_id": 10030, "bbox": [774, 823, 1154, 464], "category_id": 1, "id": 110, "iscrowd": 0, "weight": 0.7168542115036254, "segmentation": [], "area": 535456}, {"image_id": 10030, "bbox": [74, 63, 654, 920], "category_id": 2, "id": 111, "iscrowd": 0, "weight": 0.4619604870771873, "segmentation": [], "area": 601680}, {"image_id": 10030, "bbox": [814, 1183, 154, 110], "category_id": 0, "id": 112, "iscrowd": 0, "weight": 0.9641428697221959, "segmentation": [], "area": 16940}, {"image_id": 10031, "bbox": [2781, 1973, 783, 654], "category_id": 0, "id": 113, "iscrowd": 0, "weight": 0.3467484867742361, "segmentation": [], "area": 512082}, {"image_id": 10031, "bbox": [1973, 1411, 79, 99], "category_id": 1, "id": 114, "iscrowd": 0, "weight": 0.949879707708444, "segmentation": [], "area": 7821}, {"image_id": 10031, "bbox": [3231, 2217, 700, 673], "category_id": 0, "id": 115, "iscrowd": 0, "weight": 0.9789355394500238, "segmentation": [], "area": 471100}, {"image_id": 10032, "bbox": [1354, 453, 1067, 857], "category_id": 1, "id": 116, "iscrowd": 0, "weight": 0.9949600731768464, "segmentation": [], "area": 914419}, {"image_id": 10032, "bbox": [2758, 367, 840, 590], "category_id": 0, "id": 117, "iscrowd": 0, "weight": 0.22590919242201013, "segmentation": [], "area": 495600}, {"image_id": 10032, "bbox": [3641, 247, 290, 296], "category_id": 0, "id": 118, "iscrowd": 0, "weight": 0.0005705618582159122, "segmentation": [], "area": 85840}, {"image_id": 10032, "bbox": [1751, 1480, 623, 157], "category_id": 1, "id": 119, "iscrowd": 0, "weight": 0.7152847706546378, "segmentation": [], "area": 97811}, {"image_id": 10033, "bbox": [1354, 100, 1330, 1533], "category_id": 0, "id": 120, "iscrowd": 0, "weight": 0.4945172317114054, "segmentation": [], "area": 2038890}, {"image_id": 10033, "bbox": [1308, 1353, 620, 614], "category_id": 0, "id": 121, "iscrowd": 0, "weight": 0.913889890919039, "segmentation": [], "area": 380680}, {"image_id": 10033, "bbox": [1891, 1913, 157, 134], "category_id": 0, "id": 122, "iscrowd": 0, "weight": 0.36449575772307596, "segmentation": [], "area": 21038}, {"image_id": 10033, "bbox": [2768, 493, 533, 110], "category_id": 1, "id": 123, "iscrowd": 0, "weight": 0.8493818464783013, "segmentation": [], "area": 58630}, {"image_id": 10033, "bbox": [3388, 390, 256, 83], "category_id": 1, "id": 124, "iscrowd": 0, "weight": 0.424894705090471, "segmentation": [], "area": 21248}, {"image_id": 10034, "bbox": [2301, 190, 697, 457], "category_id": 2, "id": 125, "iscrowd": 0, "weight": 0.5568471319982322, "segmentation": [], "area": 318529}, {"image_id": 10034, "bbox": [2668, 1317, 1180, 580], "category_id": 2, "id": 126, "iscrowd": 0, "weight": 0.628723150673725, "segmentation": [], "area": 684400}, {"image_id": 10034, "bbox": [228, 1997, 723, 883], "category_id": 0, "id": 127, "iscrowd": 0, "weight": 0.09656385786775279, "segmentation": [], "area": 638409}, {"image_id": 10034, "bbox": [154, 1683, 127, 114], "category_id": 0, "id": 128, "iscrowd": 0, "weight": 0.5625397530407601, "segmentation": [], "area": 14478}, {"image_id": 10035, "bbox": [831, 1684, 657, 893], "category_id": 0, "id": 129, "iscrowd": 0, "weight": 0.9454367489865493, "segmentation": [], "area": 586701}, {"image_id": 10035, "bbox": [961, 2333, 847, 404], "category_id": 0, "id": 130, "iscrowd": 0, "weight": 0.052373461877243566, "segmentation": [], "area": 342188}, {"image_id": 10036, "bbox": [1151, 1663, 1153, 767], "category_id": 2, "id": 131, "iscrowd": 0, "weight": 0.5995752383508958, "segmentation": [], "area": 884351}, {"image_id": 10036, "bbox": [3511, 2217, 223, 436], "category_id": 2, "id": 132, "iscrowd": 0, "weight": 0.3100361986333545, "segmentation": [], "area": 97228}, {"image_id": 10036, "bbox": [3721, 2020, 177, 313], "category_id": 0, "id": 133, "iscrowd": 0, "weight": 0.3892721830442647, "segmentation": [], "area": 55401}, {"image_id": 10036, "bbox": [3538, 1830, 66, 117], "category_id": 0, "id": 134, "iscrowd": 0, "weight": 0.1883947953863262, "segmentation": [], "area": 7722}, {"image_id": 10036, "bbox": [1554, 1329, 110, 104], "category_id": 2, "id": 135, "iscrowd": 0, "weight": 0.6136191124421764, "segmentation": [], "area": 11440}, {"image_id": 10036, "bbox": [2837, 2453, 115, 103], "category_id": 1, "id": 136, "iscrowd": 0, "weight": 0.08958790085148782, "segmentation": [], "area": 11845}, {"image_id": 10036, "bbox": [1484, 1520, 37, 113], "category_id": 1, "id": 137, "iscrowd": 0, "weight": 0.5192366898979925, "segmentation": [], "area": 4181}, {"image_id": 10037, "bbox": [3138, 1007, 885, 1273], "category_id": 2, "id": 138, "iscrowd": 0, "weight": 0.3612507744996133, "segmentation": [], "area": 1126605}, {"image_id": 10038, "bbox": [2064, 1373, 450, 397], "category_id": 0, "id": 139, "iscrowd": 0, "weight": 0.9886753837916231, "segmentation": [], "area": 178650}, {"image_id": 10038, "bbox": [1244, 1197, 824, 800], "category_id": 0, "id": 140, "iscrowd": 0, "weight": 0.541750681163032, "segmentation": [], "area": 659200}, {"image_id": 10038, "bbox": [1071, 380, 1007, 867], "category_id": 1, "id": 141, "iscrowd": 0, "weight": 0.7883884035116931, "segmentation": [], "area": 873069}, {"image_id": 10038, "bbox": [3171, 2027, 560, 680], "category_id": 2, "id": 142, "iscrowd": 0, "weight": 0.9251680268880699, "segmentation": [], "area": 380800}, {"image_id": 10039, "bbox": [323, 1954, 1460, 196], "category_id": 2, "id": 143, "iscrowd": 0, "weight": 0.03191612773954866, "segmentation": [], "area": 286160}, {"image_id": 10039, "bbox": [371, 843, 407, 130], "category_id": 0, "id": 144, "iscrowd": 0, "weight": 0.3253520857835781, "segmentation": [], "area": 52910}, {"image_id": 10039, "bbox": [8, 1330, 123, 310], "category_id": 2, "id": 145, "iscrowd": 0, "weight": 0.2836532989121714, "segmentation": [], "area": 38130}, {"image_id": 10040, "bbox": [1818, 1133, 190, 627], "category_id": 1, "id": 146, "iscrowd": 0, "weight": 0.1327680213150112, "segmentation": [], "area": 119130}, {"image_id": 10040, "bbox": [261, 2443, 127, 160], "category_id": 1, "id": 147, "iscrowd": 0, "weight": 0.19676498003510368, "segmentation": [], "area": 20320}, {"image_id": 10041, "bbox": [148, 310, 1073, 1210], "category_id": 2, "id": 148, "iscrowd": 0, "weight": 0.7126695101950006, "segmentation": [], "area": 1298330}, {"image_id": 10042, "bbox": [1448, 1150, 1130, 923], "category_id": 0, "id": 149, "iscrowd": 0, "weight": 0.7280330611168648, "segmentation": [], "area": 1042990}, {"image_id": 10042, "bbox": [721, 1560, 647, 390], "category_id": 0, "id": 150, "iscrowd": 0, "weight": 0.9050313107705783, "segmentation": [], "area": 252330}, {"image_id": 10042, "bbox": [761, 2017, 113, 90], "category_id": 0, "id": 151, "iscrowd": 0, "weight": 0.0926597267387711, "segmentation": [], "area": 10170}, {"image_id": 10042, "bbox": [2514, 783, 414, 614], "category_id": 1, "id": 152, "iscrowd": 0, "weight": 0.9420900163092182, "segmentation": [], "area": 254196}, {"image_id": 10042, "bbox": [3014, 0, 1009, 1160], "category_id": 2, "id": 153, "iscrowd": 0, "weight": 0.6465863723301734, "segmentation": [], "area": 1170440}, {"image_id": 10043, "bbox": [201, 383, 320, 677], "category_id": 0, "id": 154, "iscrowd": 0, "weight": 0.4522897773143295, "segmentation": [], "area": 216640}, {"image_id": 10043, "bbox": [518, 1070, 826, 667], "category_id": 0, "id": 155, "iscrowd": 0, "weight": 0.21481017016652304, "segmentation": [], "area": 550942}, {"image_id": 10043, "bbox": [654, 750, 207, 180], "category_id": 0, "id": 156, "iscrowd": 0, "weight": 0.3783650389226738, "segmentation": [], "area": 37260}, {"image_id": 10043, "bbox": [1021, 417, 273, 593], "category_id": 0, "id": 157, "iscrowd": 0, "weight": 0.1288025634470692, "segmentation": [], "area": 161889}, {"image_id": 10043, "bbox": [761, 223, 90, 87], "category_id": 0, "id": 158, "iscrowd": 0, "weight": 0.8687650760442162, "segmentation": [], "area": 7830}, {"image_id": 10043, "bbox": [1351, 817, 807, 483], "category_id": 1, "id": 159, "iscrowd": 0, "weight": 0.515548472792229, "segmentation": [], "area": 389781}, {"image_id": 10043, "bbox": [1244, 1753, 1020, 630], "category_id": 2, "id": 160, "iscrowd": 0, "weight": 0.08504474683472807, "segmentation": [], "area": 642600}, {"image_id": 10043, "bbox": [2431, 913, 577, 420], "category_id": 2, "id": 161, "iscrowd": 0, "weight": 0.6870702051496319, "segmentation": [], "area": 242340}, {"image_id": 10043, "bbox": [2121, 1397, 637, 520], "category_id": 2, "id": 162, "iscrowd": 0, "weight": 0.9074239131279657, "segmentation": [], "area": 331240}, {"image_id": 10043, "bbox": [2668, 1457, 60, 143], "category_id": 1, "id": 163, "iscrowd": 0, "weight": 0.8373308406950906, "segmentation": [], "area": 8580}, {"image_id": 10044, "bbox": [2478, 540, 610, 407], "category_id": 1, "id": 164, "iscrowd": 0, "weight": 0.14353861573588034, "segmentation": [], "area": 248270}, {"image_id": 10044, "bbox": [3478, 90, 300, 333], "category_id": 2, "id": 165, "iscrowd": 0, "weight": 0.9151188608600574, "segmentation": [], "area": 99900}, {"image_id": 10044, "bbox": [1924, 1740, 137, 110], "category_id": 1, "id": 166, "iscrowd": 0, "weight": 0.47694632966621187, "segmentation": [], "area": 15070}, {"image_id": 10044, "bbox": [151, 2070, 830, 703], "category_id": 2, "id": 167, "iscrowd": 0, "weight": 0.2480957855875192, "segmentation": [], "area": 583490}, {"image_id": 10044, "bbox": [14, 1660, 594, 787], "category_id": 2, "id": 168, "iscrowd": 0, "weight": 0.7794878813226198, "segmentation": [], "area": 467478}, {"image_id": 10045, "bbox": [1258, 1277, 627, 627], "category_id": 0, "id": 169, "iscrowd": 0, "weight": 0.33818500793445117, "segmentation": [], "area": 393129}, {"image_id": 10045, "bbox": [1895, 1923, 223, 90], "category_id": 0, "id": 170, "iscrowd": 0, "weight": 0.37787613191019387, "segmentation": [], "area": 20070}, {"image_id": 10046, "bbox": [1618, 1097, 633, 1223], "category_id": 0, "id": 171, "iscrowd": 0, "weight": 0.30765738361315065, "segmentation": [], "area": 774159}, {"image_id": 10046, "bbox": [2443, 1382, 77, 191], "category_id": 1, "id": 172, "iscrowd": 0, "weight": 0.07786827374006355, "segmentation": [], "area": 14707}, {"image_id": 10046, "bbox": [348, 223, 203, 257], "category_id": 2, "id": 173, "iscrowd": 0, "weight": 0.9006956784148281, "segmentation": [], "area": 52171}, {"image_id": 10046, "bbox": [2328, 2367, 146, 90], "category_id": 0, "id": 174, "iscrowd": 0, "weight": 0.4978339426215578, "segmentation": [], "area": 13140}, {"image_id": 10046, "bbox": [2488, 1610, 118, 188], "category_id": 1, "id": 175, "iscrowd": 0, "weight": 0.7840722783726313, "segmentation": [], "area": 22184}, {"image_id": 10047, "bbox": [291, 340, 340, 677], "category_id": 2, "id": 176, "iscrowd": 0, "weight": 0.6029444136069965, "segmentation": [], "area": 230180}, {"image_id": 10047, "bbox": [1864, 703, 164, 917], "category_id": 1, "id": 177, "iscrowd": 0, "weight": 0.24304865263503173, "segmentation": [], "area": 150388}, {"image_id": 10047, "bbox": [1618, 1843, 477, 364], "category_id": 2, "id": 178, "iscrowd": 0, "weight": 0.9531171449208143, "segmentation": [], "area": 173628}, {"image_id": 10048, "bbox": [2308, 920, 593, 430], "category_id": 2, "id": 179, "iscrowd": 0, "weight": 0.9405069697902225, "segmentation": [], "area": 254990}, {"image_id": 10048, "bbox": [1081, 1593, 940, 737], "category_id": 2, "id": 180, "iscrowd": 0, "weight": 0.7776296343601908, "segmentation": [], "area": 692780}, {"image_id": 10048, "bbox": [1998, 1360, 650, 563], "category_id": 2, "id": 181, "iscrowd": 0, "weight": 0.3696780843047174, "segmentation": [], "area": 365950}, {"image_id": 10048, "bbox": [858, 260, 456, 580], "category_id": 0, "id": 182, "iscrowd": 0, "weight": 0.11932396182589566, "segmentation": [], "area": 264480}, {"image_id": 10048, "bbox": [224, 287, 310, 336], "category_id": 2, "id": 183, "iscrowd": 0, "weight": 0.20261666786624355, "segmentation": [], "area": 104160}, {"image_id": 10049, "bbox": [1268, 1387, 380, 133], "category_id": 2, "id": 184, "iscrowd": 0, "weight": 0.9110616926795665, "segmentation": [], "area": 50540}, {"image_id": 10049, "bbox": [998, 1730, 433, 267], "category_id": 2, "id": 185, "iscrowd": 0, "weight": 0.05493240182734971, "segmentation": [], "area": 115611}, {"image_id": 10050, "bbox": [1903, 1062, 162, 1138], "category_id": 1, "id": 186, "iscrowd": 0, "weight": 0.811657853701182, "segmentation": [], "area": 184356}, {"image_id": 10050, "bbox": [3600, 243, 81, 173], "category_id": 2, "id": 187, "iscrowd": 0, "weight": 0.24296912942944449, "segmentation": [], "area": 14013}, {"image_id": 10051, "bbox": [1904, 1117, 744, 266], "category_id": 1, "id": 188, "iscrowd": 0, "weight": 0.2885583636335972, "segmentation": [], "area": 197904}, {"image_id": 10051, "bbox": [2668, 303, 370, 260], "category_id": 2, "id": 189, "iscrowd": 0, "weight": 0.21273261310880365, "segmentation": [], "area": 96200}, {"image_id": 10051, "bbox": [2781, 272, 1172, 1398], "category_id": 2, "id": 190, "iscrowd": 0, "weight": 0.23410335101363677, "segmentation": [], "area": 1638456}, {"image_id": 10052, "bbox": [2204, 987, 587, 536], "category_id": 2, "id": 191, "iscrowd": 0, "weight": 0.4927023888333829, "segmentation": [], "area": 314632}, {"image_id": 10052, "bbox": [2621, 2013, 947, 700], "category_id": 0, "id": 192, "iscrowd": 0, "weight": 0.28690529866466363, "segmentation": [], "area": 662900}, {"image_id": 10052, "bbox": [1658, 1710, 76, 213], "category_id": 1, "id": 193, "iscrowd": 0, "weight": 0.7291326135672147, "segmentation": [], "area": 16188}, {"image_id": 10052, "bbox": [1869, 1558, 278, 229], "category_id": 2, "id": 194, "iscrowd": 0, "weight": 0.8673722752971686, "segmentation": [], "area": 63662}, {"image_id": 10052, "bbox": [2140, 1600, 316, 391], "category_id": 2, "id": 195, "iscrowd": 0, "weight": 0.22466244636470634, "segmentation": [], "area": 123556}, {"image_id": 10053, "bbox": [2248, 1497, 763, 1353], "category_id": 1, "id": 196, "iscrowd": 0, "weight": 0.07279835482719377, "segmentation": [], "area": 1032339}, {"image_id": 10053, "bbox": [1581, 1817, 593, 343], "category_id": 0, "id": 197, "iscrowd": 0, "weight": 0.37537447069141816, "segmentation": [], "area": 203399}, {"image_id": 10053, "bbox": [1601, 1560, 40, 163], "category_id": 1, "id": 198, "iscrowd": 0, "weight": 0.8681257357772513, "segmentation": [], "area": 6520}, {"image_id": 10054, "bbox": [1648, 1230, 690, 600], "category_id": 1, "id": 199, "iscrowd": 0, "weight": 0.43625559941060754, "segmentation": [], "area": 414000}, {"image_id": 10055, "bbox": [2818, 933, 436, 94], "category_id": 2, "id": 200, "iscrowd": 0, "weight": 0.8856302325929938, "segmentation": [], "area": 40984}, {"image_id": 10055, "bbox": [2211, 1143, 1280, 934], "category_id": 2, "id": 201, "iscrowd": 0, "weight": 0.8469980370244782, "segmentation": [], "area": 1195520}, {"image_id": 10055, "bbox": [3821, 1367, 167, 326], "category_id": 2, "id": 202, "iscrowd": 0, "weight": 0.4278644500001606, "segmentation": [], "area": 54442}, {"image_id": 10056, "bbox": [1148, 1670, 1140, 763], "category_id": 2, "id": 203, "iscrowd": 0, "weight": 0.11839726277043972, "segmentation": [], "area": 869820}, {"image_id": 10056, "bbox": [3511, 2353, 220, 304], "category_id": 2, "id": 204, "iscrowd": 0, "weight": 0.8194638821761345, "segmentation": [], "area": 66880}, {"image_id": 10056, "bbox": [1561, 1347, 93, 100], "category_id": 2, "id": 205, "iscrowd": 0, "weight": 0.6282784744929848, "segmentation": [], "area": 9300}, {"image_id": 10057, "bbox": [1931, 827, 243, 642], "category_id": 1, "id": 206, "iscrowd": 0, "weight": 0.02547766493780701, "segmentation": [], "area": 156006}, {"image_id": 10057, "bbox": [418, 1175, 246, 532], "category_id": 0, "id": 207, "iscrowd": 0, "weight": 0.47930417484966203, "segmentation": [], "area": 130872}, {"image_id": 10057, "bbox": [318, 981, 81, 57], "category_id": 0, "id": 208, "iscrowd": 0, "weight": 0.8490122360870859, "segmentation": [], "area": 4617}, {"image_id": 10057, "bbox": [456, 1022, 61, 62], "category_id": 0, "id": 209, "iscrowd": 0, "weight": 0.14160387625136484, "segmentation": [], "area": 3782}, {"image_id": 10057, "bbox": [1721, 1485, 110, 377], "category_id": 1, "id": 210, "iscrowd": 0, "weight": 0.7215577309678983, "segmentation": [], "area": 41470}, {"image_id": 10058, "bbox": [1131, 903, 783, 254], "category_id": 1, "id": 211, "iscrowd": 0, "weight": 0.01207461302602475, "segmentation": [], "area": 198882}, {"image_id": 10058, "bbox": [1428, 1580, 83, 120], "category_id": 1, "id": 212, "iscrowd": 0, "weight": 0.6102339249047186, "segmentation": [], "area": 9960}, {"image_id": 10058, "bbox": [934, 1727, 67, 53], "category_id": 1, "id": 213, "iscrowd": 0, "weight": 0.29692326545330483, "segmentation": [], "area": 3551}, {"image_id": 10058, "bbox": [3581, 1297, 223, 367], "category_id": 2, "id": 214, "iscrowd": 0, "weight": 0.19757634187070483, "segmentation": [], "area": 81841}, {"image_id": 10058, "bbox": [3404, 1803, 120, 127], "category_id": 2, "id": 215, "iscrowd": 0, "weight": 0.9947619141435573, "segmentation": [], "area": 15240}, {"image_id": 10058, "bbox": [1054, 1783, 837, 277], "category_id": 2, "id": 216, "iscrowd": 0, "weight": 0.5966550804608757, "segmentation": [], "area": 231849}, {"image_id": 10059, "bbox": [1454, 873, 867, 820], "category_id": 1, "id": 217, "iscrowd": 0, "weight": 0.020633222173716326, "segmentation": [], "area": 710940}, {"image_id": 10059, "bbox": [1654, 1963, 234, 144], "category_id": 0, "id": 218, "iscrowd": 0, "weight": 0.7346925185124618, "segmentation": [], "area": 33696}, {"image_id": 10059, "bbox": [2638, 1287, 983, 963], "category_id": 0, "id": 219, "iscrowd": 0, "weight": 0.7319831224391922, "segmentation": [], "area": 946629}, {"image_id": 10059, "bbox": [3208, 2170, 136, 103], "category_id": 0, "id": 220, "iscrowd": 0, "weight": 0.14367051454215962, "segmentation": [], "area": 14008}, {"image_id": 10059, "bbox": [3814, 2033, 74, 167], "category_id": 0, "id": 221, "iscrowd": 0, "weight": 0.2966392530037859, "segmentation": [], "area": 12358}, {"image_id": 10059, "bbox": [2571, 2457, 1270, 550], "category_id": 2, "id": 222, "iscrowd": 0, "weight": 0.3306133361005871, "segmentation": [], "area": 698500}, {"image_id": 10060, "bbox": [2938, 417, 993, 1093], "category_id": 2, "id": 223, "iscrowd": 0, "weight": 0.9673565465774623, "segmentation": [], "area": 1085349}, {"image_id": 10060, "bbox": [1228, 1561, 480, 320], "category_id": 0, "id": 224, "iscrowd": 0, "weight": 0.1582782657426327, "segmentation": [], "area": 153600}, {"image_id": 10060, "bbox": [1474, 1967, 940, 393], "category_id": 0, "id": 225, "iscrowd": 0, "weight": 0.6316324067733764, "segmentation": [], "area": 369420}, {"image_id": 10060, "bbox": [2456, 2133, 194, 119], "category_id": 0, "id": 226, "iscrowd": 0, "weight": 0.32266192306295005, "segmentation": [], "area": 23086}, {"image_id": 10061, "bbox": [2394, 1257, 740, 490], "category_id": 2, "id": 227, "iscrowd": 0, "weight": 0.4702024073294001, "segmentation": [], "area": 362600}, {"image_id": 10061, "bbox": [1548, 1490, 550, 707], "category_id": 1, "id": 228, "iscrowd": 0, "weight": 0.8130570345466989, "segmentation": [], "area": 388850}, {"image_id": 10062, "bbox": [1004, 1583, 1007, 530], "category_id": 1, "id": 229, "iscrowd": 0, "weight": 0.42489544221712094, "segmentation": [], "area": 533710}, {"image_id": 10063, "bbox": [228, 307, 710, 766], "category_id": 2, "id": 230, "iscrowd": 0, "weight": 0.9255398233874523, "segmentation": [], "area": 543860}, {"image_id": 10063, "bbox": [2044, 950, 424, 293], "category_id": 2, "id": 231, "iscrowd": 0, "weight": 0.9382476316352117, "segmentation": [], "area": 124232}, {"image_id": 10063, "bbox": [1144, 1507, 64, 46], "category_id": 1, "id": 232, "iscrowd": 0, "weight": 0.36649136089168155, "segmentation": [], "area": 2944}, {"image_id": 10063, "bbox": [2722, 1386, 82, 65], "category_id": 0, "id": 233, "iscrowd": 0, "weight": 0.6020046205325341, "segmentation": [], "area": 5330}, {"image_id": 10063, "bbox": [1286, 1090, 58, 100], "category_id": 1, "id": 234, "iscrowd": 0, "weight": 0.8492719040789881, "segmentation": [], "area": 5800}, {"image_id": 10063, "bbox": [2340, 1665, 709, 754], "category_id": 1, "id": 235, "iscrowd": 0, "weight": 0.3300149407007784, "segmentation": [], "area": 534586}, {"image_id": 10063, "bbox": [1740, 1371, 603, 997], "category_id": 0, "id": 236, "iscrowd": 0, "weight": 0.12115395425080655, "segmentation": [], "area": 601191}, {"image_id": 10063, "bbox": [2440, 1777, 155, 142], "category_id": 0, "id": 237, "iscrowd": 0, "weight": 0.9000294153935257, "segmentation": [], "area": 22010}, {"image_id": 10063, "bbox": [1382, 1607, 211, 211], "category_id": 1, "id": 238, "iscrowd": 0, "weight": 0.6158503356442994, "segmentation": [], "area": 44521}, {"image_id": 10063, "bbox": [1637, 1475, 45, 375], "category_id": 1, "id": 239, "iscrowd": 0, "weight": 0.5414760979730906, "segmentation": [], "area": 16875}, {"image_id": 10064, "bbox": [428, 1010, 1186, 513], "category_id": 1, "id": 240, "iscrowd": 0, "weight": 0.08287153015361726, "segmentation": [], "area": 608418}, {"image_id": 10064, "bbox": [1581, 1927, 1463, 226], "category_id": 2, "id": 241, "iscrowd": 0, "weight": 0.37868924357860445, "segmentation": [], "area": 330638}, {"image_id": 10065, "bbox": [1081, 390, 273, 1313], "category_id": 1, "id": 242, "iscrowd": 0, "weight": 0.7714848391735302, "segmentation": [], "area": 358449}, {"image_id": 10065, "bbox": [1654, 1390, 747, 327], "category_id": 0, "id": 243, "iscrowd": 0, "weight": 0.46678851519932996, "segmentation": [], "area": 244269}, {"image_id": 10065, "bbox": [2524, 1283, 320, 127], "category_id": 0, "id": 244, "iscrowd": 0, "weight": 0.6852831591937181, "segmentation": [], "area": 40640}, {"image_id": 10065, "bbox": [2414, 1443, 54, 137], "category_id": 1, "id": 245, "iscrowd": 0, "weight": 0.5814800367471026, "segmentation": [], "area": 7398}, {"image_id": 10065, "bbox": [3181, 2247, 717, 713], "category_id": 2, "id": 246, "iscrowd": 0, "weight": 0.40536433769173097, "segmentation": [], "area": 511221}, {"image_id": 10066, "bbox": [1508, 1190, 823, 336], "category_id": 0, "id": 247, "iscrowd": 0, "weight": 0.2015554292388103, "segmentation": [], "area": 276528}, {"image_id": 10066, "bbox": [2141, 1077, 123, 96], "category_id": 1, "id": 248, "iscrowd": 0, "weight": 0.15300345883960786, "segmentation": [], "area": 11808}, {"image_id": 10066, "bbox": [2541, 710, 47, 71], "category_id": 1, "id": 249, "iscrowd": 0, "weight": 0.24752398989875501, "segmentation": [], "area": 3337}, {"image_id": 10066, "bbox": [2102, 1562, 280, 161], "category_id": 0, "id": 250, "iscrowd": 0, "weight": 0.7196456216035718, "segmentation": [], "area": 45080}, {"image_id": 10067, "bbox": [844, 870, 840, 320], "category_id": 1, "id": 251, "iscrowd": 0, "weight": 0.7090198844659377, "segmentation": [], "area": 268800}, {"image_id": 10067, "bbox": [2458, 1390, 48, 128], "category_id": 1, "id": 252, "iscrowd": 0, "weight": 0.16281406608535054, "segmentation": [], "area": 6144}, {"image_id": 10067, "bbox": [405, 397, 213, 342], "category_id": 2, "id": 253, "iscrowd": 0, "weight": 0.9985922731293839, "segmentation": [], "area": 72846}, {"image_id": 10067, "bbox": [948, 635, 68, 144], "category_id": 2, "id": 254, "iscrowd": 0, "weight": 0.46656863896248224, "segmentation": [], "area": 9792}, {"image_id": 10068, "bbox": [2458, 797, 486, 596], "category_id": 1, "id": 255, "iscrowd": 0, "weight": 0.030163407190085145, "segmentation": [], "area": 289656}, {"image_id": 10068, "bbox": [2381, 1727, 90, 130], "category_id": 1, "id": 256, "iscrowd": 0, "weight": 0.540855985921483, "segmentation": [], "area": 11700}, {"image_id": 10068, "bbox": [1894, 1817, 80, 56], "category_id": 1, "id": 257, "iscrowd": 0, "weight": 0.9024995942117777, "segmentation": [], "area": 4480}, {"image_id": 10068, "bbox": [3564, 87, 459, 833], "category_id": 2, "id": 258, "iscrowd": 0, "weight": 0.31516441430728115, "segmentation": [], "area": 382347}, {"image_id": 10069, "bbox": [1968, 1183, 490, 684], "category_id": 1, "id": 259, "iscrowd": 0, "weight": 0.686328258349073, "segmentation": [], "area": 335160}, {"image_id": 10069, "bbox": [2784, 1647, 300, 50], "category_id": 0, "id": 260, "iscrowd": 0, "weight": 0.5511927684742689, "segmentation": [], "area": 15000}, {"image_id": 10069, "bbox": [2134, 1817, 894, 423], "category_id": 0, "id": 261, "iscrowd": 0, "weight": 0.3051206571446843, "segmentation": [], "area": 378162}, {"image_id": 10070, "bbox": [151, 1153, 770, 770], "category_id": 2, "id": 262, "iscrowd": 0, "weight": 0.16112020168340635, "segmentation": [], "area": 592900}, {"image_id": 10070, "bbox": [41, 857, 930, 580], "category_id": 2, "id": 263, "iscrowd": 0, "weight": 0.8785973905377645, "segmentation": [], "area": 539400}, {"image_id": 10070, "bbox": [2788, 1233, 856, 447], "category_id": 1, "id": 264, "iscrowd": 0, "weight": 0.238825955079372, "segmentation": [], "area": 382632}, {"image_id": 10070, "bbox": [1718, 1537, 1003, 626], "category_id": 0, "id": 265, "iscrowd": 0, "weight": 0.30967624709644215, "segmentation": [], "area": 627878}, {"image_id": 10070, "bbox": [2021, 1810, 37, 113], "category_id": 1, "id": 266, "iscrowd": 0, "weight": 0.585254954521016, "segmentation": [], "area": 4181}, {"image_id": 10071, "bbox": [1741, 823, 320, 107], "category_id": 0, "id": 267, "iscrowd": 0, "weight": 0.009788742242209048, "segmentation": [], "area": 34240}, {"image_id": 10071, "bbox": [1148, 987, 770, 860], "category_id": 0, "id": 268, "iscrowd": 0, "weight": 0.9836781430289487, "segmentation": [], "area": 662200}, {"image_id": 10071, "bbox": [3201, 1083, 767, 917], "category_id": 2, "id": 269, "iscrowd": 0, "weight": 0.4751852438523201, "segmentation": [], "area": 703339}, {"image_id": 10071, "bbox": [1150, 781, 129, 45], "category_id": 0, "id": 270, "iscrowd": 0, "weight": 0.710685069253561, "segmentation": [], "area": 5805}, {"image_id": 10072, "bbox": [14, 767, 627, 1220], "category_id": 2, "id": 271, "iscrowd": 0, "weight": 0.19957349889958598, "segmentation": [], "area": 764940}, {"image_id": 10072, "bbox": [1951, 943, 628, 1087], "category_id": 1, "id": 272, "iscrowd": 0, "weight": 0.8926513711614236, "segmentation": [], "area": 682636}, {"image_id": 10073, "bbox": [2434, 1003, 470, 827], "category_id": 1, "id": 273, "iscrowd": 0, "weight": 0.2952101782247727, "segmentation": [], "area": 388690}, {"image_id": 10073, "bbox": [988, 940, 597, 167], "category_id": 0, "id": 274, "iscrowd": 0, "weight": 0.7949342708962785, "segmentation": [], "area": 99699}, {"image_id": 10073, "bbox": [38, 1040, 763, 1143], "category_id": 2, "id": 275, "iscrowd": 0, "weight": 0.6680524636358048, "segmentation": [], "area": 872109}, {"image_id": 10073, "bbox": [1460, 1155, 767, 807], "category_id": 0, "id": 276, "iscrowd": 0, "weight": 0.5753650797996496, "segmentation": [], "area": 618969}, {"image_id": 10074, "bbox": [1544, 1003, 767, 1160], "category_id": 0, "id": 277, "iscrowd": 0, "weight": 0.9809441882348713, "segmentation": [], "area": 889720}, {"image_id": 10074, "bbox": [2330, 2002, 270, 130], "category_id": 0, "id": 278, "iscrowd": 0, "weight": 0.9313301763551913, "segmentation": [], "area": 35100}, {"image_id": 10074, "bbox": [2104, 943, 1274, 974], "category_id": 1, "id": 279, "iscrowd": 0, "weight": 0.748337004017662, "segmentation": [], "area": 1240876}, {"image_id": 10074, "bbox": [3694, 953, 329, 406], "category_id": 2, "id": 280, "iscrowd": 0, "weight": 0.9113402762896925, "segmentation": [], "area": 133574}, {"image_id": 10074, "bbox": [3671, 1703, 350, 424], "category_id": 2, "id": 281, "iscrowd": 0, "weight": 0.16302212356456058, "segmentation": [], "area": 148400}, {"image_id": 10075, "bbox": [1618, 1123, 1106, 737], "category_id": 1, "id": 282, "iscrowd": 0, "weight": 0.5259986434151008, "segmentation": [], "area": 815122}, {"image_id": 10075, "bbox": [1641, 1557, 907, 626], "category_id": 0, "id": 283, "iscrowd": 0, "weight": 0.4335345541269321, "segmentation": [], "area": 567782}, {"image_id": 10075, "bbox": [891, 1567, 67, 70], "category_id": 0, "id": 284, "iscrowd": 0, "weight": 0.9760450650804487, "segmentation": [], "area": 4690}, {"image_id": 10075, "bbox": [698, 1650, 120, 93], "category_id": 0, "id": 285, "iscrowd": 0, "weight": 0.5575694674031232, "segmentation": [], "area": 11160}, {"image_id": 10075, "bbox": [144, 1867, 447, 1043], "category_id": 2, "id": 286, "iscrowd": 0, "weight": 0.5454573457131598, "segmentation": [], "area": 466221}, {"image_id": 10075, "bbox": [331, 1813, 140, 104], "category_id": 2, "id": 287, "iscrowd": 0, "weight": 0.09574307918944458, "segmentation": [], "area": 14560}, {"image_id": 10075, "bbox": [2307, 677, 326, 180], "category_id": 0, "id": 288, "iscrowd": 0, "weight": 0.33523536595953274, "segmentation": [], "area": 58680}, {"image_id": 10076, "bbox": [1381, 863, 900, 847], "category_id": 1, "id": 289, "iscrowd": 0, "weight": 0.0747606903286947, "segmentation": [], "area": 762300}, {"image_id": 10076, "bbox": [2791, 2180, 1170, 747], "category_id": 2, "id": 290, "iscrowd": 0, "weight": 0.18435374219288458, "segmentation": [], "area": 873990}, {"image_id": 10077, "bbox": [208, 23, 520, 237], "category_id": 2, "id": 291, "iscrowd": 0, "weight": 0.31597771863417823, "segmentation": [], "area": 123240}, {"image_id": 10077, "bbox": [224, 1083, 914, 137], "category_id": 1, "id": 292, "iscrowd": 0, "weight": 0.08087366924197326, "segmentation": [], "area": 125218}, {"image_id": 10078, "bbox": [2658, 1640, 616, 893], "category_id": 1, "id": 293, "iscrowd": 0, "weight": 0.6336803259526858, "segmentation": [], "area": 550088}, {"image_id": 10078, "bbox": [1174, 1770, 1034, 830], "category_id": 0, "id": 294, "iscrowd": 0, "weight": 0.003336781179190118, "segmentation": [], "area": 858220}, {"image_id": 10078, "bbox": [1511, 1473, 123, 87], "category_id": 0, "id": 295, "iscrowd": 0, "weight": 0.30568302670220304, "segmentation": [], "area": 10701}, {"image_id": 10078, "bbox": [1111, 1260, 180, 83], "category_id": 0, "id": 296, "iscrowd": 0, "weight": 0.9152585675589636, "segmentation": [], "area": 14940}, {"image_id": 10078, "bbox": [2350, 2613, 77, 58], "category_id": 0, "id": 297, "iscrowd": 0, "weight": 0.0070364461624106145, "segmentation": [], "area": 4466}, {"image_id": 10078, "bbox": [2447, 2691, 48, 51], "category_id": 0, "id": 298, "iscrowd": 0, "weight": 0.5152079273049157, "segmentation": [], "area": 2448}, {"image_id": 10079, "bbox": [1788, 1367, 790, 443], "category_id": 1, "id": 299, "iscrowd": 0, "weight": 0.4102214910186721, "segmentation": [], "area": 349970}, {"image_id": 10079, "bbox": [1851, 1697, 217, 166], "category_id": 1, "id": 300, "iscrowd": 0, "weight": 0.3011780912788794, "segmentation": [], "area": 36022}, {"image_id": 10079, "bbox": [211, 1987, 823, 800], "category_id": 2, "id": 301, "iscrowd": 0, "weight": 0.990379697467151, "segmentation": [], "area": 658400}, {"image_id": 10079, "bbox": [3621, 227, 220, 363], "category_id": 2, "id": 302, "iscrowd": 0, "weight": 0.9493265047625038, "segmentation": [], "area": 79860}, {"image_id": 10079, "bbox": [3668, 770, 153, 120], "category_id": 2, "id": 303, "iscrowd": 0, "weight": 0.25920534127673656, "segmentation": [], "area": 18360}, {"image_id": 10080, "bbox": [1108, 903, 473, 474], "category_id": 1, "id": 304, "iscrowd": 0, "weight": 0.12442139327565183, "segmentation": [], "area": 224202}, {"image_id": 10080, "bbox": [3091, 1610, 77, 70], "category_id": 0, "id": 305, "iscrowd": 0, "weight": 0.24030157778135253, "segmentation": [], "area": 5390}, {"image_id": 10081, "bbox": [2281, 927, 83, 130], "category_id": 1, "id": 306, "iscrowd": 0, "weight": 0.005871076065253833, "segmentation": [], "area": 10790}, {"image_id": 10081, "bbox": [1754, 1057, 787, 713], "category_id": 1, "id": 307, "iscrowd": 0, "weight": 0.14693928626857244, "segmentation": [], "area": 561131}, {"image_id": 10081, "bbox": [4, 1013, 127, 474], "category_id": 2, "id": 308, "iscrowd": 0, "weight": 0.6992906481393553, "segmentation": [], "area": 60198}, {"image_id": 10081, "bbox": [2909, 1002, 57, 83], "category_id": 2, "id": 309, "iscrowd": 0, "weight": 0.6858498330712197, "segmentation": [], "area": 4731}, {"image_id": 10082, "bbox": [1971, 747, 587, 436], "category_id": 2, "id": 310, "iscrowd": 0, "weight": 0.9873790743797654, "segmentation": [], "area": 255932}, {"image_id": 10082, "bbox": [1708, 1633, 750, 287], "category_id": 1, "id": 311, "iscrowd": 0, "weight": 0.07700499422637996, "segmentation": [], "area": 215250}, {"image_id": 10082, "bbox": [3577, 2388, 208, 268], "category_id": 2, "id": 312, "iscrowd": 0, "weight": 0.41471416504310255, "segmentation": [], "area": 55744}, {"image_id": 10083, "bbox": [1664, 1123, 734, 1207], "category_id": 0, "id": 313, "iscrowd": 0, "weight": 0.18034441081601704, "segmentation": [], "area": 885938}, {"image_id": 10083, "bbox": [311, 177, 1270, 1406], "category_id": 2, "id": 314, "iscrowd": 0, "weight": 0.34709088865888216, "segmentation": [], "area": 1785620}, {"image_id": 10083, "bbox": [2518, 1400, 47, 162], "category_id": 1, "id": 315, "iscrowd": 0, "weight": 0.42251544682124376, "segmentation": [], "area": 7614}, {"image_id": 10084, "bbox": [1824, 560, 537, 1297], "category_id": 0, "id": 316, "iscrowd": 0, "weight": 0.333286128815681, "segmentation": [], "area": 696489}, {"image_id": 10084, "bbox": [2061, 1897, 70, 46], "category_id": 0, "id": 317, "iscrowd": 0, "weight": 0.7104962132429435, "segmentation": [], "area": 3220}, {"image_id": 10084, "bbox": [1618, 827, 60, 56], "category_id": 0, "id": 318, "iscrowd": 0, "weight": 0.7837508298772924, "segmentation": [], "area": 3360}, {"image_id": 10084, "bbox": [941, 1507, 900, 766], "category_id": 1, "id": 319, "iscrowd": 0, "weight": 0.546800346068882, "segmentation": [], "area": 689400}, {"image_id": 10084, "bbox": [98, 2080, 976, 807], "category_id": 2, "id": 320, "iscrowd": 0, "weight": 0.3142765166066521, "segmentation": [], "area": 787632}, {"image_id": 10085, "bbox": [3628, 143, 250, 327], "category_id": 1, "id": 321, "iscrowd": 0, "weight": 0.6324714631205962, "segmentation": [], "area": 81750}, {"image_id": 10085, "bbox": [1918, 1730, 156, 97], "category_id": 1, "id": 322, "iscrowd": 0, "weight": 0.44956764281215666, "segmentation": [], "area": 15132}, {"image_id": 10085, "bbox": [174, 1930, 640, 817], "category_id": 2, "id": 323, "iscrowd": 0, "weight": 0.5246329742977346, "segmentation": [], "area": 522880}, {"image_id": 10086, "bbox": [1568, 1423, 1216, 427], "category_id": 1, "id": 324, "iscrowd": 0, "weight": 0.9651175914623739, "segmentation": [], "area": 519232}, {"image_id": 10086, "bbox": [2051, 1177, 127, 93], "category_id": 1, "id": 325, "iscrowd": 0, "weight": 0.4619105653765774, "segmentation": [], "area": 11811}, {"image_id": 10086, "bbox": [292, 2523, 169, 324], "category_id": 2, "id": 326, "iscrowd": 0, "weight": 0.9375937027565039, "segmentation": [], "area": 54756}, {"image_id": 10087, "bbox": [1904, 920, 297, 927], "category_id": 1, "id": 327, "iscrowd": 0, "weight": 0.0028855560567275784, "segmentation": [], "area": 275319}, {"image_id": 10088, "bbox": [3208, 97, 686, 793], "category_id": 2, "id": 328, "iscrowd": 0, "weight": 0.6652246599059076, "segmentation": [], "area": 543998}, {"image_id": 10088, "bbox": [2081, 990, 137, 137], "category_id": 1, "id": 329, "iscrowd": 0, "weight": 0.9964107846992873, "segmentation": [], "area": 18769}, {"image_id": 10088, "bbox": [2637, 387, 117, 102], "category_id": 0, "id": 330, "iscrowd": 0, "weight": 0.7872280798372573, "segmentation": [], "area": 11934}, {"image_id": 10089, "bbox": [244, 2070, 724, 787], "category_id": 2, "id": 331, "iscrowd": 0, "weight": 0.9999046628338267, "segmentation": [], "area": 569788}, {"image_id": 10089, "bbox": [3811, 214, 91, 123], "category_id": 2, "id": 332, "iscrowd": 0, "weight": 0.16495586691758546, "segmentation": [], "area": 11193}, {"image_id": 10090, "bbox": [1834, 1380, 480, 710], "category_id": 1, "id": 333, "iscrowd": 0, "weight": 0.5421212630851895, "segmentation": [], "area": 340800}, {"image_id": 10090, "bbox": [2571, 1160, 373, 590], "category_id": 0, "id": 334, "iscrowd": 0, "weight": 0.5484901996199029, "segmentation": [], "area": 220070}, {"image_id": 10090, "bbox": [2614, 1693, 457, 434], "category_id": 0, "id": 335, "iscrowd": 0, "weight": 0.8096866997579165, "segmentation": [], "area": 198338}, {"image_id": 10091, "bbox": [1821, 757, 464, 476], "category_id": 0, "id": 336, "iscrowd": 0, "weight": 0.29310900636784487, "segmentation": [], "area": 220864}, {"image_id": 10091, "bbox": [1198, 1353, 436, 199], "category_id": 0, "id": 337, "iscrowd": 0, "weight": 0.8892743823841872, "segmentation": [], "area": 86764}, {"image_id": 10091, "bbox": [1011, 1687, 220, 97], "category_id": 0, "id": 338, "iscrowd": 0, "weight": 0.00982879011995108, "segmentation": [], "area": 21340}, {"image_id": 10091, "bbox": [1895, 1158, 523, 700], "category_id": 0, "id": 339, "iscrowd": 0, "weight": 0.17815664484028226, "segmentation": [], "area": 366100}, {"image_id": 10091, "bbox": [2127, 1804, 226, 254], "category_id": 0, "id": 340, "iscrowd": 0, "weight": 0.4975020058051477, "segmentation": [], "area": 57404}, {"image_id": 10092, "bbox": [448, 780, 830, 300], "category_id": 0, "id": 341, "iscrowd": 0, "weight": 0.9243111183543329, "segmentation": [], "area": 249000}, {"image_id": 10092, "bbox": [44, 1007, 409, 203], "category_id": 0, "id": 342, "iscrowd": 0, "weight": 0.1161388710758966, "segmentation": [], "area": 83027}, {"image_id": 10093, "bbox": [1728, 1157, 1013, 536], "category_id": 0, "id": 343, "iscrowd": 0, "weight": 0.39582484856379907, "segmentation": [], "area": 542968}, {"image_id": 10093, "bbox": [2188, 1323, 540, 404], "category_id": 0, "id": 344, "iscrowd": 0, "weight": 0.9344012109706196, "segmentation": [], "area": 218160}, {"image_id": 10093, "bbox": [68, 1917, 406, 956], "category_id": 2, "id": 345, "iscrowd": 0, "weight": 0.31192539207580505, "segmentation": [], "area": 388136}, {"image_id": 10094, "bbox": [1438, 823, 1180, 820], "category_id": 1, "id": 346, "iscrowd": 0, "weight": 0.7561363982750017, "segmentation": [], "area": 967600}, {"image_id": 10094, "bbox": [384, 1663, 417, 727], "category_id": 0, "id": 347, "iscrowd": 0, "weight": 0.4900698718845937, "segmentation": [], "area": 303159}, {"image_id": 10095, "bbox": [1484, 1160, 520, 200], "category_id": 1, "id": 348, "iscrowd": 0, "weight": 0.6888464963151094, "segmentation": [], "area": 104000}, {"image_id": 10095, "bbox": [2718, 1470, 56, 57], "category_id": 0, "id": 349, "iscrowd": 0, "weight": 0.230381214765503, "segmentation": [], "area": 3192}, {"image_id": 10096, "bbox": [754, 987, 900, 593], "category_id": 2, "id": 350, "iscrowd": 0, "weight": 0.8758589658517764, "segmentation": [], "area": 533700}, {"image_id": 10096, "bbox": [324, 2060, 180, 177], "category_id": 0, "id": 351, "iscrowd": 0, "weight": 0.3440921914855182, "segmentation": [], "area": 31860}, {"image_id": 10096, "bbox": [494, 1820, 1124, 457], "category_id": 0, "id": 352, "iscrowd": 0, "weight": 0.10939486098640983, "segmentation": [], "area": 513668}, {"image_id": 10097, "bbox": [2434, 467, 1137, 823], "category_id": 0, "id": 353, "iscrowd": 0, "weight": 0.9453251058591583, "segmentation": [], "area": 935751}, {"image_id": 10098, "bbox": [68, 433, 303, 864], "category_id": 2, "id": 354, "iscrowd": 0, "weight": 0.6194329689519735, "segmentation": [], "area": 261792}, {"image_id": 10099, "bbox": [0, 123, 508, 924], "category_id": 2, "id": 355, "iscrowd": 0, "weight": 0.062770668815891, "segmentation": [], "area": 469392}, {"image_id": 10100, "bbox": [1751, 1073, 617, 790], "category_id": 1, "id": 356, "iscrowd": 0, "weight": 0.40812736721117115, "segmentation": [], "area": 487430}, {"image_id": 10100, "bbox": [2524, 1297, 1157, 900], "category_id": 0, "id": 357, "iscrowd": 0, "weight": 0.20217263643542105, "segmentation": [], "area": 1041300}, {"image_id": 10100, "bbox": [2401, 1410, 1100, 1173], "category_id": 0, "id": 358, "iscrowd": 0, "weight": 0.8654178746272261, "segmentation": [], "area": 1290300}, {"image_id": 10100, "bbox": [3248, 2710, 200, 247], "category_id": 0, "id": 359, "iscrowd": 0, "weight": 0.43430295023374355, "segmentation": [], "area": 49400}, {"image_id": 10100, "bbox": [3618, 2384, 74, 158], "category_id": 0, "id": 360, "iscrowd": 0, "weight": 0.4668488386013445, "segmentation": [], "area": 11692}, {"image_id": 10101, "bbox": [251, 647, 877, 640], "category_id": 2, "id": 361, "iscrowd": 0, "weight": 0.4128673881738353, "segmentation": [], "area": 561280}, {"image_id": 10101, "bbox": [1691, 1387, 710, 563], "category_id": 1, "id": 362, "iscrowd": 0, "weight": 0.9951860830436309, "segmentation": [], "area": 399730}, {"image_id": 10101, "bbox": [2941, 1850, 717, 793], "category_id": 0, "id": 363, "iscrowd": 0, "weight": 0.5879370963564905, "segmentation": [], "area": 568581}, {"image_id": 10101, "bbox": [2964, 1717, 84, 66], "category_id": 0, "id": 364, "iscrowd": 0, "weight": 0.4002026810024363, "segmentation": [], "area": 5544}, {"image_id": 10101, "bbox": [3601, 2530, 387, 313], "category_id": 0, "id": 365, "iscrowd": 0, "weight": 0.6943896628472656, "segmentation": [], "area": 121131}, {"image_id": 10102, "bbox": [1628, 823, 286, 294], "category_id": 0, "id": 366, "iscrowd": 0, "weight": 0.459062520588442, "segmentation": [], "area": 84084}, {"image_id": 10102, "bbox": [1548, 1073, 260, 460], "category_id": 0, "id": 367, "iscrowd": 0, "weight": 0.040420599570892723, "segmentation": [], "area": 119600}, {"image_id": 10102, "bbox": [1824, 1613, 1210, 694], "category_id": 1, "id": 368, "iscrowd": 0, "weight": 0.38294630438637023, "segmentation": [], "area": 839740}, {"image_id": 10102, "bbox": [3624, 2191, 399, 746], "category_id": 2, "id": 369, "iscrowd": 0, "weight": 0.8538273883188375, "segmentation": [], "area": 297654}, {"image_id": 10103, "bbox": [1414, 1110, 237, 97], "category_id": 2, "id": 370, "iscrowd": 0, "weight": 0.30312570125775695, "segmentation": [], "area": 22989}, {"image_id": 10103, "bbox": [634, 630, 1057, 383], "category_id": 2, "id": 371, "iscrowd": 0, "weight": 0.6775811943173171, "segmentation": [], "area": 404831}, {"image_id": 10103, "bbox": [131, 1307, 870, 823], "category_id": 2, "id": 372, "iscrowd": 0, "weight": 0.2048491503693206, "segmentation": [], "area": 716010}, {"image_id": 10104, "bbox": [3340, 1960, 294, 254], "category_id": 0, "id": 373, "iscrowd": 0, "weight": 0.17032121291652236, "segmentation": [], "area": 74676}, {"image_id": 10104, "bbox": [3247, 2136, 274, 684], "category_id": 0, "id": 374, "iscrowd": 0, "weight": 0.8336969421993297, "segmentation": [], "area": 187416}, {"image_id": 10104, "bbox": [1984, 1322, 106, 54], "category_id": 1, "id": 375, "iscrowd": 0, "weight": 0.7305162980255546, "segmentation": [], "area": 5724}, {"image_id": 10105, "bbox": [501, 1253, 143, 300], "category_id": 1, "id": 376, "iscrowd": 0, "weight": 0.7728833960195136, "segmentation": [], "area": 42900}, {"image_id": 10105, "bbox": [1448, 1073, 970, 537], "category_id": 1, "id": 377, "iscrowd": 0, "weight": 0.6134638554041069, "segmentation": [], "area": 520890}, {"image_id": 10105, "bbox": [2618, 837, 250, 203], "category_id": 0, "id": 378, "iscrowd": 0, "weight": 0.8210613782886323, "segmentation": [], "area": 50750}, {"image_id": 10105, "bbox": [18, 963, 506, 914], "category_id": 2, "id": 379, "iscrowd": 0, "weight": 0.25735334978388147, "segmentation": [], "area": 462484}, {"image_id": 10105, "bbox": [2447, 1133, 393, 426], "category_id": 0, "id": 380, "iscrowd": 0, "weight": 0.2739018299572503, "segmentation": [], "area": 167418}, {"image_id": 10105, "bbox": [2402, 1633, 406, 155], "category_id": 0, "id": 381, "iscrowd": 0, "weight": 0.24783546369066867, "segmentation": [], "area": 62930}, {"image_id": 10106, "bbox": [1384, 863, 524, 295], "category_id": 0, "id": 382, "iscrowd": 0, "weight": 0.8439419037439936, "segmentation": [], "area": 154580}, {"image_id": 10106, "bbox": [1583, 1255, 638, 500], "category_id": 0, "id": 383, "iscrowd": 0, "weight": 0.5649820345786755, "segmentation": [], "area": 319000}, {"image_id": 10106, "bbox": [1802, 1839, 503, 226], "category_id": 0, "id": 384, "iscrowd": 0, "weight": 0.4566156935378044, "segmentation": [], "area": 113678}, {"image_id": 10106, "bbox": [3198, 1779, 83, 40], "category_id": 2, "id": 385, "iscrowd": 0, "weight": 0.34998580317138117, "segmentation": [], "area": 3320}, {"image_id": 10107, "bbox": [1588, 1330, 1033, 393], "category_id": 0, "id": 386, "iscrowd": 0, "weight": 0.26378774018533946, "segmentation": [], "area": 405969}, {"image_id": 10107, "bbox": [2538, 1427, 193, 123], "category_id": 0, "id": 387, "iscrowd": 0, "weight": 0.7358445802208333, "segmentation": [], "area": 23739}, {"image_id": 10107, "bbox": [24, 1813, 950, 330], "category_id": 2, "id": 388, "iscrowd": 0, "weight": 0.788337480766115, "segmentation": [], "area": 313500}, {"image_id": 10108, "bbox": [338, 247, 1216, 1280], "category_id": 2, "id": 389, "iscrowd": 0, "weight": 0.4612215373960047, "segmentation": [], "area": 1556480}, {"image_id": 10108, "bbox": [2061, 1000, 463, 907], "category_id": 0, "id": 390, "iscrowd": 0, "weight": 0.4754155286457036, "segmentation": [], "area": 419941}, {"image_id": 10108, "bbox": [1921, 1887, 542, 526], "category_id": 0, "id": 391, "iscrowd": 0, "weight": 0.5833140292668216, "segmentation": [], "area": 285092}, {"image_id": 10109, "bbox": [1114, 1027, 920, 456], "category_id": 0, "id": 392, "iscrowd": 0, "weight": 0.973118868979958, "segmentation": [], "area": 419520}, {"image_id": 10109, "bbox": [2424, 1087, 1144, 530], "category_id": 1, "id": 393, "iscrowd": 0, "weight": 0.5602714274309556, "segmentation": [], "area": 606320}, {"image_id": 10109, "bbox": [1448, 2060, 1700, 187], "category_id": 2, "id": 394, "iscrowd": 0, "weight": 0.21045272938126658, "segmentation": [], "area": 317900}, {"image_id": 10109, "bbox": [1691, 1537, 173, 36], "category_id": 0, "id": 395, "iscrowd": 0, "weight": 0.844497781340337, "segmentation": [], "area": 6228}, {"image_id": 10109, "bbox": [2124, 1610, 165, 239], "category_id": 2, "id": 396, "iscrowd": 0, "weight": 0.8707743911587411, "segmentation": [], "area": 39435}, {"image_id": 10109, "bbox": [1898, 1571, 152, 68], "category_id": 2, "id": 397, "iscrowd": 0, "weight": 0.7349167817132182, "segmentation": [], "area": 10336}, {"image_id": 10109, "bbox": [1472, 1584, 346, 68], "category_id": 2, "id": 398, "iscrowd": 0, "weight": 0.376633616799261, "segmentation": [], "area": 23528}, {"image_id": 10110, "bbox": [1984, 1260, 307, 843], "category_id": 0, "id": 399, "iscrowd": 0, "weight": 0.47219641643191024, "segmentation": [], "area": 258801}, {"image_id": 10110, "bbox": [1604, 1253, 210, 864], "category_id": 1, "id": 400, "iscrowd": 0, "weight": 0.8694200647589017, "segmentation": [], "area": 181440}, {"image_id": 10111, "bbox": [1301, 423, 437, 1464], "category_id": 1, "id": 401, "iscrowd": 0, "weight": 0.3232903260661296, "segmentation": [], "area": 639768}, {"image_id": 10111, "bbox": [2391, 1247, 43, 121], "category_id": 1, "id": 402, "iscrowd": 0, "weight": 0.5245537243780463, "segmentation": [], "area": 5203}, {"image_id": 10111, "bbox": [118, 560, 70, 107], "category_id": 0, "id": 403, "iscrowd": 0, "weight": 0.18623506993048478, "segmentation": [], "area": 7490}, {"image_id": 10111, "bbox": [273, 50, 215, 413], "category_id": 2, "id": 404, "iscrowd": 0, "weight": 0.3552160843213872, "segmentation": [], "area": 88795}, {"image_id": 10112, "bbox": [3224, 2357, 724, 590], "category_id": 2, "id": 405, "iscrowd": 0, "weight": 0.299904678090412, "segmentation": [], "area": 427160}, {"image_id": 10112, "bbox": [1748, 1330, 500, 163], "category_id": 0, "id": 406, "iscrowd": 0, "weight": 0.9754314267430575, "segmentation": [], "area": 81500}, {"image_id": 10112, "bbox": [2904, 1430, 84, 77], "category_id": 0, "id": 407, "iscrowd": 0, "weight": 0.05173332947532605, "segmentation": [], "area": 6468}, {"image_id": 10112, "bbox": [2714, 1290, 120, 133], "category_id": 0, "id": 408, "iscrowd": 0, "weight": 0.1409038649999953, "segmentation": [], "area": 15960}, {"image_id": 10112, "bbox": [1578, 1470, 73, 180], "category_id": 1, "id": 409, "iscrowd": 0, "weight": 0.21067494826187472, "segmentation": [], "area": 13140}, {"image_id": 10113, "bbox": [1544, 827, 994, 1226], "category_id": 0, "id": 410, "iscrowd": 0, "weight": 0.3046104170591317, "segmentation": [], "area": 1218644}, {"image_id": 10113, "bbox": [2481, 1740, 567, 480], "category_id": 1, "id": 411, "iscrowd": 0, "weight": 0.969334361603946, "segmentation": [], "area": 272160}, {"image_id": 10113, "bbox": [1679, 2071, 171, 100], "category_id": 0, "id": 412, "iscrowd": 0, "weight": 0.8655461809033997, "segmentation": [], "area": 17100}, {"image_id": 10114, "bbox": [1608, 1370, 976, 643], "category_id": 1, "id": 413, "iscrowd": 0, "weight": 0.12730398618826988, "segmentation": [], "area": 627568}, {"image_id": 10114, "bbox": [824, 947, 627, 573], "category_id": 0, "id": 414, "iscrowd": 0, "weight": 0.08310183258823312, "segmentation": [], "area": 359271}, {"image_id": 10114, "bbox": [2361, 1153, 43, 107], "category_id": 1, "id": 415, "iscrowd": 0, "weight": 0.07969096783531893, "segmentation": [], "area": 4601}, {"image_id": 10114, "bbox": [2868, 1043, 43, 60], "category_id": 1, "id": 416, "iscrowd": 0, "weight": 0.6145599272548882, "segmentation": [], "area": 2580}, {"image_id": 10115, "bbox": [3448, 2213, 536, 747], "category_id": 2, "id": 417, "iscrowd": 0, "weight": 0.6449249632336541, "segmentation": [], "area": 400392}, {"image_id": 10115, "bbox": [1604, 1477, 57, 186], "category_id": 1, "id": 418, "iscrowd": 0, "weight": 0.047516380451193885, "segmentation": [], "area": 10602}, {"image_id": 10116, "bbox": [1898, 1330, 1113, 480], "category_id": 1, "id": 419, "iscrowd": 0, "weight": 0.31655895294235303, "segmentation": [], "area": 534240}, {"image_id": 10116, "bbox": [1174, 1440, 1217, 523], "category_id": 0, "id": 420, "iscrowd": 0, "weight": 0.03157981798126985, "segmentation": [], "area": 636491}, {"image_id": 10116, "bbox": [1094, 990, 275, 147], "category_id": 0, "id": 421, "iscrowd": 0, "weight": 0.17622038312166866, "segmentation": [], "area": 40425}, {"image_id": 10117, "bbox": [2160, 923, 886, 333], "category_id": 0, "id": 422, "iscrowd": 0, "weight": 0.4414694824780827, "segmentation": [], "area": 295038}, {"image_id": 10117, "bbox": [3699, 308, 139, 286], "category_id": 2, "id": 423, "iscrowd": 0, "weight": 0.9583446814589246, "segmentation": [], "area": 39754}, {"image_id": 10117, "bbox": [1854, 1797, 97, 70], "category_id": 1, "id": 424, "iscrowd": 0, "weight": 0.399979938837166, "segmentation": [], "area": 6790}, {"image_id": 10117, "bbox": [2915, 721, 54, 77], "category_id": 2, "id": 425, "iscrowd": 0, "weight": 0.5647189873944215, "segmentation": [], "area": 4158}, {"image_id": 10117, "bbox": [3421, 1136, 109, 72], "category_id": 0, "id": 426, "iscrowd": 0, "weight": 0.8184560028046314, "segmentation": [], "area": 7848}, {"image_id": 10117, "bbox": [3193, 1264, 59, 36], "category_id": 0, "id": 427, "iscrowd": 0, "weight": 0.8225855375372392, "segmentation": [], "area": 2124}, {"image_id": 10118, "bbox": [1658, 1087, 680, 843], "category_id": 1, "id": 428, "iscrowd": 0, "weight": 0.49076844218769233, "segmentation": [], "area": 573240}, {"image_id": 10119, "bbox": [2508, 847, 776, 483], "category_id": 2, "id": 429, "iscrowd": 0, "weight": 0.7506273558053166, "segmentation": [], "area": 374808}, {"image_id": 10120, "bbox": [1656, 1393, 752, 153], "category_id": 1, "id": 430, "iscrowd": 0, "weight": 0.435960316095773, "segmentation": [], "area": 115056}, {"image_id": 10120, "bbox": [3208, 907, 570, 316], "category_id": 0, "id": 431, "iscrowd": 0, "weight": 0.33548006412957676, "segmentation": [], "area": 180120}, {"image_id": 10120, "bbox": [2744, 1250, 880, 533], "category_id": 0, "id": 432, "iscrowd": 0, "weight": 0.9375697607213654, "segmentation": [], "area": 469040}, {"image_id": 10120, "bbox": [3724, 1530, 60, 120], "category_id": 0, "id": 433, "iscrowd": 0, "weight": 0.5257889758720701, "segmentation": [], "area": 7200}, {"image_id": 10120, "bbox": [2784, 1893, 354, 30], "category_id": 0, "id": 434, "iscrowd": 0, "weight": 0.3383539910619143, "segmentation": [], "area": 10620}, {"image_id": 10120, "bbox": [3850, 1255, 110, 181], "category_id": 0, "id": 435, "iscrowd": 0, "weight": 0.5419042284635913, "segmentation": [], "area": 19910}, {"image_id": 10121, "bbox": [558, 1597, 833, 126], "category_id": 0, "id": 436, "iscrowd": 0, "weight": 0.12631431478031874, "segmentation": [], "area": 104958}, {"image_id": 10121, "bbox": [91, 1547, 1267, 340], "category_id": 0, "id": 437, "iscrowd": 0, "weight": 0.6915153619096457, "segmentation": [], "area": 430780}, {"image_id": 10121, "bbox": [3494, 1023, 394, 934], "category_id": 2, "id": 438, "iscrowd": 0, "weight": 0.04890000300772235, "segmentation": [], "area": 367996}, {"image_id": 10122, "bbox": [1644, 653, 254, 360], "category_id": 0, "id": 439, "iscrowd": 0, "weight": 0.4090337934494962, "segmentation": [], "area": 91440}, {"image_id": 10122, "bbox": [1331, 940, 480, 573], "category_id": 0, "id": 440, "iscrowd": 0, "weight": 0.8306753225304168, "segmentation": [], "area": 275040}, {"image_id": 10122, "bbox": [1208, 1417, 320, 346], "category_id": 0, "id": 441, "iscrowd": 0, "weight": 0.16014309878691124, "segmentation": [], "area": 110720}, {"image_id": 10122, "bbox": [1951, 1423, 600, 450], "category_id": 1, "id": 442, "iscrowd": 0, "weight": 0.05187629805133909, "segmentation": [], "area": 270000}, {"image_id": 10123, "bbox": [1451, 1423, 770, 344], "category_id": 0, "id": 443, "iscrowd": 0, "weight": 0.918135527097214, "segmentation": [], "area": 264880}, {"image_id": 10123, "bbox": [1091, 1390, 503, 163], "category_id": 0, "id": 444, "iscrowd": 0, "weight": 0.7162565694452647, "segmentation": [], "area": 81989}, {"image_id": 10123, "bbox": [1072, 1833, 71, 64], "category_id": 0, "id": 445, "iscrowd": 0, "weight": 0.7772984000867994, "segmentation": [], "area": 4544}, {"image_id": 10124, "bbox": [71, 17, 870, 1646], "category_id": 2, "id": 446, "iscrowd": 0, "weight": 0.17018343211484388, "segmentation": [], "area": 1432020}, {"image_id": 10124, "bbox": [2978, 2547, 843, 340], "category_id": 0, "id": 447, "iscrowd": 0, "weight": 0.14093227756761806, "segmentation": [], "area": 286620}, {"image_id": 10124, "bbox": [3804, 2527, 219, 342], "category_id": 0, "id": 448, "iscrowd": 0, "weight": 0.3178064096953608, "segmentation": [], "area": 74898}, {"image_id": 10125, "bbox": [3001, 980, 677, 213], "category_id": 0, "id": 449, "iscrowd": 0, "weight": 0.6700792816266395, "segmentation": [], "area": 144201}, {"image_id": 10125, "bbox": [3761, 1203, 177, 527], "category_id": 0, "id": 450, "iscrowd": 0, "weight": 0.4781189831853634, "segmentation": [], "area": 93279}, {"image_id": 10125, "bbox": [1764, 1423, 1054, 210], "category_id": 1, "id": 451, "iscrowd": 0, "weight": 0.5712533765656737, "segmentation": [], "area": 221340}, {"image_id": 10125, "bbox": [984, 1960, 1400, 183], "category_id": 2, "id": 452, "iscrowd": 0, "weight": 0.2571833067631164, "segmentation": [], "area": 256200}, {"image_id": 10125, "bbox": [3183, 1201, 842, 942], "category_id": 2, "id": 453, "iscrowd": 0, "weight": 0.34173007973599523, "segmentation": [], "area": 793164}, {"image_id": 10125, "bbox": [2885, 1268, 533, 332], "category_id": 0, "id": 454, "iscrowd": 0, "weight": 0.5586464975350256, "segmentation": [], "area": 176956}, {"image_id": 10126, "bbox": [1414, 917, 417, 603], "category_id": 1, "id": 455, "iscrowd": 0, "weight": 0.561381952370352, "segmentation": [], "area": 251451}, {"image_id": 10126, "bbox": [471, 410, 750, 710], "category_id": 0, "id": 456, "iscrowd": 0, "weight": 0.6483594129406373, "segmentation": [], "area": 532500}, {"image_id": 10126, "bbox": [1104, 377, 604, 333], "category_id": 0, "id": 457, "iscrowd": 0, "weight": 0.5636472468010131, "segmentation": [], "area": 201132}, {"image_id": 10126, "bbox": [154, 153, 524, 557], "category_id": 0, "id": 458, "iscrowd": 0, "weight": 0.8876667621797026, "segmentation": [], "area": 291868}, {"image_id": 10126, "bbox": [2994, 1870, 400, 1020], "category_id": 2, "id": 459, "iscrowd": 0, "weight": 0.474970262487836, "segmentation": [], "area": 408000}, {"image_id": 10127, "bbox": [1601, 1867, 987, 816], "category_id": 2, "id": 460, "iscrowd": 0, "weight": 0.0142809226967614, "segmentation": [], "area": 805392}, {"image_id": 10128, "bbox": [1068, 2567, 303, 203], "category_id": 0, "id": 461, "iscrowd": 0, "weight": 0.3775791322070915, "segmentation": [], "area": 61509}, {"image_id": 10128, "bbox": [458, 2447, 813, 290], "category_id": 0, "id": 462, "iscrowd": 0, "weight": 0.6838666663301757, "segmentation": [], "area": 235770}, {"image_id": 10128, "bbox": [91, 2510, 294, 244], "category_id": 0, "id": 463, "iscrowd": 0, "weight": 0.9696909619811523, "segmentation": [], "area": 71736}, {"image_id": 10129, "bbox": [2058, 980, 883, 427], "category_id": 1, "id": 464, "iscrowd": 0, "weight": 0.7307210193386227, "segmentation": [], "area": 377041}, {"image_id": 10129, "bbox": [1321, 1103, 397, 350], "category_id": 2, "id": 465, "iscrowd": 0, "weight": 0.921217320998336, "segmentation": [], "area": 138950}, {"image_id": 10129, "bbox": [1831, 1760, 567, 503], "category_id": 2, "id": 466, "iscrowd": 0, "weight": 0.6218204799031805, "segmentation": [], "area": 285201}, {"image_id": 10129, "bbox": [2704, 0, 1260, 870], "category_id": 0, "id": 467, "iscrowd": 0, "weight": 0.6720353515110064, "segmentation": [], "area": 1096200}, {"image_id": 10129, "bbox": [2884, 300, 730, 493], "category_id": 0, "id": 468, "iscrowd": 0, "weight": 0.5318378794230539, "segmentation": [], "area": 359890}, {"image_id": 10130, "bbox": [2598, 1993, 673, 300], "category_id": 1, "id": 469, "iscrowd": 0, "weight": 0.10748497490333664, "segmentation": [], "area": 201900}, {"image_id": 10130, "bbox": [3171, 2377, 777, 630], "category_id": 2, "id": 470, "iscrowd": 0, "weight": 0.4893428073892421, "segmentation": [], "area": 489510}, {"image_id": 10131, "bbox": [1611, 1597, 520, 450], "category_id": 1, "id": 471, "iscrowd": 0, "weight": 0.9467049907089998, "segmentation": [], "area": 234000}, {"image_id": 10131, "bbox": [1321, 520, 70, 197], "category_id": 0, "id": 472, "iscrowd": 0, "weight": 0.5863338956713074, "segmentation": [], "area": 13790}, {"image_id": 10132, "bbox": [1171, 1583, 787, 310], "category_id": 0, "id": 473, "iscrowd": 0, "weight": 0.9049436776589087, "segmentation": [], "area": 243970}, {"image_id": 10132, "bbox": [1224, 2389, 200, 140], "category_id": 0, "id": 474, "iscrowd": 0, "weight": 0.41066935881776867, "segmentation": [], "area": 28000}, {"image_id": 10132, "bbox": [1495, 2252, 58, 26], "category_id": 0, "id": 475, "iscrowd": 0, "weight": 0.8033272430679191, "segmentation": [], "area": 1508}, {"image_id": 10133, "bbox": [1018, 810, 913, 817], "category_id": 1, "id": 476, "iscrowd": 0, "weight": 0.4133736024360464, "segmentation": [], "area": 745921}, {"image_id": 10133, "bbox": [611, 1200, 303, 183], "category_id": 2, "id": 477, "iscrowd": 0, "weight": 0.9134846009957739, "segmentation": [], "area": 55449}, {"image_id": 10133, "bbox": [551, 500, 338, 311], "category_id": 2, "id": 478, "iscrowd": 0, "weight": 0.4547492745359304, "segmentation": [], "area": 105118}, {"image_id": 10133, "bbox": [721, 77, 1136, 660], "category_id": 2, "id": 479, "iscrowd": 0, "weight": 0.5999252271765524, "segmentation": [], "area": 749760}, {"image_id": 10133, "bbox": [569, 871, 426, 162], "category_id": 2, "id": 480, "iscrowd": 0, "weight": 0.9054020932626462, "segmentation": [], "area": 69012}, {"image_id": 10134, "bbox": [174, 360, 824, 730], "category_id": 2, "id": 481, "iscrowd": 0, "weight": 0.8127512290384004, "segmentation": [], "area": 601520}, {"image_id": 10134, "bbox": [1974, 1453, 727, 1347], "category_id": 0, "id": 482, "iscrowd": 0, "weight": 0.9581564934684754, "segmentation": [], "area": 979269}, {"image_id": 10134, "bbox": [2848, 2235, 1055, 630], "category_id": 1, "id": 483, "iscrowd": 0, "weight": 0.4185098865609871, "segmentation": [], "area": 664650}, {"image_id": 10135, "bbox": [171, 570, 1470, 1023], "category_id": 0, "id": 484, "iscrowd": 0, "weight": 0.3534685484781621, "segmentation": [], "area": 1503810}, {"image_id": 10135, "bbox": [2608, 1147, 116, 93], "category_id": 2, "id": 485, "iscrowd": 0, "weight": 0.2845128052896213, "segmentation": [], "area": 10788}, {"image_id": 10135, "bbox": [2231, 1637, 343, 240], "category_id": 2, "id": 486, "iscrowd": 0, "weight": 0.39095928437315963, "segmentation": [], "area": 82320}, {"image_id": 10135, "bbox": [1948, 1703, 233, 290], "category_id": 2, "id": 487, "iscrowd": 0, "weight": 0.24335135325869828, "segmentation": [], "area": 67570}, {"image_id": 10135, "bbox": [1294, 1760, 957, 633], "category_id": 2, "id": 488, "iscrowd": 0, "weight": 0.867193680178284, "segmentation": [], "area": 605781}, {"image_id": 10136, "bbox": [1984, 833, 1670, 347], "category_id": 1, "id": 489, "iscrowd": 0, "weight": 0.7734459836360831, "segmentation": [], "area": 579490}, {"image_id": 10136, "bbox": [2161, 1550, 53, 60], "category_id": 1, "id": 490, "iscrowd": 0, "weight": 0.06268633592169603, "segmentation": [], "area": 3180}, {"image_id": 10136, "bbox": [1651, 1463, 1387, 930], "category_id": 2, "id": 491, "iscrowd": 0, "weight": 0.9631749445877479, "segmentation": [], "area": 1289910}, {"image_id": 10137, "bbox": [1451, 1420, 1003, 250], "category_id": 1, "id": 492, "iscrowd": 0, "weight": 0.7555547185550511, "segmentation": [], "area": 250750}, {"image_id": 10137, "bbox": [258, 2063, 313, 420], "category_id": 2, "id": 493, "iscrowd": 0, "weight": 0.9679585211589823, "segmentation": [], "area": 131460}, {"image_id": 10138, "bbox": [1963, 724, 1698, 333], "category_id": 1, "id": 494, "iscrowd": 0, "weight": 0.39523976535987115, "segmentation": [], "area": 565434}, {"image_id": 10138, "bbox": [788, 1433, 136, 150], "category_id": 2, "id": 495, "iscrowd": 0, "weight": 0.13421793540292304, "segmentation": [], "area": 20400}, {"image_id": 10139, "bbox": [2338, 1150, 1533, 763], "category_id": 1, "id": 496, "iscrowd": 0, "weight": 0.6607039088037463, "segmentation": [], "area": 1169679}, {"image_id": 10139, "bbox": [1268, 1940, 543, 153], "category_id": 2, "id": 497, "iscrowd": 0, "weight": 0.3268848489635059, "segmentation": [], "area": 83079}, {"image_id": 10140, "bbox": [1361, 887, 373, 386], "category_id": 0, "id": 498, "iscrowd": 0, "weight": 0.8189526707589118, "segmentation": [], "area": 143978}, {"image_id": 10140, "bbox": [1231, 1377, 737, 733], "category_id": 0, "id": 499, "iscrowd": 0, "weight": 0.22572137860444197, "segmentation": [], "area": 540221}, {"image_id": 10140, "bbox": [2668, 1373, 573, 960], "category_id": 1, "id": 500, "iscrowd": 0, "weight": 0.022084203792201884, "segmentation": [], "area": 550080}, {"image_id": 10140, "bbox": [3558, 2510, 73, 123], "category_id": 0, "id": 501, "iscrowd": 0, "weight": 0.26884385126352406, "segmentation": [], "area": 8979}, {"image_id": 10140, "bbox": [2064, 2127, 1204, 906], "category_id": 2, "id": 502, "iscrowd": 0, "weight": 0.4181860983824195, "segmentation": [], "area": 1090824}, {"image_id": 10140, "bbox": [2541, 2553, 310, 244], "category_id": 0, "id": 503, "iscrowd": 0, "weight": 0.8611905653302366, "segmentation": [], "area": 75640}, {"image_id": 10141, "bbox": [1341, 1410, 1040, 363], "category_id": 0, "id": 504, "iscrowd": 0, "weight": 0.9073816660440336, "segmentation": [], "area": 377520}, {"image_id": 10141, "bbox": [2231, 1100, 120, 100], "category_id": 1, "id": 505, "iscrowd": 0, "weight": 0.6427139869675711, "segmentation": [], "area": 12000}, {"image_id": 10142, "bbox": [2874, 2794, 505, 241], "category_id": 0, "id": 506, "iscrowd": 0, "weight": 0.7200197983974621, "segmentation": [], "area": 121705}, {"image_id": 10142, "bbox": [3618, 2120, 238, 235], "category_id": 0, "id": 507, "iscrowd": 0, "weight": 0.36695202057499154, "segmentation": [], "area": 55930}, {"image_id": 10142, "bbox": [3160, 2226, 409, 491], "category_id": 0, "id": 508, "iscrowd": 0, "weight": 0.2811496333072845, "segmentation": [], "area": 200819}, {"image_id": 10143, "bbox": [376, 1652, 662, 1295], "category_id": 0, "id": 509, "iscrowd": 0, "weight": 0.5852366588210481, "segmentation": [], "area": 857290}, {"image_id": 10144, "bbox": [2254, 1370, 907, 547], "category_id": 1, "id": 510, "iscrowd": 0, "weight": 0.3672380493988866, "segmentation": [], "area": 496129}, {"image_id": 10144, "bbox": [3078, 1067, 190, 80], "category_id": 0, "id": 511, "iscrowd": 0, "weight": 0.9734451952992942, "segmentation": [], "area": 15200}, {"image_id": 10144, "bbox": [2921, 1237, 763, 670], "category_id": 0, "id": 512, "iscrowd": 0, "weight": 0.4005252624611806, "segmentation": [], "area": 511210}, {"image_id": 10144, "bbox": [3541, 1807, 410, 350], "category_id": 0, "id": 513, "iscrowd": 0, "weight": 0.34840998580098115, "segmentation": [], "area": 143500}, {"image_id": 10145, "bbox": [1894, 717, 344, 280], "category_id": 0, "id": 514, "iscrowd": 0, "weight": 0.24980910383933075, "segmentation": [], "area": 96320}, {"image_id": 10145, "bbox": [1834, 1100, 354, 497], "category_id": 0, "id": 515, "iscrowd": 0, "weight": 0.9451993979105531, "segmentation": [], "area": 175938}, {"image_id": 10145, "bbox": [2674, 1183, 557, 417], "category_id": 1, "id": 516, "iscrowd": 0, "weight": 0.04693304762065997, "segmentation": [], "area": 232269}, {"image_id": 10146, "bbox": [3441, 1013, 550, 1150], "category_id": 2, "id": 517, "iscrowd": 0, "weight": 0.9187566661970571, "segmentation": [], "area": 632500}, {"image_id": 10146, "bbox": [2539, 1269, 26, 38], "category_id": 1, "id": 518, "iscrowd": 0, "weight": 0.783161303980795, "segmentation": [], "area": 988}, {"image_id": 10147, "bbox": [1871, 1057, 380, 243], "category_id": 0, "id": 519, "iscrowd": 0, "weight": 0.35297797547718157, "segmentation": [], "area": 92340}, {"image_id": 10147, "bbox": [1861, 1393, 597, 464], "category_id": 0, "id": 520, "iscrowd": 0, "weight": 0.9316035828087201, "segmentation": [], "area": 277008}, {"image_id": 10147, "bbox": [2068, 1937, 360, 206], "category_id": 0, "id": 521, "iscrowd": 0, "weight": 0.785026173804882, "segmentation": [], "area": 74160}, {"image_id": 10147, "bbox": [2876, 1661, 373, 30], "category_id": 1, "id": 522, "iscrowd": 0, "weight": 0.11430250820880661, "segmentation": [], "area": 11190}, {"image_id": 10147, "bbox": [3641, 1480, 60, 247], "category_id": 1, "id": 523, "iscrowd": 0, "weight": 0.6514788739567927, "segmentation": [], "area": 14820}, {"image_id": 10147, "bbox": [3284, 1587, 74, 53], "category_id": 1, "id": 524, "iscrowd": 0, "weight": 0.6954856845658473, "segmentation": [], "area": 3922}, {"image_id": 10147, "bbox": [2576, 1500, 365, 115], "category_id": 1, "id": 525, "iscrowd": 0, "weight": 0.01729631532368936, "segmentation": [], "area": 41975}, {"image_id": 10148, "bbox": [124, 2040, 590, 860], "category_id": 2, "id": 526, "iscrowd": 0, "weight": 0.9848258804471905, "segmentation": [], "area": 507400}, {"image_id": 10148, "bbox": [1543, 1957, 52, 49], "category_id": 1, "id": 527, "iscrowd": 0, "weight": 0.506008409554823, "segmentation": [], "area": 2548}, {"image_id": 10149, "bbox": [1518, 1343, 1113, 361], "category_id": 0, "id": 528, "iscrowd": 0, "weight": 0.43025330716159926, "segmentation": [], "area": 401793}, {"image_id": 10149, "bbox": [1141, 1267, 453, 200], "category_id": 0, "id": 529, "iscrowd": 0, "weight": 0.10823453104668035, "segmentation": [], "area": 90600}, {"image_id": 10149, "bbox": [2147, 1778, 93, 45], "category_id": 0, "id": 530, "iscrowd": 0, "weight": 0.19761080346457804, "segmentation": [], "area": 4185}, {"image_id": 10150, "bbox": [1744, 1297, 387, 610], "category_id": 1, "id": 531, "iscrowd": 0, "weight": 0.7744366655642821, "segmentation": [], "area": 236070}, {"image_id": 10150, "bbox": [2714, 1663, 287, 280], "category_id": 0, "id": 532, "iscrowd": 0, "weight": 0.16433532061850065, "segmentation": [], "area": 80360}, {"image_id": 10150, "bbox": [2184, 1790, 650, 490], "category_id": 0, "id": 533, "iscrowd": 0, "weight": 0.9994250698800946, "segmentation": [], "area": 318500}, {"image_id": 10150, "bbox": [1991, 2400, 97, 100], "category_id": 0, "id": 534, "iscrowd": 0, "weight": 0.6891458547948293, "segmentation": [], "area": 9700}, {"image_id": 10151, "bbox": [2118, 890, 593, 647], "category_id": 1, "id": 535, "iscrowd": 0, "weight": 0.3602576113355249, "segmentation": [], "area": 383671}, {"image_id": 10151, "bbox": [2801, 333, 1160, 1400], "category_id": 0, "id": 536, "iscrowd": 0, "weight": 0.09207213856073482, "segmentation": [], "area": 1624000}, {"image_id": 10151, "bbox": [3434, 683, 124, 157], "category_id": 0, "id": 537, "iscrowd": 0, "weight": 0.34667435935386415, "segmentation": [], "area": 19468}, {"image_id": 10151, "bbox": [2254, 1897, 324, 186], "category_id": 0, "id": 538, "iscrowd": 0, "weight": 0.2909270908831292, "segmentation": [], "area": 60264}, {"image_id": 10152, "bbox": [1748, 300, 960, 570], "category_id": 2, "id": 539, "iscrowd": 0, "weight": 0.9704708969943207, "segmentation": [], "area": 547200}, {"image_id": 10152, "bbox": [2304, 950, 167, 310], "category_id": 2, "id": 540, "iscrowd": 0, "weight": 0.021828143985964665, "segmentation": [], "area": 51770}, {"image_id": 10152, "bbox": [1961, 1470, 950, 647], "category_id": 2, "id": 541, "iscrowd": 0, "weight": 0.11027638272606932, "segmentation": [], "area": 614650}, {"image_id": 10152, "bbox": [34, 1867, 740, 1168], "category_id": 0, "id": 542, "iscrowd": 0, "weight": 0.08057645006920477, "segmentation": [], "area": 864320}, {"image_id": 10153, "bbox": [1624, 1197, 480, 186], "category_id": 0, "id": 543, "iscrowd": 0, "weight": 0.3387484536244232, "segmentation": [], "area": 89280}, {"image_id": 10153, "bbox": [1804, 1323, 717, 464], "category_id": 0, "id": 544, "iscrowd": 0, "weight": 0.8365282205784387, "segmentation": [], "area": 332688}, {"image_id": 10153, "bbox": [2314, 1740, 467, 220], "category_id": 0, "id": 545, "iscrowd": 0, "weight": 0.9946361643772575, "segmentation": [], "area": 102740}, {"image_id": 10153, "bbox": [1171, 1890, 627, 357], "category_id": 1, "id": 546, "iscrowd": 0, "weight": 0.16482860176493497, "segmentation": [], "area": 223839}, {"image_id": 10154, "bbox": [1970, 716, 1233, 503], "category_id": 1, "id": 547, "iscrowd": 0, "weight": 0.7112797928640648, "segmentation": [], "area": 620199}, {"image_id": 10154, "bbox": [2016, 855, 800, 327], "category_id": 1, "id": 548, "iscrowd": 0, "weight": 0.010489376249122273, "segmentation": [], "area": 261600}, {"image_id": 10155, "bbox": [1558, 1273, 813, 367], "category_id": 0, "id": 549, "iscrowd": 0, "weight": 0.4049833668398747, "segmentation": [], "area": 298371}, {"image_id": 10155, "bbox": [2148, 1453, 620, 384], "category_id": 0, "id": 550, "iscrowd": 0, "weight": 0.28472604938640067, "segmentation": [], "area": 238080}, {"image_id": 10155, "bbox": [1691, 2160, 146, 524], "category_id": 1, "id": 551, "iscrowd": 0, "weight": 0.5613078112144001, "segmentation": [], "area": 76504}, {"image_id": 10155, "bbox": [1734, 2733, 73, 302], "category_id": 1, "id": 552, "iscrowd": 0, "weight": 0.013421470203162422, "segmentation": [], "area": 22046}, {"image_id": 10156, "bbox": [354, 1793, 470, 374], "category_id": 0, "id": 553, "iscrowd": 0, "weight": 0.9451728804129758, "segmentation": [], "area": 175780}, {"image_id": 10156, "bbox": [504, 1937, 460, 646], "category_id": 0, "id": 554, "iscrowd": 0, "weight": 0.9437957829523342, "segmentation": [], "area": 297160}, {"image_id": 10156, "bbox": [591, 2653, 370, 110], "category_id": 0, "id": 555, "iscrowd": 0, "weight": 0.6798411643714467, "segmentation": [], "area": 40700}, {"image_id": 10156, "bbox": [948, 1710, 736, 473], "category_id": 1, "id": 556, "iscrowd": 0, "weight": 0.9558239856571106, "segmentation": [], "area": 348128}, {"image_id": 10156, "bbox": [2034, 1640, 697, 537], "category_id": 2, "id": 557, "iscrowd": 0, "weight": 0.8417070234983459, "segmentation": [], "area": 374289}, {"image_id": 10157, "bbox": [2008, 570, 458, 1147], "category_id": 0, "id": 558, "iscrowd": 0, "weight": 0.839579621806772, "segmentation": [], "area": 525326}, {"image_id": 10157, "bbox": [2454, 91, 1190, 736], "category_id": 1, "id": 559, "iscrowd": 0, "weight": 0.3667760675065266, "segmentation": [], "area": 875840}, {"image_id": 10157, "bbox": [221, 1973, 803, 774], "category_id": 2, "id": 560, "iscrowd": 0, "weight": 0.7241566085622185, "segmentation": [], "area": 621522}, {"image_id": 10157, "bbox": [2072, 1737, 342, 197], "category_id": 0, "id": 561, "iscrowd": 0, "weight": 0.9611571223715891, "segmentation": [], "area": 67374}, {"image_id": 10157, "bbox": [2915, 672, 126, 68], "category_id": 1, "id": 562, "iscrowd": 0, "weight": 0.6670715196578046, "segmentation": [], "area": 8568}, {"image_id": 10158, "bbox": [3351, 2123, 527, 760], "category_id": 2, "id": 563, "iscrowd": 0, "weight": 0.689567220866158, "segmentation": [], "area": 400520}, {"image_id": 10158, "bbox": [1551, 1413, 70, 200], "category_id": 1, "id": 564, "iscrowd": 0, "weight": 0.04987161533595097, "segmentation": [], "area": 14000}, {"image_id": 10158, "bbox": [1204, 810, 44, 60], "category_id": 0, "id": 565, "iscrowd": 0, "weight": 0.7642289732390093, "segmentation": [], "area": 2640}, {"image_id": 10159, "bbox": [2138, 877, 530, 370], "category_id": 2, "id": 566, "iscrowd": 0, "weight": 0.0534229949563263, "segmentation": [], "area": 196100}, {"image_id": 10159, "bbox": [1638, 1457, 646, 446], "category_id": 1, "id": 567, "iscrowd": 0, "weight": 0.3359836243142683, "segmentation": [], "area": 288116}, {"image_id": 10159, "bbox": [2944, 1780, 530, 303], "category_id": 0, "id": 568, "iscrowd": 0, "weight": 0.9516361405674414, "segmentation": [], "area": 160590}, {"image_id": 10159, "bbox": [2574, 1577, 424, 973], "category_id": 0, "id": 569, "iscrowd": 0, "weight": 0.007177493537114388, "segmentation": [], "area": 412552}, {"image_id": 10159, "bbox": [2601, 1593, 63, 57], "category_id": 0, "id": 570, "iscrowd": 0, "weight": 0.15467392419480763, "segmentation": [], "area": 3591}, {"image_id": 10160, "bbox": [1634, 857, 554, 1266], "category_id": 1, "id": 571, "iscrowd": 0, "weight": 0.7573533553680625, "segmentation": [], "area": 701364}, {"image_id": 10160, "bbox": [2305, 1515, 70, 176], "category_id": 1, "id": 572, "iscrowd": 0, "weight": 0.9900832802862156, "segmentation": [], "area": 12320}, {"image_id": 10160, "bbox": [171, 320, 301, 326], "category_id": 2, "id": 573, "iscrowd": 0, "weight": 0.6671758750153985, "segmentation": [], "area": 98126}, {"image_id": 10161, "bbox": [2518, 927, 106, 126], "category_id": 0, "id": 574, "iscrowd": 0, "weight": 0.5271307964629646, "segmentation": [], "area": 13356}, {"image_id": 10161, "bbox": [2071, 1153, 537, 1004], "category_id": 0, "id": 575, "iscrowd": 0, "weight": 0.11159650230008822, "segmentation": [], "area": 539148}, {"image_id": 10161, "bbox": [3354, 940, 657, 1203], "category_id": 2, "id": 576, "iscrowd": 0, "weight": 0.5998180136993785, "segmentation": [], "area": 790371}, {"image_id": 10161, "bbox": [1281, 987, 710, 956], "category_id": 1, "id": 577, "iscrowd": 0, "weight": 0.09504825958942686, "segmentation": [], "area": 678760}, {"image_id": 10161, "bbox": [1158, 1680, 80, 187], "category_id": 1, "id": 578, "iscrowd": 0, "weight": 0.4426623488615855, "segmentation": [], "area": 14960}, {"image_id": 10161, "bbox": [3740, 1155, 236, 394], "category_id": 0, "id": 579, "iscrowd": 0, "weight": 0.8437332763093915, "segmentation": [], "area": 92984}, {"image_id": 10161, "bbox": [1605, 855, 90, 52], "category_id": 2, "id": 580, "iscrowd": 0, "weight": 0.44248166296041935, "segmentation": [], "area": 4680}, {"image_id": 10162, "bbox": [548, 1723, 1246, 257], "category_id": 1, "id": 581, "iscrowd": 0, "weight": 0.6164421263131747, "segmentation": [], "area": 320222}, {"image_id": 10162, "bbox": [3228, 1862, 77, 107], "category_id": 2, "id": 582, "iscrowd": 0, "weight": 0.7895287845097738, "segmentation": [], "area": 8239}, {"image_id": 10162, "bbox": [0, 1463, 58, 139], "category_id": 2, "id": 583, "iscrowd": 0, "weight": 0.247130444850587, "segmentation": [], "area": 8062}, {"image_id": 10163, "bbox": [1594, 887, 597, 1280], "category_id": 0, "id": 584, "iscrowd": 0, "weight": 0.9523337741744539, "segmentation": [], "area": 764160}, {"image_id": 10163, "bbox": [2331, 1613, 800, 830], "category_id": 1, "id": 585, "iscrowd": 0, "weight": 0.858804049282166, "segmentation": [], "area": 664000}, {"image_id": 10163, "bbox": [3118, 2390, 803, 573], "category_id": 2, "id": 586, "iscrowd": 0, "weight": 0.17615308761946302, "segmentation": [], "area": 460119}, {"image_id": 10163, "bbox": [3478, 2450, 216, 303], "category_id": 1, "id": 587, "iscrowd": 0, "weight": 0.29976175842569375, "segmentation": [], "area": 65448}, {"image_id": 10164, "bbox": [1991, 1083, 617, 984], "category_id": 0, "id": 588, "iscrowd": 0, "weight": 0.22065366811597487, "segmentation": [], "area": 607128}, {"image_id": 10164, "bbox": [2471, 2173, 523, 447], "category_id": 0, "id": 589, "iscrowd": 0, "weight": 0.7170251437800998, "segmentation": [], "area": 233781}, {"image_id": 10164, "bbox": [128, 187, 1096, 1106], "category_id": 2, "id": 590, "iscrowd": 0, "weight": 0.5650621135154398, "segmentation": [], "area": 1212176}, {"image_id": 10164, "bbox": [3076, 2468, 61, 268], "category_id": 0, "id": 591, "iscrowd": 0, "weight": 0.29885986824566013, "segmentation": [], "area": 16348}, {"image_id": 10165, "bbox": [2674, 1403, 307, 1274], "category_id": 1, "id": 592, "iscrowd": 0, "weight": 0.4625889937426806, "segmentation": [], "area": 391118}, {"image_id": 10166, "bbox": [1731, 1750, 297, 637], "category_id": 0, "id": 593, "iscrowd": 0, "weight": 0.8452862878972182, "segmentation": [], "area": 189189}, {"image_id": 10166, "bbox": [431, 1183, 1627, 340], "category_id": 1, "id": 594, "iscrowd": 0, "weight": 0.502251832912516, "segmentation": [], "area": 553180}, {"image_id": 10166, "bbox": [2301, 1530, 113, 143], "category_id": 1, "id": 595, "iscrowd": 0, "weight": 0.48692587410979715, "segmentation": [], "area": 16159}, {"image_id": 10167, "bbox": [1988, 937, 910, 850], "category_id": 1, "id": 596, "iscrowd": 0, "weight": 0.8736368859015439, "segmentation": [], "area": 773500}, {"image_id": 10167, "bbox": [3508, 983, 510, 910], "category_id": 2, "id": 597, "iscrowd": 0, "weight": 0.9750621987092281, "segmentation": [], "area": 464100}, {"image_id": 10168, "bbox": [1414, 1000, 594, 710], "category_id": 1, "id": 598, "iscrowd": 0, "weight": 0.5094971914628977, "segmentation": [], "area": 421740}, {"image_id": 10169, "bbox": [2278, 1680, 286, 213], "category_id": 2, "id": 599, "iscrowd": 0, "weight": 0.0008190019371480117, "segmentation": [], "area": 60918}, {"image_id": 10169, "bbox": [1944, 1763, 270, 274], "category_id": 2, "id": 600, "iscrowd": 0, "weight": 0.9809643911610615, "segmentation": [], "area": 73980}, {"image_id": 10169, "bbox": [1324, 1833, 937, 574], "category_id": 2, "id": 601, "iscrowd": 0, "weight": 0.999309156539108, "segmentation": [], "area": 537838}, {"image_id": 10169, "bbox": [2607, 1176, 118, 87], "category_id": 2, "id": 602, "iscrowd": 0, "weight": 0.07088466488579481, "segmentation": [], "area": 10266}, {"image_id": 10170, "bbox": [1, 187, 533, 683], "category_id": 2, "id": 603, "iscrowd": 0, "weight": 0.37045582891925743, "segmentation": [], "area": 364039}, {"image_id": 10170, "bbox": [1281, 800, 797, 1197], "category_id": 1, "id": 604, "iscrowd": 0, "weight": 0.8243599969635627, "segmentation": [], "area": 954009}, {"image_id": 10170, "bbox": [2364, 1437, 90, 210], "category_id": 1, "id": 605, "iscrowd": 0, "weight": 0.622313561741619, "segmentation": [], "area": 18900}, {"image_id": 10170, "bbox": [2878, 1697, 53, 60], "category_id": 2, "id": 606, "iscrowd": 0, "weight": 0.5083595197720597, "segmentation": [], "area": 3180}, {"image_id": 10171, "bbox": [1794, 1133, 700, 590], "category_id": 0, "id": 607, "iscrowd": 0, "weight": 0.23439058411446823, "segmentation": [], "area": 413000}, {"image_id": 10171, "bbox": [1871, 1547, 717, 683], "category_id": 0, "id": 608, "iscrowd": 0, "weight": 0.059078277729452955, "segmentation": [], "area": 489711}, {"image_id": 10171, "bbox": [2558, 720, 883, 543], "category_id": 1, "id": 609, "iscrowd": 0, "weight": 0.056108169584766276, "segmentation": [], "area": 479469}, {"image_id": 10171, "bbox": [154, 1987, 814, 833], "category_id": 2, "id": 610, "iscrowd": 0, "weight": 0.9490613588656446, "segmentation": [], "area": 678062}, {"image_id": 10171, "bbox": [3644, 93, 379, 284], "category_id": 2, "id": 611, "iscrowd": 0, "weight": 0.6908871968416942, "segmentation": [], "area": 107636}, {"image_id": 10172, "bbox": [394, 67, 214, 116], "category_id": 0, "id": 612, "iscrowd": 0, "weight": 0.36706117456781895, "segmentation": [], "area": 24824}, {"image_id": 10172, "bbox": [511, 253, 600, 1247], "category_id": 0, "id": 613, "iscrowd": 0, "weight": 0.6850516474268376, "segmentation": [], "area": 748200}, {"image_id": 10172, "bbox": [728, 687, 736, 590], "category_id": 1, "id": 614, "iscrowd": 0, "weight": 0.7060298339048117, "segmentation": [], "area": 434240}, {"image_id": 10173, "bbox": [1411, 1287, 807, 686], "category_id": 1, "id": 615, "iscrowd": 0, "weight": 0.41135346780201676, "segmentation": [], "area": 553602}, {"image_id": 10173, "bbox": [3598, 285, 197, 284], "category_id": 2, "id": 616, "iscrowd": 0, "weight": 0.5713186032139779, "segmentation": [], "area": 55948}, {"image_id": 10173, "bbox": [1294, 2757, 94, 136], "category_id": 0, "id": 617, "iscrowd": 0, "weight": 0.04002075096521174, "segmentation": [], "area": 12784}, {"image_id": 10174, "bbox": [2208, 1043, 1150, 967], "category_id": 0, "id": 618, "iscrowd": 0, "weight": 0.7677594140013395, "segmentation": [], "area": 1112050}, {"image_id": 10174, "bbox": [3338, 1443, 163, 57], "category_id": 0, "id": 619, "iscrowd": 0, "weight": 0.182826500029865, "segmentation": [], "area": 9291}, {"image_id": 10174, "bbox": [3571, 1513, 157, 400], "category_id": 0, "id": 620, "iscrowd": 0, "weight": 0.9027009995117207, "segmentation": [], "area": 62800}, {"image_id": 10174, "bbox": [1094, 1187, 1297, 800], "category_id": 1, "id": 621, "iscrowd": 0, "weight": 0.10550392332329339, "segmentation": [], "area": 1037600}, {"image_id": 10174, "bbox": [0, 953, 384, 855], "category_id": 2, "id": 622, "iscrowd": 0, "weight": 0.25283338185840076, "segmentation": [], "area": 328320}, {"image_id": 10175, "bbox": [2054, 123, 1140, 1517], "category_id": 1, "id": 623, "iscrowd": 0, "weight": 0.7244805736341232, "segmentation": [], "area": 1729380}, {"image_id": 10175, "bbox": [1798, 1883, 103, 77], "category_id": 1, "id": 624, "iscrowd": 0, "weight": 0.882818614882486, "segmentation": [], "area": 7931}, {"image_id": 10175, "bbox": [3642, 377, 112, 265], "category_id": 2, "id": 625, "iscrowd": 0, "weight": 0.6921065103785614, "segmentation": [], "area": 29680}, {"image_id": 10176, "bbox": [2121, 1037, 103, 93], "category_id": 1, "id": 626, "iscrowd": 0, "weight": 0.94510886484761, "segmentation": [], "area": 9579}, {"image_id": 10176, "bbox": [1108, 1847, 293, 793], "category_id": 1, "id": 627, "iscrowd": 0, "weight": 0.46551431199866755, "segmentation": [], "area": 232349}, {"image_id": 10176, "bbox": [301, 2339, 139, 331], "category_id": 2, "id": 628, "iscrowd": 0, "weight": 0.28620900829335805, "segmentation": [], "area": 46009}, {"image_id": 10176, "bbox": [98, 2563, 163, 207], "category_id": 2, "id": 629, "iscrowd": 0, "weight": 0.35015936125399216, "segmentation": [], "area": 33741}, {"image_id": 10177, "bbox": [84, 2217, 564, 653], "category_id": 2, "id": 630, "iscrowd": 0, "weight": 0.5354241162862867, "segmentation": [], "area": 368292}, {"image_id": 10177, "bbox": [171, 1960, 87, 113], "category_id": 2, "id": 631, "iscrowd": 0, "weight": 0.07915702234684319, "segmentation": [], "area": 9831}, {"image_id": 10178, "bbox": [1598, 1137, 930, 823], "category_id": 1, "id": 632, "iscrowd": 0, "weight": 0.8554283465498314, "segmentation": [], "area": 765390}, {"image_id": 10178, "bbox": [2894, 1833, 657, 564], "category_id": 0, "id": 633, "iscrowd": 0, "weight": 0.44619681536690425, "segmentation": [], "area": 370548}, {"image_id": 10178, "bbox": [2998, 1733, 903, 997], "category_id": 0, "id": 634, "iscrowd": 0, "weight": 0.10120514140853798, "segmentation": [], "area": 900291}, {"image_id": 10178, "bbox": [654, 150, 520, 857], "category_id": 2, "id": 635, "iscrowd": 0, "weight": 0.903373710753344, "segmentation": [], "area": 445640}, {"image_id": 10179, "bbox": [964, 1080, 438, 782], "category_id": 1, "id": 636, "iscrowd": 0, "weight": 0.7097883126062353, "segmentation": [], "area": 342516}, {"image_id": 10179, "bbox": [84, 950, 317, 1010], "category_id": 2, "id": 637, "iscrowd": 0, "weight": 0.9632344857705707, "segmentation": [], "area": 320170}, {"image_id": 10179, "bbox": [982, 1907, 152, 233], "category_id": 2, "id": 638, "iscrowd": 0, "weight": 0.014864939738510441, "segmentation": [], "area": 35416}, {"image_id": 10180, "bbox": [451, 1103, 1250, 500], "category_id": 0, "id": 639, "iscrowd": 0, "weight": 0.1597979912021199, "segmentation": [], "area": 625000}, {"image_id": 10180, "bbox": [2261, 1210, 523, 323], "category_id": 1, "id": 640, "iscrowd": 0, "weight": 0.6841737737894509, "segmentation": [], "area": 168929}, {"image_id": 10181, "bbox": [1131, 860, 900, 270], "category_id": 0, "id": 641, "iscrowd": 0, "weight": 0.8559658745211409, "segmentation": [], "area": 243000}, {"image_id": 10181, "bbox": [1334, 1217, 734, 476], "category_id": 0, "id": 642, "iscrowd": 0, "weight": 0.4012449232900688, "segmentation": [], "area": 349384}, {"image_id": 10181, "bbox": [1221, 1783, 857, 237], "category_id": 0, "id": 643, "iscrowd": 0, "weight": 0.8950453824454527, "segmentation": [], "area": 203109}, {"image_id": 10181, "bbox": [2264, 1383, 737, 90], "category_id": 1, "id": 644, "iscrowd": 0, "weight": 0.5687953021010803, "segmentation": [], "area": 66330}, {"image_id": 10182, "bbox": [68, 263, 400, 727], "category_id": 0, "id": 645, "iscrowd": 0, "weight": 0.22164469707019518, "segmentation": [], "area": 290800}, {"image_id": 10182, "bbox": [448, 617, 680, 700], "category_id": 0, "id": 646, "iscrowd": 0, "weight": 0.38584151793632837, "segmentation": [], "area": 476000}, {"image_id": 10182, "bbox": [1544, 1293, 1080, 810], "category_id": 1, "id": 647, "iscrowd": 0, "weight": 0.8754133462079108, "segmentation": [], "area": 874800}, {"image_id": 10182, "bbox": [1063, 833, 277, 354], "category_id": 2, "id": 648, "iscrowd": 0, "weight": 0.5804924878121545, "segmentation": [], "area": 98058}, {"image_id": 10183, "bbox": [1584, 980, 110, 77], "category_id": 0, "id": 649, "iscrowd": 0, "weight": 0.6477679610938692, "segmentation": [], "area": 8470}, {"image_id": 10183, "bbox": [1248, 1037, 396, 473], "category_id": 0, "id": 650, "iscrowd": 0, "weight": 0.5701906012610368, "segmentation": [], "area": 187308}, {"image_id": 10183, "bbox": [1248, 1517, 196, 193], "category_id": 0, "id": 651, "iscrowd": 0, "weight": 0.18961748000133494, "segmentation": [], "area": 37828}, {"image_id": 10183, "bbox": [1291, 1737, 143, 123], "category_id": 0, "id": 652, "iscrowd": 0, "weight": 0.8655772805736951, "segmentation": [], "area": 17589}, {"image_id": 10183, "bbox": [2098, 1543, 680, 657], "category_id": 1, "id": 653, "iscrowd": 0, "weight": 0.1629948870098008, "segmentation": [], "area": 446760}, {"image_id": 10183, "bbox": [3624, 2013, 399, 820], "category_id": 2, "id": 654, "iscrowd": 0, "weight": 0.13702614868840857, "segmentation": [], "area": 327180}, {"image_id": 10184, "bbox": [824, 83, 510, 817], "category_id": 2, "id": 655, "iscrowd": 0, "weight": 0.77191175567072, "segmentation": [], "area": 416670}, {"image_id": 10185, "bbox": [1998, 1102, 465, 718], "category_id": 1, "id": 656, "iscrowd": 0, "weight": 0.31343373668127783, "segmentation": [], "area": 333870}, {"image_id": 10185, "bbox": [901, 1200, 713, 880], "category_id": 0, "id": 657, "iscrowd": 0, "weight": 0.8399782185164065, "segmentation": [], "area": 627440}, {"image_id": 10185, "bbox": [2801, 3, 710, 1194], "category_id": 2, "id": 658, "iscrowd": 0, "weight": 0.681899590040251, "segmentation": [], "area": 847740}, {"image_id": 10185, "bbox": [948, 1890, 396, 380], "category_id": 0, "id": 659, "iscrowd": 0, "weight": 0.6411280869226634, "segmentation": [], "area": 150480}, {"image_id": 10186, "bbox": [3498, 59, 496, 1341], "category_id": 2, "id": 660, "iscrowd": 0, "weight": 0.258132244819975, "segmentation": [], "area": 665136}, {"image_id": 10186, "bbox": [2228, 733, 1216, 307], "category_id": 1, "id": 661, "iscrowd": 0, "weight": 0.2988953965740472, "segmentation": [], "area": 373312}, {"image_id": 10186, "bbox": [2568, 1153, 163, 97], "category_id": 1, "id": 662, "iscrowd": 0, "weight": 0.8200152252721445, "segmentation": [], "area": 15811}, {"image_id": 10187, "bbox": [104, 20, 667, 743], "category_id": 0, "id": 663, "iscrowd": 0, "weight": 0.7768292992455419, "segmentation": [], "area": 495581}, {"image_id": 10187, "bbox": [3261, 2397, 762, 636], "category_id": 2, "id": 664, "iscrowd": 0, "weight": 0.680965445330598, "segmentation": [], "area": 484632}, {"image_id": 10188, "bbox": [1278, 917, 1470, 196], "category_id": 1, "id": 665, "iscrowd": 0, "weight": 0.27985463038161884, "segmentation": [], "area": 288120}, {"image_id": 10188, "bbox": [3424, 1047, 547, 886], "category_id": 2, "id": 666, "iscrowd": 0, "weight": 0.4839535473889196, "segmentation": [], "area": 484642}, {"image_id": 10188, "bbox": [1294, 1563, 64, 127], "category_id": 1, "id": 667, "iscrowd": 0, "weight": 0.3578445796329095, "segmentation": [], "area": 8128}, {"image_id": 10189, "bbox": [641, 710, 447, 273], "category_id": 2, "id": 668, "iscrowd": 0, "weight": 0.7293873989485271, "segmentation": [], "area": 122031}, {"image_id": 10189, "bbox": [494, 1237, 1037, 286], "category_id": 2, "id": 669, "iscrowd": 0, "weight": 0.5054069787829042, "segmentation": [], "area": 296582}, {"image_id": 10189, "bbox": [788, 1890, 603, 177], "category_id": 2, "id": 670, "iscrowd": 0, "weight": 0.6361272655003942, "segmentation": [], "area": 106731}, {"image_id": 10189, "bbox": [1198, 1613, 83, 174], "category_id": 1, "id": 671, "iscrowd": 0, "weight": 0.8600281444127835, "segmentation": [], "area": 14442}, {"image_id": 10189, "bbox": [2558, 840, 1337, 497], "category_id": 0, "id": 672, "iscrowd": 0, "weight": 0.3331213874068608, "segmentation": [], "area": 664489}, {"image_id": 10189, "bbox": [3244, 1430, 277, 183], "category_id": 0, "id": 673, "iscrowd": 0, "weight": 0.8140668787792689, "segmentation": [], "area": 50691}, {"image_id": 10189, "bbox": [3611, 1610, 70, 90], "category_id": 0, "id": 674, "iscrowd": 0, "weight": 0.11852910786117477, "segmentation": [], "area": 6300}, {"image_id": 10189, "bbox": [1904, 893, 1070, 1187], "category_id": 1, "id": 675, "iscrowd": 0, "weight": 0.04098872779349383, "segmentation": [], "area": 1270090}, {"image_id": 10189, "bbox": [3621, 1262, 223, 394], "category_id": 2, "id": 676, "iscrowd": 0, "weight": 0.9500728727450822, "segmentation": [], "area": 87862}, {"image_id": 10190, "bbox": [1558, 820, 646, 680], "category_id": 0, "id": 677, "iscrowd": 0, "weight": 0.08114108065761794, "segmentation": [], "area": 439280}, {"image_id": 10190, "bbox": [2441, 1070, 30, 113], "category_id": 1, "id": 678, "iscrowd": 0, "weight": 0.35958991684872776, "segmentation": [], "area": 3390}, {"image_id": 10190, "bbox": [689, 946, 755, 721], "category_id": 1, "id": 679, "iscrowd": 0, "weight": 0.24508272962833155, "segmentation": [], "area": 544355}, {"image_id": 10191, "bbox": [1398, 937, 1113, 730], "category_id": 1, "id": 680, "iscrowd": 0, "weight": 0.9336893880619008, "segmentation": [], "area": 812490}, {"image_id": 10191, "bbox": [994, 1627, 940, 340], "category_id": 0, "id": 681, "iscrowd": 0, "weight": 0.8472538694327837, "segmentation": [], "area": 319600}, {"image_id": 10192, "bbox": [3408, 77, 593, 940], "category_id": 2, "id": 682, "iscrowd": 0, "weight": 0.11413693444287365, "segmentation": [], "area": 557420}, {"image_id": 10192, "bbox": [2408, 430, 540, 903], "category_id": 1, "id": 683, "iscrowd": 0, "weight": 0.03638481084037681, "segmentation": [], "area": 487620}, {"image_id": 10192, "bbox": [1208, 1093, 1186, 744], "category_id": 0, "id": 684, "iscrowd": 0, "weight": 0.8723496608779798, "segmentation": [], "area": 882384}, {"image_id": 10192, "bbox": [1804, 1840, 184, 147], "category_id": 1, "id": 685, "iscrowd": 0, "weight": 0.8133804882868727, "segmentation": [], "area": 27048}, {"image_id": 10193, "bbox": [2388, 1527, 384, 415], "category_id": 0, "id": 686, "iscrowd": 0, "weight": 0.49683017165964904, "segmentation": [], "area": 159360}, {"image_id": 10193, "bbox": [2134, 1075, 406, 529], "category_id": 0, "id": 687, "iscrowd": 0, "weight": 0.9493748707046707, "segmentation": [], "area": 214774}, {"image_id": 10193, "bbox": [1872, 665, 529, 375], "category_id": 0, "id": 688, "iscrowd": 0, "weight": 0.5779775948476858, "segmentation": [], "area": 198375}, {"image_id": 10194, "bbox": [1028, 1057, 976, 953], "category_id": 0, "id": 689, "iscrowd": 0, "weight": 0.5028142841605195, "segmentation": [], "area": 930128}, {"image_id": 10194, "bbox": [981, 1340, 1020, 910], "category_id": 0, "id": 690, "iscrowd": 0, "weight": 0.7831949214440522, "segmentation": [], "area": 928200}, {"image_id": 10195, "bbox": [18, 837, 826, 1226], "category_id": 2, "id": 691, "iscrowd": 0, "weight": 0.5536795666482728, "segmentation": [], "area": 1012676}, {"image_id": 10195, "bbox": [1464, 797, 257, 116], "category_id": 0, "id": 692, "iscrowd": 0, "weight": 0.456567709921619, "segmentation": [], "area": 29812}, {"image_id": 10195, "bbox": [1861, 837, 323, 70], "category_id": 0, "id": 693, "iscrowd": 0, "weight": 0.4954977158063626, "segmentation": [], "area": 22610}, {"image_id": 10195, "bbox": [2804, 1107, 124, 190], "category_id": 1, "id": 694, "iscrowd": 0, "weight": 0.8257997921609909, "segmentation": [], "area": 23560}, {"image_id": 10196, "bbox": [394, 1023, 930, 557], "category_id": 0, "id": 695, "iscrowd": 0, "weight": 0.9041873687842255, "segmentation": [], "area": 518010}, {"image_id": 10196, "bbox": [912, 896, 373, 53], "category_id": 0, "id": 696, "iscrowd": 0, "weight": 0.9901248254608469, "segmentation": [], "area": 19769}, {"image_id": 10196, "bbox": [411, 1617, 297, 96], "category_id": 0, "id": 697, "iscrowd": 0, "weight": 0.5462931762643435, "segmentation": [], "area": 28512}, {"image_id": 10196, "bbox": [72, 1367, 85, 176], "category_id": 0, "id": 698, "iscrowd": 0, "weight": 0.15757575074255126, "segmentation": [], "area": 14960}, {"image_id": 10196, "bbox": [263, 1163, 53, 99], "category_id": 0, "id": 699, "iscrowd": 0, "weight": 0.9608242621590707, "segmentation": [], "area": 5247}, {"image_id": 10196, "bbox": [279, 1720, 206, 145], "category_id": 0, "id": 700, "iscrowd": 0, "weight": 0.010258421795084627, "segmentation": [], "area": 29870}, {"image_id": 10197, "bbox": [91, 1262, 1049, 32], "category_id": 1, "id": 701, "iscrowd": 0, "weight": 0.5255455581362942, "segmentation": [], "area": 33568}, {"image_id": 10198, "bbox": [494, 460, 1007, 963], "category_id": 0, "id": 702, "iscrowd": 0, "weight": 0.7187301824879909, "segmentation": [], "area": 969741}, {"image_id": 10198, "bbox": [38, 50, 796, 530], "category_id": 2, "id": 703, "iscrowd": 0, "weight": 0.3720305761417293, "segmentation": [], "area": 421880}, {"image_id": 10198, "bbox": [1774, 1563, 1049, 351], "category_id": 1, "id": 704, "iscrowd": 0, "weight": 0.4118569872470609, "segmentation": [], "area": 368199}, {"image_id": 10199, "bbox": [1474, 1590, 810, 343], "category_id": 1, "id": 705, "iscrowd": 0, "weight": 0.44642011807156645, "segmentation": [], "area": 277830}, {"image_id": 10199, "bbox": [2171, 1007, 860, 413], "category_id": 0, "id": 706, "iscrowd": 0, "weight": 0.23166659263592637, "segmentation": [], "area": 355180}, {"image_id": 10199, "bbox": [2028, 933, 333, 254], "category_id": 0, "id": 707, "iscrowd": 0, "weight": 0.5820023903533424, "segmentation": [], "area": 84582}, {"image_id": 10199, "bbox": [301, 1800, 933, 667], "category_id": 2, "id": 708, "iscrowd": 0, "weight": 0.8018881659779613, "segmentation": [], "area": 622311}], "categories": [{"id": 0, "name": "yanse"}, {"id": 1, "name": "huahen"}, {"id": 2, "name": "mosun"}]} \ No newline at end of file diff --git a/examples/yaoba/singletask_learning_boost/resource/json/NG_test.json b/examples/yaoba/singletask_learning_boost/resource/json/NG_test.json new file mode 100644 index 00000000..5fa14428 --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/json/NG_test.json @@ -0,0 +1 @@ +{"images": [{"file_name": "2021-05-17-14-01-30.jpg", "id": 10000, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-51-30.jpg", "id": 10001, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-46-48.jpg", "id": 10002, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-33-58.jpg", "id": 10003, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-38-52.jpg", "id": 10004, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-41-48.jpg", "id": 10005, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-06-24.jpg", "id": 10006, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-20-52.jpg", "id": 10007, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-26-10.jpg", "id": 10008, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-54-06.jpg", "id": 10009, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-36-14.jpg", "id": 10010, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-28-20.jpg", "id": 10011, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-16-57-38.jpg", "id": 10012, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-14-42.jpg", "id": 10013, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-12-20.jpg", "id": 10014, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-07-08.jpg", "id": 10015, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-52-56.jpg", "id": 10016, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-30-48.jpg", "id": 10017, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-16-55-04.jpg", "id": 10018, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-07-44.jpg", "id": 10019, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-53-06.jpg", "id": 10020, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-18-44.jpg", "id": 10021, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-55-00.jpg", "id": 10022, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-53-32.jpg", "id": 10023, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-45-52.jpg", "id": 10024, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-27-04.jpg", "id": 10025, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-31-50.jpg", "id": 10026, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-08-08.jpg", "id": 10027, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-48-34.jpg", "id": 10028, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-37-38.jpg", "id": 10029, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-01-04.jpg", "id": 10030, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-34-42.jpg", "id": 10031, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-30-42.jpg", "id": 10032, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-20-36.jpg", "id": 10033, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-53-02.jpg", "id": 10034, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-02-02.jpg", "id": 10035, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-35-58.jpg", "id": 10036, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-03-36.jpg", "id": 10037, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-14-24.jpg", "id": 10038, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-09-44.jpg", "id": 10039, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-32-02.jpg", "id": 10040, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-18-02.jpg", "id": 10041, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-55-24.jpg", "id": 10042, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-35-50.jpg", "id": 10043, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-59-00.jpg", "id": 10044, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-12-10.jpg", "id": 10045, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-52-44.jpg", "id": 10046, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-56-46.jpg", "id": 10047, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-46-48.jpg", "id": 10048, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-32-16.jpg", "id": 10049, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-19-56.jpg", "id": 10050, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-14-56.jpg", "id": 10051, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-21-22.jpg", "id": 10052, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-24-26.jpg", "id": 10053, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-35-12.jpg", "id": 10054, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-03-40.jpg", "id": 10055, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-17-46.jpg", "id": 10056, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-00-10.jpg", "id": 10057, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-23-12.jpg", "id": 10058, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-09-20.jpg", "id": 10059, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-08-40.jpg", "id": 10060, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-24-52.jpg", "id": 10061, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-54-10.jpg", "id": 10062, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-38-38.jpg", "id": 10063, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-21-12.jpg", "id": 10064, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-47-20.jpg", "id": 10065, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-01-30.jpg", "id": 10066, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-55-56.jpg", "id": 10067, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-17-06-44.jpg", "id": 10068, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-03-34.jpg", "id": 10069, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-46-24.jpg", "id": 10070, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-49-34.jpg", "id": 10071, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-31-46.jpg", "id": 10072, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-37-50.jpg", "id": 10073, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-39-12.jpg", "id": 10074, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-10-50.jpg", "id": 10075, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-51-26.jpg", "id": 10076, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-58-50.jpg", "id": 10077, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-54-34.jpg", "id": 10078, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-36-14.jpg", "id": 10079, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-17-32.jpg", "id": 10080, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-10-24.jpg", "id": 10081, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-46-48.jpg", "id": 10082, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-30-54.jpg", "id": 10083, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-38-26.jpg", "id": 10084, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-04-06.jpg", "id": 10085, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-54-40.jpg", "id": 10086, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-23-56.jpg", "id": 10087, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-00-28.jpg", "id": 10088, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-23-38.jpg", "id": 10089, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-06-20.jpg", "id": 10090, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-29-18.jpg", "id": 10091, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-54-10.jpg", "id": 10092, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-53-02.jpg", "id": 10093, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-44-16.jpg", "id": 10094, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-07-18.jpg", "id": 10095, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-55-26.jpg", "id": 10096, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-33-40.jpg", "id": 10097, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-33-08.jpg", "id": 10098, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-41-48.jpg", "id": 10099, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-53-00.jpg", "id": 10100, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-58-18.jpg", "id": 10101, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-08-34.jpg", "id": 10102, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-22-36.jpg", "id": 10103, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-50-32.jpg", "id": 10104, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-21-06.jpg", "id": 10105, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-47-16.jpg", "id": 10106, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-58-36.jpg", "id": 10107, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-44-40.jpg", "id": 10108, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-35-00.jpg", "id": 10109, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-16-56-04.jpg", "id": 10110, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-11-18.jpg", "id": 10111, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-56-56.jpg", "id": 10112, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-52-16.jpg", "id": 10113, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-17-04-10.jpg", "id": 10114, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-38-46.jpg", "id": 10115, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-50-46.jpg", "id": 10116, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-51-54.jpg", "id": 10117, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-34-12.jpg", "id": 10118, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-22-58.jpg", "id": 10119, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-30-34.jpg", "id": 10120, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-18-58.jpg", "id": 10121, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-03-46.jpg", "id": 10122, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-33-22.jpg", "id": 10123, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-25-28.jpg", "id": 10124, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-20-16.jpg", "id": 10125, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-06-08.jpg", "id": 10126, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-16-00.jpg", "id": 10127, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-16-16.jpg", "id": 10128, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-50-20.jpg", "id": 10129, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-46-36.jpg", "id": 10130, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-11-08.jpg", "id": 10131, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-45-06.jpg", "id": 10132, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-56-20.jpg", "id": 10133, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-52-08.jpg", "id": 10134, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-27-08.jpg", "id": 10135, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-22-44.jpg", "id": 10136, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-44-44.jpg", "id": 10137, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-46-06.jpg", "id": 10138, "height": 3036, "width": 4024}], "annotations": [{"image_id": 10000, "bbox": [2664, 563, 1044, 1240], "category_id": 2, "id": 0, "iscrowd": 0, "weight": 0.2124562859175273, "segmentation": [], "area": 1294560}, {"image_id": 10000, "bbox": [641, 1437, 70, 67], "category_id": 1, "id": 1, "iscrowd": 0, "weight": 0.38472513355504745, "segmentation": [], "area": 4690}, {"image_id": 10001, "bbox": [2248, 883, 680, 220], "category_id": 1, "id": 2, "iscrowd": 0, "weight": 0.18319500906696073, "segmentation": [], "area": 149600}, {"image_id": 10001, "bbox": [2131, 701, 421, 355], "category_id": 1, "id": 3, "iscrowd": 0, "weight": 0.7318546819459814, "segmentation": [], "area": 149455}, {"image_id": 10002, "bbox": [3188, 1773, 562, 1262], "category_id": 0, "id": 4, "iscrowd": 0, "weight": 0.6022299140510204, "segmentation": [], "area": 709244}, {"image_id": 10003, "bbox": [2192, 2029, 351, 384], "category_id": 0, "id": 5, "iscrowd": 0, "weight": 0.8358235853362918, "segmentation": [], "area": 134784}, {"image_id": 10003, "bbox": [2227, 1303, 336, 717], "category_id": 0, "id": 6, "iscrowd": 0, "weight": 0.9751002814267673, "segmentation": [], "area": 240912}, {"image_id": 10003, "bbox": [2274, 830, 314, 440], "category_id": 0, "id": 7, "iscrowd": 0, "weight": 0.40324983757598165, "segmentation": [], "area": 138160}, {"image_id": 10004, "bbox": [2881, 1870, 933, 1165], "category_id": 0, "id": 8, "iscrowd": 0, "weight": 0.3294467150215348, "segmentation": [], "area": 1086945}, {"image_id": 10005, "bbox": [1476, 1300, 609, 575], "category_id": 0, "id": 9, "iscrowd": 0, "weight": 0.7939318818676839, "segmentation": [], "area": 350175}, {"image_id": 10005, "bbox": [1371, 1777, 597, 616], "category_id": 0, "id": 10, "iscrowd": 0, "weight": 0.0030938225348092763, "segmentation": [], "area": 367752}, {"image_id": 10005, "bbox": [1794, 1057, 437, 293], "category_id": 0, "id": 11, "iscrowd": 0, "weight": 0.8571272984017558, "segmentation": [], "area": 128041}, {"image_id": 10005, "bbox": [3023, 2049, 21, 40], "category_id": 1, "id": 12, "iscrowd": 0, "weight": 0.768186767070951, "segmentation": [], "area": 840}, {"image_id": 10005, "bbox": [2504, 1856, 80, 96], "category_id": 1, "id": 13, "iscrowd": 0, "weight": 0.23145659710366184, "segmentation": [], "area": 7680}, {"image_id": 10005, "bbox": [3218, 2714, 250, 155], "category_id": 2, "id": 14, "iscrowd": 0, "weight": 0.15197907427175672, "segmentation": [], "area": 38750}, {"image_id": 10005, "bbox": [3817, 2358, 155, 231], "category_id": 2, "id": 15, "iscrowd": 0, "weight": 0.6748369117738368, "segmentation": [], "area": 35805}, {"image_id": 10006, "bbox": [1884, 467, 400, 506], "category_id": 0, "id": 16, "iscrowd": 0, "weight": 0.18199007582042726, "segmentation": [], "area": 202400}, {"image_id": 10006, "bbox": [698, 1637, 590, 667], "category_id": 1, "id": 17, "iscrowd": 0, "weight": 0.28337581751435437, "segmentation": [], "area": 393530}, {"image_id": 10006, "bbox": [8, 1833, 433, 914], "category_id": 2, "id": 18, "iscrowd": 0, "weight": 0.9288776692347706, "segmentation": [], "area": 395762}, {"image_id": 10006, "bbox": [1874, 890, 424, 727], "category_id": 0, "id": 19, "iscrowd": 0, "weight": 0.7148750331827818, "segmentation": [], "area": 308248}, {"image_id": 10007, "bbox": [1971, 1153, 817, 357], "category_id": 1, "id": 20, "iscrowd": 0, "weight": 0.3734310452950177, "segmentation": [], "area": 291669}, {"image_id": 10007, "bbox": [3388, 1870, 626, 1013], "category_id": 2, "id": 21, "iscrowd": 0, "weight": 0.41016437235808334, "segmentation": [], "area": 634138}, {"image_id": 10007, "bbox": [1451, 359, 96, 79], "category_id": 0, "id": 22, "iscrowd": 0, "weight": 0.16225375035147072, "segmentation": [], "area": 7584}, {"image_id": 10007, "bbox": [1004, 509, 659, 1235], "category_id": 0, "id": 23, "iscrowd": 0, "weight": 0.9436456272974139, "segmentation": [], "area": 813865}, {"image_id": 10008, "bbox": [779, 672, 459, 128], "category_id": 2, "id": 24, "iscrowd": 0, "weight": 0.7235511565687723, "segmentation": [], "area": 58752}, {"image_id": 10008, "bbox": [1441, 1101, 554, 572], "category_id": 1, "id": 25, "iscrowd": 0, "weight": 0.9608291630797462, "segmentation": [], "area": 316888}, {"image_id": 10008, "bbox": [231, 840, 257, 113], "category_id": 2, "id": 26, "iscrowd": 0, "weight": 0.044271898880149596, "segmentation": [], "area": 29041}, {"image_id": 10008, "bbox": [4, 1490, 1414, 753], "category_id": 2, "id": 27, "iscrowd": 0, "weight": 0.35298421515978307, "segmentation": [], "area": 1064742}, {"image_id": 10008, "bbox": [3551, 1097, 472, 1044], "category_id": 0, "id": 28, "iscrowd": 0, "weight": 0.061402262136157515, "segmentation": [], "area": 492768}, {"image_id": 10008, "bbox": [1892, 707, 239, 339], "category_id": 1, "id": 29, "iscrowd": 0, "weight": 0.4889462048904075, "segmentation": [], "area": 81021}, {"image_id": 10008, "bbox": [1398, 711, 439, 264], "category_id": 2, "id": 30, "iscrowd": 0, "weight": 0.12401248033722723, "segmentation": [], "area": 115896}, {"image_id": 10008, "bbox": [1763, 1733, 268, 162], "category_id": 1, "id": 31, "iscrowd": 0, "weight": 0.6108326346214292, "segmentation": [], "area": 43416}, {"image_id": 10009, "bbox": [1138, 830, 196, 110], "category_id": 1, "id": 32, "iscrowd": 0, "weight": 0.2822386288098999, "segmentation": [], "area": 21560}, {"image_id": 10009, "bbox": [3011, 2077, 483, 730], "category_id": 1, "id": 33, "iscrowd": 0, "weight": 0.4248280911026734, "segmentation": [], "area": 352590}, {"image_id": 10010, "bbox": [858, 1550, 366, 237], "category_id": 0, "id": 34, "iscrowd": 0, "weight": 0.49646698787524524, "segmentation": [], "area": 86742}, {"image_id": 10010, "bbox": [2514, 1137, 107, 83], "category_id": 0, "id": 35, "iscrowd": 0, "weight": 0.04058174557993499, "segmentation": [], "area": 8881}, {"image_id": 10010, "bbox": [91, 2280, 652, 755], "category_id": 2, "id": 36, "iscrowd": 0, "weight": 0.6793887616348537, "segmentation": [], "area": 492260}, {"image_id": 10010, "bbox": [824, 2050, 90, 113], "category_id": 0, "id": 37, "iscrowd": 0, "weight": 0.7355182345707784, "segmentation": [], "area": 10170}, {"image_id": 10010, "bbox": [958, 1623, 1036, 687], "category_id": 0, "id": 38, "iscrowd": 0, "weight": 0.4774610365279689, "segmentation": [], "area": 711732}, {"image_id": 10010, "bbox": [1748, 2093, 490, 250], "category_id": 0, "id": 39, "iscrowd": 0, "weight": 0.5894670286356891, "segmentation": [], "area": 122500}, {"image_id": 10010, "bbox": [2134, 1736, 138, 103], "category_id": 0, "id": 40, "iscrowd": 0, "weight": 0.07559547371479558, "segmentation": [], "area": 14214}, {"image_id": 10011, "bbox": [1338, 823, 790, 800], "category_id": 0, "id": 41, "iscrowd": 0, "weight": 0.7966018139069931, "segmentation": [], "area": 632000}, {"image_id": 10011, "bbox": [1991, 1007, 950, 960], "category_id": 1, "id": 42, "iscrowd": 0, "weight": 0.7845048966075523, "segmentation": [], "area": 912000}, {"image_id": 10011, "bbox": [3434, 3, 564, 824], "category_id": 2, "id": 43, "iscrowd": 0, "weight": 0.6387972775496131, "segmentation": [], "area": 464736}, {"image_id": 10012, "bbox": [1468, 1440, 1260, 1037], "category_id": 1, "id": 44, "iscrowd": 0, "weight": 0.7473649282438924, "segmentation": [], "area": 1306620}, {"image_id": 10013, "bbox": [1488, 1580, 863, 187], "category_id": 0, "id": 45, "iscrowd": 0, "weight": 0.086264676322229, "segmentation": [], "area": 161381}, {"image_id": 10013, "bbox": [1484, 2087, 800, 663], "category_id": 2, "id": 46, "iscrowd": 0, "weight": 0.0063596202403554125, "segmentation": [], "area": 530400}, {"image_id": 10014, "bbox": [484, 33, 1597, 1574], "category_id": 1, "id": 47, "iscrowd": 0, "weight": 0.3337259773378184, "segmentation": [], "area": 2513678}, {"image_id": 10014, "bbox": [3271, 2113, 743, 644], "category_id": 0, "id": 48, "iscrowd": 0, "weight": 0.06603406076248386, "segmentation": [], "area": 478492}, {"image_id": 10015, "bbox": [1951, 1343, 540, 450], "category_id": 0, "id": 49, "iscrowd": 0, "weight": 0.8451395458700243, "segmentation": [], "area": 243000}, {"image_id": 10015, "bbox": [2321, 1263, 807, 290], "category_id": 0, "id": 50, "iscrowd": 0, "weight": 0.8985342581246323, "segmentation": [], "area": 234030}, {"image_id": 10015, "bbox": [1811, 1203, 140, 80], "category_id": 1, "id": 51, "iscrowd": 0, "weight": 0.0949637141488402, "segmentation": [], "area": 11200}, {"image_id": 10016, "bbox": [1208, 957, 1240, 313], "category_id": 0, "id": 52, "iscrowd": 0, "weight": 0.48880354405440496, "segmentation": [], "area": 388120}, {"image_id": 10016, "bbox": [1001, 1383, 773, 464], "category_id": 0, "id": 53, "iscrowd": 0, "weight": 0.35874679610364857, "segmentation": [], "area": 358672}, {"image_id": 10016, "bbox": [1092, 1950, 286, 176], "category_id": 0, "id": 54, "iscrowd": 0, "weight": 0.7013963969243782, "segmentation": [], "area": 50336}, {"image_id": 10016, "bbox": [1968, 1350, 906, 427], "category_id": 1, "id": 55, "iscrowd": 0, "weight": 0.5761383695866936, "segmentation": [], "area": 386862}, {"image_id": 10017, "bbox": [1684, 710, 487, 347], "category_id": 2, "id": 56, "iscrowd": 0, "weight": 0.9546040527432631, "segmentation": [], "area": 168989}, {"image_id": 10017, "bbox": [2414, 1437, 437, 323], "category_id": 2, "id": 57, "iscrowd": 0, "weight": 0.7448842500131936, "segmentation": [], "area": 141151}, {"image_id": 10017, "bbox": [634, 1157, 1030, 546], "category_id": 0, "id": 58, "iscrowd": 0, "weight": 0.57903385704847, "segmentation": [], "area": 562380}, {"image_id": 10017, "bbox": [314, 2023, 760, 587], "category_id": 1, "id": 59, "iscrowd": 0, "weight": 0.7980118393322302, "segmentation": [], "area": 446120}, {"image_id": 10017, "bbox": [434, 2493, 364, 230], "category_id": 0, "id": 60, "iscrowd": 0, "weight": 0.28884322691499953, "segmentation": [], "area": 83720}, {"image_id": 10017, "bbox": [1221, 1330, 537, 397], "category_id": 0, "id": 61, "iscrowd": 0, "weight": 0.1012660103980636, "segmentation": [], "area": 213189}, {"image_id": 10018, "bbox": [1540, 987, 1191, 1326], "category_id": 1, "id": 62, "iscrowd": 0, "weight": 0.547222849916469, "segmentation": [], "area": 1579266}, {"image_id": 10019, "bbox": [908, 1043, 1666, 950], "category_id": 1, "id": 63, "iscrowd": 0, "weight": 0.45663262565436347, "segmentation": [], "area": 1582700}, {"image_id": 10019, "bbox": [648, 2193, 646, 384], "category_id": 0, "id": 64, "iscrowd": 0, "weight": 0.8644321790372991, "segmentation": [], "area": 248064}, {"image_id": 10019, "bbox": [974, 2247, 1034, 363], "category_id": 0, "id": 65, "iscrowd": 0, "weight": 0.8274570563192994, "segmentation": [], "area": 375342}, {"image_id": 10020, "bbox": [1788, 743, 790, 1070], "category_id": 1, "id": 66, "iscrowd": 0, "weight": 0.0041938776982708426, "segmentation": [], "area": 845300}, {"image_id": 10020, "bbox": [14, 1503, 1649, 1530], "category_id": 2, "id": 67, "iscrowd": 0, "weight": 0.5046334720885646, "segmentation": [], "area": 2522970}, {"image_id": 10021, "bbox": [2004, 647, 694, 366], "category_id": 2, "id": 68, "iscrowd": 0, "weight": 0.8327101324276441, "segmentation": [], "area": 254004}, {"image_id": 10021, "bbox": [2178, 1833, 1003, 714], "category_id": 2, "id": 69, "iscrowd": 0, "weight": 0.8654309601184438, "segmentation": [], "area": 716142}, {"image_id": 10021, "bbox": [408, 2277, 993, 473], "category_id": 0, "id": 70, "iscrowd": 0, "weight": 0.28026909424898916, "segmentation": [], "area": 469689}, {"image_id": 10021, "bbox": [184, 2473, 67, 217], "category_id": 0, "id": 71, "iscrowd": 0, "weight": 0.3722041022703262, "segmentation": [], "area": 14539}, {"image_id": 10022, "bbox": [1791, 813, 300, 417], "category_id": 0, "id": 72, "iscrowd": 0, "weight": 0.960205026855429, "segmentation": [], "area": 125100}, {"image_id": 10022, "bbox": [1868, 1237, 575, 992], "category_id": 0, "id": 73, "iscrowd": 0, "weight": 0.7627126628396101, "segmentation": [], "area": 570400}, {"image_id": 10022, "bbox": [2578, 1727, 233, 776], "category_id": 1, "id": 74, "iscrowd": 0, "weight": 0.6106655781383138, "segmentation": [], "area": 180808}, {"image_id": 10023, "bbox": [370, 2753, 238, 118], "category_id": 0, "id": 75, "iscrowd": 0, "weight": 0.7331838178238758, "segmentation": [], "area": 28084}, {"image_id": 10023, "bbox": [575, 2101, 865, 458], "category_id": 0, "id": 76, "iscrowd": 0, "weight": 0.1166898786288586, "segmentation": [], "area": 396170}, {"image_id": 10023, "bbox": [331, 2310, 1048, 433], "category_id": 0, "id": 77, "iscrowd": 0, "weight": 0.2415505444527093, "segmentation": [], "area": 453784}, {"image_id": 10024, "bbox": [104, 247, 987, 930], "category_id": 2, "id": 78, "iscrowd": 0, "weight": 0.5103239842268713, "segmentation": [], "area": 917910}, {"image_id": 10024, "bbox": [3131, 2253, 100, 150], "category_id": 1, "id": 79, "iscrowd": 0, "weight": 0.11539466564752932, "segmentation": [], "area": 15000}, {"image_id": 10024, "bbox": [3161, 2427, 100, 113], "category_id": 1, "id": 80, "iscrowd": 0, "weight": 0.19428954570214485, "segmentation": [], "area": 11300}, {"image_id": 10024, "bbox": [1768, 1527, 123, 376], "category_id": 1, "id": 81, "iscrowd": 0, "weight": 0.51502784539339, "segmentation": [], "area": 46248}, {"image_id": 10024, "bbox": [3281, 2690, 137, 187], "category_id": 1, "id": 82, "iscrowd": 0, "weight": 0.788866295065246, "segmentation": [], "area": 25619}, {"image_id": 10025, "bbox": [2268, 873, 1140, 434], "category_id": 0, "id": 83, "iscrowd": 0, "weight": 0.8980244058502024, "segmentation": [], "area": 494760}, {"image_id": 10025, "bbox": [1841, 1010, 223, 723], "category_id": 1, "id": 84, "iscrowd": 0, "weight": 0.10019889359313194, "segmentation": [], "area": 161229}, {"image_id": 10026, "bbox": [1691, 1133, 847, 624], "category_id": 1, "id": 85, "iscrowd": 0, "weight": 0.4516112972718963, "segmentation": [], "area": 528528}, {"image_id": 10026, "bbox": [3621, 290, 190, 257], "category_id": 2, "id": 86, "iscrowd": 0, "weight": 0.881959795379641, "segmentation": [], "area": 48830}, {"image_id": 10027, "bbox": [2681, 1267, 840, 853], "category_id": 0, "id": 87, "iscrowd": 0, "weight": 0.4128097785968676, "segmentation": [], "area": 716520}, {"image_id": 10027, "bbox": [2064, 810, 357, 1130], "category_id": 1, "id": 88, "iscrowd": 0, "weight": 0.44417165011779913, "segmentation": [], "area": 403410}, {"image_id": 10027, "bbox": [2691, 790, 1053, 207], "category_id": 2, "id": 89, "iscrowd": 0, "weight": 0.2177853341444943, "segmentation": [], "area": 217971}, {"image_id": 10028, "bbox": [11, 1107, 207, 450], "category_id": 2, "id": 90, "iscrowd": 0, "weight": 0.0038236449411543916, "segmentation": [], "area": 93150}, {"image_id": 10028, "bbox": [604, 1490, 1124, 420], "category_id": 1, "id": 91, "iscrowd": 0, "weight": 0.37533624223102535, "segmentation": [], "area": 472080}, {"image_id": 10028, "bbox": [1048, 753, 1736, 234], "category_id": 2, "id": 92, "iscrowd": 0, "weight": 0.4753926582386727, "segmentation": [], "area": 406224}, {"image_id": 10028, "bbox": [2851, 1020, 70, 77], "category_id": 1, "id": 93, "iscrowd": 0, "weight": 0.6149945381966003, "segmentation": [], "area": 5390}, {"image_id": 10028, "bbox": [2354, 1100, 67, 147], "category_id": 1, "id": 94, "iscrowd": 0, "weight": 0.5637142262968077, "segmentation": [], "area": 9849}, {"image_id": 10028, "bbox": [1894, 1170, 170, 240], "category_id": 2, "id": 95, "iscrowd": 0, "weight": 0.38261265770579755, "segmentation": [], "area": 40800}, {"image_id": 10028, "bbox": [2128, 1377, 148, 88], "category_id": 2, "id": 96, "iscrowd": 0, "weight": 0.34277988182049035, "segmentation": [], "area": 13024}, {"image_id": 10028, "bbox": [3308, 797, 180, 126], "category_id": 0, "id": 97, "iscrowd": 0, "weight": 0.8827941466727792, "segmentation": [], "area": 22680}, {"image_id": 10028, "bbox": [2034, 1380, 117, 70], "category_id": 0, "id": 98, "iscrowd": 0, "weight": 0.7129871354508901, "segmentation": [], "area": 8190}, {"image_id": 10028, "bbox": [2360, 1387, 222, 75], "category_id": 2, "id": 99, "iscrowd": 0, "weight": 0.7641649815212465, "segmentation": [], "area": 16650}, {"image_id": 10029, "bbox": [1528, 763, 556, 440], "category_id": 2, "id": 100, "iscrowd": 0, "weight": 0.38963864101259305, "segmentation": [], "area": 244640}, {"image_id": 10029, "bbox": [1921, 1113, 710, 542], "category_id": 2, "id": 101, "iscrowd": 0, "weight": 0.3817045427755218, "segmentation": [], "area": 384820}, {"image_id": 10029, "bbox": [2405, 1913, 179, 204], "category_id": 2, "id": 102, "iscrowd": 0, "weight": 0.20904029472794372, "segmentation": [], "area": 36516}, {"image_id": 10029, "bbox": [1084, 1557, 710, 1226], "category_id": 0, "id": 103, "iscrowd": 0, "weight": 0.5977331594619467, "segmentation": [], "area": 870460}, {"image_id": 10029, "bbox": [415, 2775, 213, 252], "category_id": 2, "id": 104, "iscrowd": 0, "weight": 0.5052541128559193, "segmentation": [], "area": 53676}, {"image_id": 10030, "bbox": [1601, 690, 820, 982], "category_id": 0, "id": 105, "iscrowd": 0, "weight": 0.3024480737404448, "segmentation": [], "area": 805240}, {"image_id": 10030, "bbox": [1038, 1297, 576, 313], "category_id": 1, "id": 106, "iscrowd": 0, "weight": 0.8715096179932728, "segmentation": [], "area": 180288}, {"image_id": 10031, "bbox": [534, 33, 947, 1254], "category_id": 1, "id": 107, "iscrowd": 0, "weight": 0.742954481304834, "segmentation": [], "area": 1187538}, {"image_id": 10031, "bbox": [261, 240, 317, 383], "category_id": 2, "id": 108, "iscrowd": 0, "weight": 0.6515324992507139, "segmentation": [], "area": 121411}, {"image_id": 10031, "bbox": [2327, 913, 551, 464], "category_id": 2, "id": 109, "iscrowd": 0, "weight": 0.5025618255396492, "segmentation": [], "area": 255664}, {"image_id": 10031, "bbox": [2431, 1360, 63, 140], "category_id": 1, "id": 110, "iscrowd": 0, "weight": 0.9197636734041366, "segmentation": [], "area": 8820}, {"image_id": 10031, "bbox": [2306, 1583, 347, 256], "category_id": 2, "id": 111, "iscrowd": 0, "weight": 0.8879265434282183, "segmentation": [], "area": 88832}, {"image_id": 10031, "bbox": [2938, 1560, 70, 50], "category_id": 1, "id": 112, "iscrowd": 0, "weight": 0.7789461812955017, "segmentation": [], "area": 3500}, {"image_id": 10031, "bbox": [2682, 2374, 68, 75], "category_id": 1, "id": 113, "iscrowd": 0, "weight": 0.4203770476695168, "segmentation": [], "area": 5100}, {"image_id": 10032, "bbox": [1628, 250, 570, 487], "category_id": 2, "id": 114, "iscrowd": 0, "weight": 0.5681713303994806, "segmentation": [], "area": 277590}, {"image_id": 10032, "bbox": [1999, 769, 646, 633], "category_id": 2, "id": 115, "iscrowd": 0, "weight": 0.44214388328722654, "segmentation": [], "area": 408918}, {"image_id": 10032, "bbox": [1794, 1450, 1010, 763], "category_id": 2, "id": 116, "iscrowd": 0, "weight": 0.9032320394051461, "segmentation": [], "area": 770630}, {"image_id": 10032, "bbox": [354, 2007, 1314, 586], "category_id": 0, "id": 117, "iscrowd": 0, "weight": 0.7798715040160388, "segmentation": [], "area": 770004}, {"image_id": 10032, "bbox": [101, 2443, 543, 277], "category_id": 0, "id": 118, "iscrowd": 0, "weight": 0.5405366502445252, "segmentation": [], "area": 150411}, {"image_id": 10032, "bbox": [2169, 607, 203, 148], "category_id": 1, "id": 119, "iscrowd": 0, "weight": 0.7850191532164855, "segmentation": [], "area": 30044}, {"image_id": 10032, "bbox": [495, 1658, 552, 326], "category_id": 0, "id": 120, "iscrowd": 0, "weight": 0.9256139267622051, "segmentation": [], "area": 179952}, {"image_id": 10032, "bbox": [147, 1932, 90, 142], "category_id": 0, "id": 121, "iscrowd": 0, "weight": 0.5490436449508639, "segmentation": [], "area": 12780}, {"image_id": 10033, "bbox": [1291, 1243, 623, 734], "category_id": 1, "id": 122, "iscrowd": 0, "weight": 0.9679979780101188, "segmentation": [], "area": 457282}, {"image_id": 10033, "bbox": [394, 1130, 784, 957], "category_id": 0, "id": 123, "iscrowd": 0, "weight": 0.5963350672999245, "segmentation": [], "area": 750288}, {"image_id": 10033, "bbox": [3164, 1127, 737, 810], "category_id": 2, "id": 124, "iscrowd": 0, "weight": 0.4908676542993259, "segmentation": [], "area": 596970}, {"image_id": 10034, "bbox": [2138, 1220, 666, 397], "category_id": 1, "id": 125, "iscrowd": 0, "weight": 0.0886403650377936, "segmentation": [], "area": 264402}, {"image_id": 10034, "bbox": [3271, 1033, 431, 864], "category_id": 0, "id": 126, "iscrowd": 0, "weight": 0.29191188152639347, "segmentation": [], "area": 372384}, {"image_id": 10034, "bbox": [114, 1007, 554, 360], "category_id": 2, "id": 127, "iscrowd": 0, "weight": 0.14725248586638673, "segmentation": [], "area": 199440}, {"image_id": 10034, "bbox": [3540, 884, 287, 126], "category_id": 0, "id": 128, "iscrowd": 0, "weight": 0.9678345422100921, "segmentation": [], "area": 36162}, {"image_id": 10035, "bbox": [2114, 1103, 1117, 804], "category_id": 1, "id": 129, "iscrowd": 0, "weight": 0.154615254452257, "segmentation": [], "area": 898068}, {"image_id": 10035, "bbox": [938, 1793, 63, 50], "category_id": 1, "id": 130, "iscrowd": 0, "weight": 0.5731880540348406, "segmentation": [], "area": 3150}, {"image_id": 10035, "bbox": [1438, 1623, 50, 120], "category_id": 1, "id": 131, "iscrowd": 0, "weight": 0.5122936053747148, "segmentation": [], "area": 6000}, {"image_id": 10035, "bbox": [3614, 937, 354, 890], "category_id": 2, "id": 132, "iscrowd": 0, "weight": 0.23436929995413047, "segmentation": [], "area": 315060}, {"image_id": 10036, "bbox": [1338, 830, 443, 1057], "category_id": 1, "id": 133, "iscrowd": 0, "weight": 0.7311050269815419, "segmentation": [], "area": 468251}, {"image_id": 10036, "bbox": [2637, 817, 391, 167], "category_id": 0, "id": 134, "iscrowd": 0, "weight": 0.5802634444723803, "segmentation": [], "area": 65297}, {"image_id": 10036, "bbox": [2301, 1087, 370, 620], "category_id": 0, "id": 135, "iscrowd": 0, "weight": 0.4386396366613916, "segmentation": [], "area": 229400}, {"image_id": 10036, "bbox": [3261, 1190, 727, 760], "category_id": 2, "id": 136, "iscrowd": 0, "weight": 0.46211169049763967, "segmentation": [], "area": 552520}, {"image_id": 10036, "bbox": [2766, 1113, 100, 116], "category_id": 0, "id": 137, "iscrowd": 0, "weight": 0.5404349929095319, "segmentation": [], "area": 11600}, {"image_id": 10036, "bbox": [2734, 1549, 48, 68], "category_id": 0, "id": 138, "iscrowd": 0, "weight": 0.7988014915334669, "segmentation": [], "area": 3264}, {"image_id": 10037, "bbox": [2674, 650, 277, 963], "category_id": 1, "id": 139, "iscrowd": 0, "weight": 0.9009125100491685, "segmentation": [], "area": 266751}, {"image_id": 10038, "bbox": [2034, 897, 137, 1063], "category_id": 1, "id": 140, "iscrowd": 0, "weight": 0.4180655374694502, "segmentation": [], "area": 145631}, {"image_id": 10038, "bbox": [3883, 389, 63, 460], "category_id": 2, "id": 141, "iscrowd": 0, "weight": 0.09712690249425282, "segmentation": [], "area": 28980}, {"image_id": 10039, "bbox": [1201, 1673, 523, 970], "category_id": 0, "id": 142, "iscrowd": 0, "weight": 0.08653538338742073, "segmentation": [], "area": 507310}, {"image_id": 10039, "bbox": [1711, 1353, 987, 317], "category_id": 1, "id": 143, "iscrowd": 0, "weight": 0.20932253997038164, "segmentation": [], "area": 312879}, {"image_id": 10040, "bbox": [1614, 1333, 670, 377], "category_id": 1, "id": 144, "iscrowd": 0, "weight": 0.7230659044699689, "segmentation": [], "area": 252590}, {"image_id": 10040, "bbox": [2428, 1417, 66, 106], "category_id": 1, "id": 145, "iscrowd": 0, "weight": 0.2559574026999114, "segmentation": [], "area": 6996}, {"image_id": 10040, "bbox": [0, 90, 304, 575], "category_id": 2, "id": 146, "iscrowd": 0, "weight": 0.35293633656915124, "segmentation": [], "area": 174800}, {"image_id": 10040, "bbox": [3618, 1803, 60, 54], "category_id": 0, "id": 147, "iscrowd": 0, "weight": 0.2363046420608227, "segmentation": [], "area": 3240}, {"image_id": 10040, "bbox": [1134, 1067, 50, 47], "category_id": 0, "id": 148, "iscrowd": 0, "weight": 0.013795661227034905, "segmentation": [], "area": 2350}, {"image_id": 10040, "bbox": [1008, 1453, 53, 42], "category_id": 0, "id": 149, "iscrowd": 0, "weight": 0.8285110999338784, "segmentation": [], "area": 2226}, {"image_id": 10040, "bbox": [384, 350, 324, 377], "category_id": 2, "id": 150, "iscrowd": 0, "weight": 0.6818765997937872, "segmentation": [], "area": 122148}, {"image_id": 10041, "bbox": [1698, 1043, 323, 760], "category_id": 1, "id": 151, "iscrowd": 0, "weight": 0.6085636206723811, "segmentation": [], "area": 245480}, {"image_id": 10041, "bbox": [2248, 1107, 73, 120], "category_id": 1, "id": 152, "iscrowd": 0, "weight": 0.5738507007036157, "segmentation": [], "area": 8760}, {"image_id": 10041, "bbox": [21, 1767, 53, 73], "category_id": 0, "id": 153, "iscrowd": 0, "weight": 0.5163793946141122, "segmentation": [], "area": 3869}, {"image_id": 10042, "bbox": [2654, 1523, 74, 157], "category_id": 1, "id": 154, "iscrowd": 0, "weight": 0.6422715027005823, "segmentation": [], "area": 11618}, {"image_id": 10042, "bbox": [1021, 637, 620, 623], "category_id": 1, "id": 155, "iscrowd": 0, "weight": 0.8509375523480068, "segmentation": [], "area": 386260}, {"image_id": 10043, "bbox": [1601, 1133, 603, 370], "category_id": 1, "id": 156, "iscrowd": 0, "weight": 0.40245902766915365, "segmentation": [], "area": 223110}, {"image_id": 10043, "bbox": [192, 210, 248, 470], "category_id": 2, "id": 157, "iscrowd": 0, "weight": 0.5365078314789036, "segmentation": [], "area": 116560}, {"image_id": 10043, "bbox": [2640, 2360, 116, 113], "category_id": 2, "id": 158, "iscrowd": 0, "weight": 0.03360931249711541, "segmentation": [], "area": 13108}, {"image_id": 10044, "bbox": [2811, 1677, 255, 936], "category_id": 1, "id": 159, "iscrowd": 0, "weight": 0.30915706325023373, "segmentation": [], "area": 238680}, {"image_id": 10044, "bbox": [1311, 453, 105, 114], "category_id": 2, "id": 160, "iscrowd": 0, "weight": 0.7420209813088523, "segmentation": [], "area": 11970}, {"image_id": 10045, "bbox": [2761, 1567, 127, 933], "category_id": 1, "id": 161, "iscrowd": 0, "weight": 0.9550380238920982, "segmentation": [], "area": 118491}, {"image_id": 10045, "bbox": [3241, 1983, 180, 50], "category_id": 0, "id": 162, "iscrowd": 0, "weight": 0.6382749557091758, "segmentation": [], "area": 9000}, {"image_id": 10046, "bbox": [1978, 953, 140, 107], "category_id": 1, "id": 163, "iscrowd": 0, "weight": 0.33877876509020066, "segmentation": [], "area": 14980}, {"image_id": 10046, "bbox": [1608, 1220, 973, 860], "category_id": 1, "id": 164, "iscrowd": 0, "weight": 0.5988527768755555, "segmentation": [], "area": 836780}, {"image_id": 10046, "bbox": [144, 2453, 351, 235], "category_id": 2, "id": 165, "iscrowd": 0, "weight": 0.009186488123682945, "segmentation": [], "area": 82485}, {"image_id": 10047, "bbox": [2298, 983, 90, 164], "category_id": 1, "id": 166, "iscrowd": 0, "weight": 0.009877034371949645, "segmentation": [], "area": 14760}, {"image_id": 10047, "bbox": [1108, 807, 1223, 866], "category_id": 1, "id": 167, "iscrowd": 0, "weight": 0.758797867994492, "segmentation": [], "area": 1059118}, {"image_id": 10048, "bbox": [968, 1753, 56, 60], "category_id": 1, "id": 168, "iscrowd": 0, "weight": 0.42659887159875176, "segmentation": [], "area": 3360}, {"image_id": 10048, "bbox": [1464, 1560, 74, 173], "category_id": 1, "id": 169, "iscrowd": 0, "weight": 0.0766040623794001, "segmentation": [], "area": 12802}, {"image_id": 10048, "bbox": [2574, 967, 624, 1033], "category_id": 1, "id": 170, "iscrowd": 0, "weight": 0.8585771176737008, "segmentation": [], "area": 644592}, {"image_id": 10048, "bbox": [3669, 1240, 219, 377], "category_id": 2, "id": 171, "iscrowd": 0, "weight": 0.2883875377873505, "segmentation": [], "area": 82563}, {"image_id": 10048, "bbox": [1108, 1830, 823, 260], "category_id": 2, "id": 172, "iscrowd": 0, "weight": 0.8411109658705803, "segmentation": [], "area": 213980}, {"image_id": 10049, "bbox": [1701, 460, 1127, 1413], "category_id": 0, "id": 173, "iscrowd": 0, "weight": 0.27325113646732524, "segmentation": [], "area": 1592451}, {"image_id": 10049, "bbox": [1488, 230, 143, 673], "category_id": 0, "id": 174, "iscrowd": 0, "weight": 0.0487627365230906, "segmentation": [], "area": 96239}, {"image_id": 10049, "bbox": [1871, 1430, 83, 313], "category_id": 1, "id": 175, "iscrowd": 0, "weight": 0.2350054361837296, "segmentation": [], "area": 25979}, {"image_id": 10049, "bbox": [3601, 2820, 384, 135], "category_id": 2, "id": 176, "iscrowd": 0, "weight": 0.38253267236612365, "segmentation": [], "area": 51840}, {"image_id": 10050, "bbox": [1854, 983, 367, 934], "category_id": 1, "id": 177, "iscrowd": 0, "weight": 0.45035635885140335, "segmentation": [], "area": 342778}, {"image_id": 10050, "bbox": [1031, 1150, 707, 807], "category_id": 0, "id": 178, "iscrowd": 0, "weight": 0.8527713688758887, "segmentation": [], "area": 570549}, {"image_id": 10050, "bbox": [2301, 890, 140, 127], "category_id": 1, "id": 179, "iscrowd": 0, "weight": 0.8662296546740571, "segmentation": [], "area": 17780}, {"image_id": 10051, "bbox": [2284, 860, 1180, 240], "category_id": 1, "id": 180, "iscrowd": 0, "weight": 0.7988502869093462, "segmentation": [], "area": 283200}, {"image_id": 10051, "bbox": [1588, 1647, 670, 356], "category_id": 0, "id": 181, "iscrowd": 0, "weight": 0.8838208317220806, "segmentation": [], "area": 238520}, {"image_id": 10051, "bbox": [1038, 1517, 663, 223], "category_id": 0, "id": 182, "iscrowd": 0, "weight": 0.26324244532743857, "segmentation": [], "area": 147849}, {"image_id": 10051, "bbox": [791, 2037, 437, 250], "category_id": 0, "id": 183, "iscrowd": 0, "weight": 0.48286639970917056, "segmentation": [], "area": 109250}, {"image_id": 10051, "bbox": [3831, 280, 183, 253], "category_id": 2, "id": 184, "iscrowd": 0, "weight": 0.810748710150546, "segmentation": [], "area": 46299}, {"image_id": 10052, "bbox": [1878, 950, 803, 913], "category_id": 1, "id": 185, "iscrowd": 0, "weight": 0.3127228676057031, "segmentation": [], "area": 733139}, {"image_id": 10052, "bbox": [2531, 840, 1064, 1041], "category_id": 0, "id": 186, "iscrowd": 0, "weight": 0.344697191871671, "segmentation": [], "area": 1107624}, {"image_id": 10052, "bbox": [2904, 797, 144, 90], "category_id": 0, "id": 187, "iscrowd": 0, "weight": 0.3496044176928347, "segmentation": [], "area": 12960}, {"image_id": 10052, "bbox": [3028, 1427, 60, 70], "category_id": 0, "id": 188, "iscrowd": 0, "weight": 0.5421719196823452, "segmentation": [], "area": 4200}, {"image_id": 10052, "bbox": [1321, 1237, 117, 50], "category_id": 0, "id": 189, "iscrowd": 0, "weight": 0.8724849247700573, "segmentation": [], "area": 5850}, {"image_id": 10052, "bbox": [21, 870, 793, 797], "category_id": 2, "id": 190, "iscrowd": 0, "weight": 0.14902997182750877, "segmentation": [], "area": 632021}, {"image_id": 10053, "bbox": [2014, 627, 740, 643], "category_id": 2, "id": 191, "iscrowd": 0, "weight": 0.2622998356445284, "segmentation": [], "area": 475820}, {"image_id": 10053, "bbox": [2364, 1520, 286, 236], "category_id": 2, "id": 192, "iscrowd": 0, "weight": 0.9357357455316706, "segmentation": [], "area": 67496}, {"image_id": 10054, "bbox": [2311, 1197, 860, 590], "category_id": 1, "id": 193, "iscrowd": 0, "weight": 0.2530338320183366, "segmentation": [], "area": 507400}, {"image_id": 10054, "bbox": [1524, 1600, 127, 263], "category_id": 1, "id": 194, "iscrowd": 0, "weight": 0.37041349414492886, "segmentation": [], "area": 33401}, {"image_id": 10054, "bbox": [1101, 1057, 127, 60], "category_id": 1, "id": 195, "iscrowd": 0, "weight": 0.8245242724574768, "segmentation": [], "area": 7620}, {"image_id": 10054, "bbox": [3804, 1410, 83, 389], "category_id": 1, "id": 196, "iscrowd": 0, "weight": 0.06504551127572455, "segmentation": [], "area": 32287}, {"image_id": 10054, "bbox": [3552, 1090, 410, 988], "category_id": 2, "id": 197, "iscrowd": 0, "weight": 0.4804061468633547, "segmentation": [], "area": 405080}, {"image_id": 10055, "bbox": [1588, 793, 503, 770], "category_id": 0, "id": 198, "iscrowd": 0, "weight": 0.44128964199634946, "segmentation": [], "area": 387310}, {"image_id": 10055, "bbox": [410, 1719, 1681, 357], "category_id": 1, "id": 199, "iscrowd": 0, "weight": 0.747289638290274, "segmentation": [], "area": 600117}, {"image_id": 10056, "bbox": [1318, 787, 1006, 756], "category_id": 2, "id": 200, "iscrowd": 0, "weight": 0.46092569802017846, "segmentation": [], "area": 760536}, {"image_id": 10056, "bbox": [1754, 1380, 297, 240], "category_id": 2, "id": 201, "iscrowd": 0, "weight": 0.3616746469948844, "segmentation": [], "area": 71280}, {"image_id": 10056, "bbox": [1728, 1730, 310, 270], "category_id": 2, "id": 202, "iscrowd": 0, "weight": 0.6654848523443126, "segmentation": [], "area": 83700}, {"image_id": 10056, "bbox": [2111, 1420, 407, 807], "category_id": 1, "id": 203, "iscrowd": 0, "weight": 0.9732978218974286, "segmentation": [], "area": 328449}, {"image_id": 10056, "bbox": [2349, 161, 1473, 1090], "category_id": 0, "id": 204, "iscrowd": 0, "weight": 0.11800057798702701, "segmentation": [], "area": 1605570}, {"image_id": 10056, "bbox": [3324, 620, 107, 150], "category_id": 0, "id": 205, "iscrowd": 0, "weight": 0.39616545119169033, "segmentation": [], "area": 16050}, {"image_id": 10056, "bbox": [3256, 765, 46, 39], "category_id": 0, "id": 206, "iscrowd": 0, "weight": 0.5111722062550775, "segmentation": [], "area": 1794}, {"image_id": 10056, "bbox": [2174, 927, 50, 46], "category_id": 0, "id": 207, "iscrowd": 0, "weight": 0.5982851271978571, "segmentation": [], "area": 2300}, {"image_id": 10057, "bbox": [1801, 703, 1350, 920], "category_id": 2, "id": 208, "iscrowd": 0, "weight": 0.6695703143673981, "segmentation": [], "area": 1242000}, {"image_id": 10057, "bbox": [1384, 1070, 150, 120], "category_id": 0, "id": 209, "iscrowd": 0, "weight": 0.13216475671375105, "segmentation": [], "area": 18000}, {"image_id": 10057, "bbox": [881, 1130, 223, 130], "category_id": 0, "id": 210, "iscrowd": 0, "weight": 0.06998536316798332, "segmentation": [], "area": 28990}, {"image_id": 10058, "bbox": [2643, 594, 1221, 403], "category_id": 0, "id": 211, "iscrowd": 0, "weight": 0.4971366265078735, "segmentation": [], "area": 492063}, {"image_id": 10058, "bbox": [1711, 980, 443, 985], "category_id": 1, "id": 212, "iscrowd": 0, "weight": 0.30159699209187285, "segmentation": [], "area": 436355}, {"image_id": 10058, "bbox": [3628, 27, 167, 271], "category_id": 2, "id": 213, "iscrowd": 0, "weight": 0.21988497705669685, "segmentation": [], "area": 45257}, {"image_id": 10058, "bbox": [3921, 417, 97, 284], "category_id": 2, "id": 214, "iscrowd": 0, "weight": 0.5959996606045143, "segmentation": [], "area": 27548}, {"image_id": 10059, "bbox": [94, 2087, 390, 753], "category_id": 2, "id": 215, "iscrowd": 0, "weight": 0.9762356266169782, "segmentation": [], "area": 293670}, {"image_id": 10059, "bbox": [2034, 1000, 200, 133], "category_id": 1, "id": 216, "iscrowd": 0, "weight": 0.2746102540850217, "segmentation": [], "area": 26600}, {"image_id": 10059, "bbox": [651, 1823, 145, 48], "category_id": 1, "id": 217, "iscrowd": 0, "weight": 0.3680303498695918, "segmentation": [], "area": 6960}, {"image_id": 10060, "bbox": [1904, 1050, 710, 547], "category_id": 0, "id": 218, "iscrowd": 0, "weight": 0.036633471072627266, "segmentation": [], "area": 388370}, {"image_id": 10060, "bbox": [2594, 1600, 164, 107], "category_id": 0, "id": 219, "iscrowd": 0, "weight": 0.3229641467867477, "segmentation": [], "area": 17548}, {"image_id": 10061, "bbox": [2251, 950, 750, 670], "category_id": 0, "id": 220, "iscrowd": 0, "weight": 0.9770642004334457, "segmentation": [], "area": 502500}, {"image_id": 10061, "bbox": [2781, 260, 393, 800], "category_id": 1, "id": 221, "iscrowd": 0, "weight": 0.6142778290952248, "segmentation": [], "area": 314400}, {"image_id": 10062, "bbox": [1771, 980, 1353, 440], "category_id": 1, "id": 222, "iscrowd": 0, "weight": 0.40482648665507825, "segmentation": [], "area": 595320}, {"image_id": 10062, "bbox": [2868, 1437, 220, 150], "category_id": 0, "id": 223, "iscrowd": 0, "weight": 0.9132988952429567, "segmentation": [], "area": 33000}, {"image_id": 10062, "bbox": [2604, 1643, 117, 104], "category_id": 0, "id": 224, "iscrowd": 0, "weight": 0.21009873649454192, "segmentation": [], "area": 12168}, {"image_id": 10062, "bbox": [3158, 0, 865, 1148], "category_id": 2, "id": 225, "iscrowd": 0, "weight": 0.5960080562977774, "segmentation": [], "area": 993020}, {"image_id": 10062, "bbox": [1638, 1857, 190, 153], "category_id": 1, "id": 226, "iscrowd": 0, "weight": 0.4224160126777835, "segmentation": [], "area": 29070}, {"image_id": 10062, "bbox": [1371, 987, 847, 1070], "category_id": 0, "id": 227, "iscrowd": 0, "weight": 0.5921174663526513, "segmentation": [], "area": 906290}, {"image_id": 10063, "bbox": [138, 100, 996, 863], "category_id": 2, "id": 228, "iscrowd": 0, "weight": 0.25374498047895033, "segmentation": [], "area": 859548}, {"image_id": 10063, "bbox": [431, 1127, 1463, 406], "category_id": 0, "id": 229, "iscrowd": 0, "weight": 0.8910618168977179, "segmentation": [], "area": 593978}, {"image_id": 10063, "bbox": [1891, 1150, 587, 1140], "category_id": 1, "id": 230, "iscrowd": 0, "weight": 0.7940595867855851, "segmentation": [], "area": 669180}, {"image_id": 10064, "bbox": [1794, 1333, 987, 314], "category_id": 0, "id": 231, "iscrowd": 0, "weight": 0.6343786694403499, "segmentation": [], "area": 309918}, {"image_id": 10064, "bbox": [2888, 1363, 410, 174], "category_id": 0, "id": 232, "iscrowd": 0, "weight": 0.29083737113101105, "segmentation": [], "area": 71340}, {"image_id": 10064, "bbox": [3428, 1117, 316, 230], "category_id": 0, "id": 233, "iscrowd": 0, "weight": 0.698037901264241, "segmentation": [], "area": 72680}, {"image_id": 10064, "bbox": [981, 1517, 440, 893], "category_id": 1, "id": 234, "iscrowd": 0, "weight": 0.8703245411936061, "segmentation": [], "area": 392920}, {"image_id": 10065, "bbox": [1734, 900, 684, 530], "category_id": 0, "id": 235, "iscrowd": 0, "weight": 0.18649295036899893, "segmentation": [], "area": 362520}, {"image_id": 10065, "bbox": [2424, 1033, 81, 172], "category_id": 1, "id": 236, "iscrowd": 0, "weight": 0.6195907307467725, "segmentation": [], "area": 13932}, {"image_id": 10065, "bbox": [2934, 920, 60, 63], "category_id": 1, "id": 237, "iscrowd": 0, "weight": 0.8606775845607834, "segmentation": [], "area": 3780}, {"image_id": 10065, "bbox": [52, 1166, 184, 460], "category_id": 2, "id": 238, "iscrowd": 0, "weight": 0.19592058787460753, "segmentation": [], "area": 84640}, {"image_id": 10066, "bbox": [994, 1353, 1284, 597], "category_id": 1, "id": 239, "iscrowd": 0, "weight": 0.45796878557426945, "segmentation": [], "area": 766548}, {"image_id": 10066, "bbox": [2853, 1243, 50, 47], "category_id": 1, "id": 240, "iscrowd": 0, "weight": 0.08938151501086256, "segmentation": [], "area": 2350}, {"image_id": 10066, "bbox": [2341, 1297, 93, 160], "category_id": 1, "id": 241, "iscrowd": 0, "weight": 0.7566973088983273, "segmentation": [], "area": 14880}, {"image_id": 10066, "bbox": [3014, 1500, 87, 243], "category_id": 2, "id": 242, "iscrowd": 0, "weight": 0.710098192097356, "segmentation": [], "area": 21141}, {"image_id": 10066, "bbox": [2234, 1583, 660, 110], "category_id": 2, "id": 243, "iscrowd": 0, "weight": 0.43944701907372863, "segmentation": [], "area": 72600}, {"image_id": 10066, "bbox": [1564, 1020, 1314, 200], "category_id": 2, "id": 244, "iscrowd": 0, "weight": 0.4645297564333759, "segmentation": [], "area": 262800}, {"image_id": 10066, "bbox": [74, 1377, 194, 360], "category_id": 2, "id": 245, "iscrowd": 0, "weight": 0.982823168486583, "segmentation": [], "area": 69840}, {"image_id": 10066, "bbox": [701, 1153, 117, 154], "category_id": 1, "id": 246, "iscrowd": 0, "weight": 0.8497542262155272, "segmentation": [], "area": 18018}, {"image_id": 10066, "bbox": [1676, 1418, 161, 257], "category_id": 2, "id": 247, "iscrowd": 0, "weight": 0.6920220340894762, "segmentation": [], "area": 41377}, {"image_id": 10067, "bbox": [1681, 927, 398, 170], "category_id": 0, "id": 248, "iscrowd": 0, "weight": 0.9334195040060466, "segmentation": [], "area": 67660}, {"image_id": 10067, "bbox": [1811, 807, 113, 53], "category_id": 0, "id": 249, "iscrowd": 0, "weight": 0.5683385029504914, "segmentation": [], "area": 5989}, {"image_id": 10067, "bbox": [1708, 1173, 503, 510], "category_id": 0, "id": 250, "iscrowd": 0, "weight": 0.10428432838556145, "segmentation": [], "area": 256530}, {"image_id": 10067, "bbox": [1834, 1763, 550, 240], "category_id": 0, "id": 251, "iscrowd": 0, "weight": 0.5666290405016969, "segmentation": [], "area": 132000}, {"image_id": 10067, "bbox": [2328, 1240, 876, 300], "category_id": 1, "id": 252, "iscrowd": 0, "weight": 0.7919731027735432, "segmentation": [], "area": 262800}, {"image_id": 10067, "bbox": [68, 777, 916, 1213], "category_id": 2, "id": 253, "iscrowd": 0, "weight": 0.09220113502156468, "segmentation": [], "area": 1111108}, {"image_id": 10068, "bbox": [21, 963, 884, 844], "category_id": 2, "id": 254, "iscrowd": 0, "weight": 0.7550297212991669, "segmentation": [], "area": 746096}, {"image_id": 10068, "bbox": [711, 1401, 826, 258], "category_id": 2, "id": 255, "iscrowd": 0, "weight": 0.28554979440876926, "segmentation": [], "area": 213108}, {"image_id": 10069, "bbox": [1704, 1067, 837, 506], "category_id": 1, "id": 256, "iscrowd": 0, "weight": 0.7044699238669533, "segmentation": [], "area": 423522}, {"image_id": 10069, "bbox": [2578, 1907, 666, 806], "category_id": 2, "id": 257, "iscrowd": 0, "weight": 0.3481626334043372, "segmentation": [], "area": 536796}, {"image_id": 10069, "bbox": [488, 323, 680, 597], "category_id": 0, "id": 258, "iscrowd": 0, "weight": 0.6168291175547131, "segmentation": [], "area": 405960}, {"image_id": 10069, "bbox": [1004, 233, 464, 580], "category_id": 0, "id": 259, "iscrowd": 0, "weight": 0.9241020248495279, "segmentation": [], "area": 269120}, {"image_id": 10070, "bbox": [538, 1953, 430, 637], "category_id": 0, "id": 260, "iscrowd": 0, "weight": 0.7931344550767951, "segmentation": [], "area": 273910}, {"image_id": 10070, "bbox": [3162, 418, 227, 175], "category_id": 1, "id": 261, "iscrowd": 0, "weight": 0.190410861246592, "segmentation": [], "area": 39725}, {"image_id": 10070, "bbox": [434, 1820, 227, 187], "category_id": 0, "id": 262, "iscrowd": 0, "weight": 0.16489801394917147, "segmentation": [], "area": 42449}, {"image_id": 10071, "bbox": [2378, 960, 380, 570], "category_id": 0, "id": 263, "iscrowd": 0, "weight": 0.2511061475041291, "segmentation": [], "area": 216600}, {"image_id": 10071, "bbox": [2404, 1533, 394, 694], "category_id": 0, "id": 264, "iscrowd": 0, "weight": 0.16118816144877024, "segmentation": [], "area": 273436}, {"image_id": 10071, "bbox": [1521, 1240, 593, 503], "category_id": 1, "id": 265, "iscrowd": 0, "weight": 0.23050281702489728, "segmentation": [], "area": 298279}, {"image_id": 10072, "bbox": [2054, 687, 574, 606], "category_id": 1, "id": 266, "iscrowd": 0, "weight": 0.1852624220823651, "segmentation": [], "area": 347844}, {"image_id": 10072, "bbox": [1164, 1257, 924, 523], "category_id": 0, "id": 267, "iscrowd": 0, "weight": 0.9626730980851822, "segmentation": [], "area": 483252}, {"image_id": 10072, "bbox": [11, 1877, 370, 953], "category_id": 2, "id": 268, "iscrowd": 0, "weight": 0.27105269736934534, "segmentation": [], "area": 352610}, {"image_id": 10072, "bbox": [1944, 1527, 627, 310], "category_id": 0, "id": 269, "iscrowd": 0, "weight": 0.7632748529557842, "segmentation": [], "area": 194370}, {"image_id": 10072, "bbox": [1314, 1240, 187, 117], "category_id": 0, "id": 270, "iscrowd": 0, "weight": 0.43285568864336765, "segmentation": [], "area": 21879}, {"image_id": 10073, "bbox": [684, 393, 814, 1194], "category_id": 0, "id": 271, "iscrowd": 0, "weight": 0.5416466897353672, "segmentation": [], "area": 971916}, {"image_id": 10073, "bbox": [554, 3, 240, 277], "category_id": 0, "id": 272, "iscrowd": 0, "weight": 0.43560528018017175, "segmentation": [], "area": 66480}, {"image_id": 10073, "bbox": [1094, 1477, 360, 273], "category_id": 0, "id": 273, "iscrowd": 0, "weight": 0.6977675468611492, "segmentation": [], "area": 98280}, {"image_id": 10074, "bbox": [2211, 1130, 323, 257], "category_id": 0, "id": 274, "iscrowd": 0, "weight": 0.3396635734498994, "segmentation": [], "area": 83011}, {"image_id": 10074, "bbox": [2211, 1447, 320, 440], "category_id": 0, "id": 275, "iscrowd": 0, "weight": 0.21665629537015185, "segmentation": [], "area": 140800}, {"image_id": 10074, "bbox": [2171, 1973, 350, 220], "category_id": 0, "id": 276, "iscrowd": 0, "weight": 0.9385082973243057, "segmentation": [], "area": 77000}, {"image_id": 10074, "bbox": [704, 1497, 1347, 143], "category_id": 1, "id": 277, "iscrowd": 0, "weight": 0.3713475036704229, "segmentation": [], "area": 192621}, {"image_id": 10075, "bbox": [1411, 867, 1720, 273], "category_id": 2, "id": 278, "iscrowd": 0, "weight": 0.7969502250126789, "segmentation": [], "area": 469560}, {"image_id": 10075, "bbox": [1493, 1346, 67, 117], "category_id": 1, "id": 279, "iscrowd": 0, "weight": 0.013405534020445975, "segmentation": [], "area": 7839}, {"image_id": 10076, "bbox": [2353, 1080, 85, 53], "category_id": 0, "id": 280, "iscrowd": 0, "weight": 0.6528403347141636, "segmentation": [], "area": 4505}, {"image_id": 10076, "bbox": [1873, 1411, 84, 84], "category_id": 2, "id": 281, "iscrowd": 0, "weight": 0.5384149686637246, "segmentation": [], "area": 7056}, {"image_id": 10076, "bbox": [2158, 1213, 303, 447], "category_id": 0, "id": 282, "iscrowd": 0, "weight": 0.708341422115627, "segmentation": [], "area": 135441}, {"image_id": 10076, "bbox": [1834, 1757, 594, 283], "category_id": 0, "id": 283, "iscrowd": 0, "weight": 0.7118071323196877, "segmentation": [], "area": 168102}, {"image_id": 10077, "bbox": [1181, 913, 797, 337], "category_id": 1, "id": 284, "iscrowd": 0, "weight": 0.5068743050445849, "segmentation": [], "area": 268589}, {"image_id": 10077, "bbox": [1534, 1750, 884, 787], "category_id": 2, "id": 285, "iscrowd": 0, "weight": 0.7888160252613982, "segmentation": [], "area": 695708}, {"image_id": 10077, "bbox": [2268, 790, 396, 370], "category_id": 2, "id": 286, "iscrowd": 0, "weight": 0.05143183404977281, "segmentation": [], "area": 146520}, {"image_id": 10077, "bbox": [3283, 2585, 310, 223], "category_id": 2, "id": 287, "iscrowd": 0, "weight": 0.8386120235760502, "segmentation": [], "area": 69130}, {"image_id": 10077, "bbox": [3543, 2045, 182, 143], "category_id": 2, "id": 288, "iscrowd": 0, "weight": 0.07828291657658504, "segmentation": [], "area": 26026}, {"image_id": 10078, "bbox": [1788, 733, 316, 647], "category_id": 0, "id": 289, "iscrowd": 0, "weight": 0.5230543459822726, "segmentation": [], "area": 204452}, {"image_id": 10078, "bbox": [1521, 1157, 537, 916], "category_id": 0, "id": 290, "iscrowd": 0, "weight": 0.7974791243558226, "segmentation": [], "area": 491892}, {"image_id": 10078, "bbox": [1854, 2107, 260, 186], "category_id": 0, "id": 291, "iscrowd": 0, "weight": 0.8982269350869265, "segmentation": [], "area": 48360}, {"image_id": 10078, "bbox": [2111, 1377, 587, 946], "category_id": 1, "id": 292, "iscrowd": 0, "weight": 0.671210321570857, "segmentation": [], "area": 555302}, {"image_id": 10078, "bbox": [2981, 1869, 1042, 1104], "category_id": 2, "id": 293, "iscrowd": 0, "weight": 0.4425987264627871, "segmentation": [], "area": 1150368}, {"image_id": 10079, "bbox": [228, 890, 1146, 387], "category_id": 0, "id": 294, "iscrowd": 0, "weight": 0.12679422859229905, "segmentation": [], "area": 443502}, {"image_id": 10079, "bbox": [1994, 1057, 490, 720], "category_id": 1, "id": 295, "iscrowd": 0, "weight": 0.7788765453617769, "segmentation": [], "area": 352800}, {"image_id": 10079, "bbox": [944, 1490, 727, 483], "category_id": 2, "id": 296, "iscrowd": 0, "weight": 0.6450520933415103, "segmentation": [], "area": 351141}, {"image_id": 10079, "bbox": [1080, 600, 316, 293], "category_id": 1, "id": 297, "iscrowd": 0, "weight": 0.954727071563103, "segmentation": [], "area": 92588}, {"image_id": 10080, "bbox": [1848, 817, 1070, 373], "category_id": 0, "id": 298, "iscrowd": 0, "weight": 0.3945662118896719, "segmentation": [], "area": 399110}, {"image_id": 10080, "bbox": [1864, 1467, 1130, 380], "category_id": 1, "id": 299, "iscrowd": 0, "weight": 0.35667900107393014, "segmentation": [], "area": 429400}, {"image_id": 10080, "bbox": [1191, 1303, 183, 97], "category_id": 0, "id": 300, "iscrowd": 0, "weight": 0.11428896750722839, "segmentation": [], "area": 17751}, {"image_id": 10080, "bbox": [734, 1746, 180, 71], "category_id": 0, "id": 301, "iscrowd": 0, "weight": 0.4126834319774898, "segmentation": [], "area": 12780}, {"image_id": 10080, "bbox": [831, 2352, 100, 100], "category_id": 0, "id": 302, "iscrowd": 0, "weight": 0.35805378087150985, "segmentation": [], "area": 10000}, {"image_id": 10081, "bbox": [1457, 778, 571, 226], "category_id": 2, "id": 303, "iscrowd": 0, "weight": 0.5982091527313838, "segmentation": [], "area": 129046}, {"image_id": 10081, "bbox": [1163, 804, 97, 78], "category_id": 2, "id": 304, "iscrowd": 0, "weight": 0.28404272358768334, "segmentation": [], "area": 7566}, {"image_id": 10081, "bbox": [1276, 995, 148, 64], "category_id": 2, "id": 305, "iscrowd": 0, "weight": 0.82381653644832, "segmentation": [], "area": 9472}, {"image_id": 10081, "bbox": [3554, 1100, 225, 536], "category_id": 2, "id": 306, "iscrowd": 0, "weight": 0.7354875840406012, "segmentation": [], "area": 120600}, {"image_id": 10082, "bbox": [1424, 1050, 1144, 550], "category_id": 1, "id": 307, "iscrowd": 0, "weight": 0.7926213048839003, "segmentation": [], "area": 629200}, {"image_id": 10082, "bbox": [271, 2090, 577, 863], "category_id": 2, "id": 308, "iscrowd": 0, "weight": 0.653700552353134, "segmentation": [], "area": 497951}, {"image_id": 10083, "bbox": [1711, 1053, 287, 904], "category_id": 1, "id": 309, "iscrowd": 0, "weight": 0.9780927096593305, "segmentation": [], "area": 259448}, {"image_id": 10083, "bbox": [3761, 2660, 93, 120], "category_id": 2, "id": 310, "iscrowd": 0, "weight": 0.701309584943038, "segmentation": [], "area": 11160}, {"image_id": 10084, "bbox": [2105, 998, 160, 130], "category_id": 1, "id": 311, "iscrowd": 0, "weight": 0.43063385092557216, "segmentation": [], "area": 20800}, {"image_id": 10084, "bbox": [726, 1816, 1108, 264], "category_id": 1, "id": 312, "iscrowd": 0, "weight": 0.0673593602983753, "segmentation": [], "area": 292512}, {"image_id": 10085, "bbox": [1844, 1340, 687, 723], "category_id": 0, "id": 313, "iscrowd": 0, "weight": 0.1209128224815832, "segmentation": [], "area": 496701}, {"image_id": 10085, "bbox": [1618, 527, 1186, 823], "category_id": 1, "id": 314, "iscrowd": 0, "weight": 0.21128615313217858, "segmentation": [], "area": 976078}, {"image_id": 10086, "bbox": [1438, 350, 1253, 753], "category_id": 2, "id": 315, "iscrowd": 0, "weight": 0.6559448308062666, "segmentation": [], "area": 943509}, {"image_id": 10086, "bbox": [2301, 863, 290, 594], "category_id": 2, "id": 316, "iscrowd": 0, "weight": 0.5537245365503808, "segmentation": [], "area": 172260}, {"image_id": 10086, "bbox": [3094, 1436, 204, 83], "category_id": 2, "id": 317, "iscrowd": 0, "weight": 0.8118001359742503, "segmentation": [], "area": 16932}, {"image_id": 10086, "bbox": [2897, 1576, 91, 91], "category_id": 2, "id": 318, "iscrowd": 0, "weight": 0.938458601113844, "segmentation": [], "area": 8281}, {"image_id": 10087, "bbox": [61, 23, 677, 694], "category_id": 2, "id": 319, "iscrowd": 0, "weight": 0.15371733114293296, "segmentation": [], "area": 469838}, {"image_id": 10087, "bbox": [1378, 723, 730, 1344], "category_id": 1, "id": 320, "iscrowd": 0, "weight": 0.2008955812244314, "segmentation": [], "area": 981120}, {"image_id": 10087, "bbox": [2351, 1283, 77, 287], "category_id": 1, "id": 321, "iscrowd": 0, "weight": 0.7846019129214183, "segmentation": [], "area": 22099}, {"image_id": 10088, "bbox": [588, 1010, 916, 130], "category_id": 1, "id": 322, "iscrowd": 0, "weight": 0.2788984181781119, "segmentation": [], "area": 119080}, {"image_id": 10088, "bbox": [2378, 1323, 90, 224], "category_id": 1, "id": 323, "iscrowd": 0, "weight": 0.6305879602958386, "segmentation": [], "area": 20160}, {"image_id": 10088, "bbox": [186, 0, 782, 704], "category_id": 2, "id": 324, "iscrowd": 0, "weight": 0.6031256061383335, "segmentation": [], "area": 550528}, {"image_id": 10089, "bbox": [1074, 777, 474, 506], "category_id": 0, "id": 325, "iscrowd": 0, "weight": 0.09217401395648572, "segmentation": [], "area": 239844}, {"image_id": 10089, "bbox": [1108, 1410, 353, 100], "category_id": 0, "id": 326, "iscrowd": 0, "weight": 0.6396016106772395, "segmentation": [], "area": 35300}, {"image_id": 10089, "bbox": [1761, 1200, 323, 700], "category_id": 1, "id": 327, "iscrowd": 0, "weight": 0.5118926202833733, "segmentation": [], "area": 226100}, {"image_id": 10090, "bbox": [1901, 1013, 247, 337], "category_id": 0, "id": 328, "iscrowd": 0, "weight": 0.18987601717509395, "segmentation": [], "area": 83239}, {"image_id": 10090, "bbox": [3211, 670, 267, 250], "category_id": 1, "id": 329, "iscrowd": 0, "weight": 0.815983483911102, "segmentation": [], "area": 66750}, {"image_id": 10090, "bbox": [3028, 823, 136, 54], "category_id": 1, "id": 330, "iscrowd": 0, "weight": 0.3607912002260537, "segmentation": [], "area": 7344}, {"image_id": 10090, "bbox": [2841, 1007, 223, 50], "category_id": 1, "id": 331, "iscrowd": 0, "weight": 0.5565017778021053, "segmentation": [], "area": 11150}, {"image_id": 10090, "bbox": [1948, 1353, 310, 587], "category_id": 0, "id": 332, "iscrowd": 0, "weight": 0.5199104219662221, "segmentation": [], "area": 181970}, {"image_id": 10090, "bbox": [2492, 1684, 42, 39], "category_id": 0, "id": 333, "iscrowd": 0, "weight": 0.7835220768078465, "segmentation": [], "area": 1638}, {"image_id": 10090, "bbox": [2321, 1965, 77, 64], "category_id": 0, "id": 334, "iscrowd": 0, "weight": 0.9166832985358758, "segmentation": [], "area": 4928}, {"image_id": 10091, "bbox": [1701, 1323, 890, 300], "category_id": 1, "id": 335, "iscrowd": 0, "weight": 0.033430695199728855, "segmentation": [], "area": 267000}, {"image_id": 10091, "bbox": [3221, 1217, 420, 253], "category_id": 0, "id": 336, "iscrowd": 0, "weight": 0.8675002422970909, "segmentation": [], "area": 106260}, {"image_id": 10091, "bbox": [2904, 883, 950, 727], "category_id": 0, "id": 337, "iscrowd": 0, "weight": 0.9889598766108186, "segmentation": [], "area": 690650}, {"image_id": 10091, "bbox": [1291, 850, 923, 130], "category_id": 2, "id": 338, "iscrowd": 0, "weight": 0.3466295913930634, "segmentation": [], "area": 119990}, {"image_id": 10092, "bbox": [891, 697, 627, 810], "category_id": 0, "id": 339, "iscrowd": 0, "weight": 0.8139228854421734, "segmentation": [], "area": 507870}, {"image_id": 10092, "bbox": [2064, 1570, 394, 660], "category_id": 1, "id": 340, "iscrowd": 0, "weight": 0.7650049386356444, "segmentation": [], "area": 260040}, {"image_id": 10092, "bbox": [584, 1390, 1374, 1093], "category_id": 2, "id": 341, "iscrowd": 0, "weight": 0.8681680102893589, "segmentation": [], "area": 1501782}, {"image_id": 10093, "bbox": [2178, 1290, 156, 690], "category_id": 1, "id": 342, "iscrowd": 0, "weight": 0.9518262338548023, "segmentation": [], "area": 107640}, {"image_id": 10093, "bbox": [2199, 2044, 141, 349], "category_id": 1, "id": 343, "iscrowd": 0, "weight": 0.7851195886132877, "segmentation": [], "area": 49209}, {"image_id": 10094, "bbox": [368, 940, 236, 237], "category_id": 0, "id": 344, "iscrowd": 0, "weight": 0.383518092074851, "segmentation": [], "area": 55932}, {"image_id": 10094, "bbox": [548, 1237, 356, 553], "category_id": 0, "id": 345, "iscrowd": 0, "weight": 0.711027062220253, "segmentation": [], "area": 196868}, {"image_id": 10094, "bbox": [638, 1890, 273, 110], "category_id": 0, "id": 346, "iscrowd": 0, "weight": 0.668768134832761, "segmentation": [], "area": 30030}, {"image_id": 10094, "bbox": [1324, 1337, 1326, 399], "category_id": 1, "id": 347, "iscrowd": 0, "weight": 0.45989833878365394, "segmentation": [], "area": 529074}, {"image_id": 10095, "bbox": [1558, 280, 843, 450], "category_id": 0, "id": 348, "iscrowd": 0, "weight": 0.45136190313461366, "segmentation": [], "area": 379350}, {"image_id": 10095, "bbox": [2078, 1087, 591, 881], "category_id": 1, "id": 349, "iscrowd": 0, "weight": 0.25313693328336184, "segmentation": [], "area": 520671}, {"image_id": 10095, "bbox": [2917, 1600, 1100, 1426], "category_id": 2, "id": 350, "iscrowd": 0, "weight": 0.2107397179996897, "segmentation": [], "area": 1568600}, {"image_id": 10095, "bbox": [1458, 383, 356, 344], "category_id": 0, "id": 351, "iscrowd": 0, "weight": 0.008565856530900251, "segmentation": [], "area": 122464}, {"image_id": 10096, "bbox": [2664, 1760, 390, 383], "category_id": 1, "id": 352, "iscrowd": 0, "weight": 0.02964547111438942, "segmentation": [], "area": 149370}, {"image_id": 10096, "bbox": [3391, 1763, 330, 310], "category_id": 0, "id": 353, "iscrowd": 0, "weight": 0.38147117765094307, "segmentation": [], "area": 102300}, {"image_id": 10096, "bbox": [2868, 1983, 730, 727], "category_id": 0, "id": 354, "iscrowd": 0, "weight": 0.8476848083641103, "segmentation": [], "area": 530710}, {"image_id": 10096, "bbox": [2631, 2557, 410, 333], "category_id": 0, "id": 355, "iscrowd": 0, "weight": 0.2533921429758095, "segmentation": [], "area": 136530}, {"image_id": 10097, "bbox": [1764, 1039, 421, 638], "category_id": 1, "id": 356, "iscrowd": 0, "weight": 0.054451026335730734, "segmentation": [], "area": 268598}, {"image_id": 10097, "bbox": [1558, 1597, 100, 163], "category_id": 1, "id": 357, "iscrowd": 0, "weight": 0.7560697662480814, "segmentation": [], "area": 16300}, {"image_id": 10097, "bbox": [1065, 1038, 123, 43], "category_id": 1, "id": 358, "iscrowd": 0, "weight": 0.5296125521295548, "segmentation": [], "area": 5289}, {"image_id": 10097, "bbox": [3756, 1127, 137, 433], "category_id": 2, "id": 359, "iscrowd": 0, "weight": 0.06821293430348385, "segmentation": [], "area": 59321}, {"image_id": 10097, "bbox": [2892, 1194, 58, 61], "category_id": 0, "id": 360, "iscrowd": 0, "weight": 0.9120485777451692, "segmentation": [], "area": 3538}, {"image_id": 10097, "bbox": [2771, 840, 64, 31], "category_id": 0, "id": 361, "iscrowd": 0, "weight": 0.8838274355609591, "segmentation": [], "area": 1984}, {"image_id": 10098, "bbox": [1988, 947, 1513, 373], "category_id": 1, "id": 362, "iscrowd": 0, "weight": 0.7392418693080685, "segmentation": [], "area": 564349}, {"image_id": 10098, "bbox": [3511, 255, 207, 329], "category_id": 2, "id": 363, "iscrowd": 0, "weight": 0.5030513896638276, "segmentation": [], "area": 68103}, {"image_id": 10098, "bbox": [2404, 1597, 97, 76], "category_id": 2, "id": 364, "iscrowd": 0, "weight": 0.704531204557402, "segmentation": [], "area": 7372}, {"image_id": 10098, "bbox": [1858, 1920, 146, 93], "category_id": 1, "id": 365, "iscrowd": 0, "weight": 0.32274042304231787, "segmentation": [], "area": 13578}, {"image_id": 10098, "bbox": [1834, 1870, 744, 547], "category_id": 2, "id": 366, "iscrowd": 0, "weight": 0.7515457461663705, "segmentation": [], "area": 406968}, {"image_id": 10099, "bbox": [2364, 870, 770, 700], "category_id": 1, "id": 367, "iscrowd": 0, "weight": 0.4099811943186109, "segmentation": [], "area": 539000}, {"image_id": 10099, "bbox": [3214, 43, 804, 554], "category_id": 2, "id": 368, "iscrowd": 0, "weight": 0.12674975477802064, "segmentation": [], "area": 445416}, {"image_id": 10099, "bbox": [1814, 1953, 104, 87], "category_id": 1, "id": 369, "iscrowd": 0, "weight": 0.9861076598589632, "segmentation": [], "area": 9048}, {"image_id": 10100, "bbox": [258, 277, 298, 385], "category_id": 2, "id": 370, "iscrowd": 0, "weight": 0.9109668608540529, "segmentation": [], "area": 114730}, {"image_id": 10100, "bbox": [914, 1147, 1260, 813], "category_id": 1, "id": 371, "iscrowd": 0, "weight": 0.1240875624551826, "segmentation": [], "area": 1024380}, {"image_id": 10100, "bbox": [2401, 1440, 77, 137], "category_id": 1, "id": 372, "iscrowd": 0, "weight": 0.7900125294835056, "segmentation": [], "area": 10549}, {"image_id": 10101, "bbox": [1771, 1167, 783, 570], "category_id": 1, "id": 373, "iscrowd": 0, "weight": 0.8540677711360534, "segmentation": [], "area": 446310}, {"image_id": 10101, "bbox": [3378, 200, 516, 733], "category_id": 2, "id": 374, "iscrowd": 0, "weight": 0.24910642842504593, "segmentation": [], "area": 378228}, {"image_id": 10101, "bbox": [2128, 1053, 96, 90], "category_id": 1, "id": 375, "iscrowd": 0, "weight": 0.5933052765192978, "segmentation": [], "area": 8640}, {"image_id": 10101, "bbox": [284, 2280, 210, 317], "category_id": 2, "id": 376, "iscrowd": 0, "weight": 0.47617685328807713, "segmentation": [], "area": 66570}, {"image_id": 10102, "bbox": [1664, 557, 1344, 1030], "category_id": 0, "id": 377, "iscrowd": 0, "weight": 0.22484792780661533, "segmentation": [], "area": 1384320}, {"image_id": 10102, "bbox": [1254, 1240, 967, 683], "category_id": 1, "id": 378, "iscrowd": 0, "weight": 0.1549704677745617, "segmentation": [], "area": 660461}, {"image_id": 10102, "bbox": [3208, 1780, 683, 1177], "category_id": 2, "id": 379, "iscrowd": 0, "weight": 0.3027773759413036, "segmentation": [], "area": 803891}, {"image_id": 10102, "bbox": [3264, 2203, 100, 157], "category_id": 2, "id": 380, "iscrowd": 0, "weight": 0.21254486705717046, "segmentation": [], "area": 15700}, {"image_id": 10103, "bbox": [1221, 1440, 63, 277], "category_id": 1, "id": 381, "iscrowd": 0, "weight": 0.8834837902686083, "segmentation": [], "area": 17451}, {"image_id": 10103, "bbox": [2424, 1460, 434, 1287], "category_id": 1, "id": 382, "iscrowd": 0, "weight": 0.6813367921035, "segmentation": [], "area": 558558}, {"image_id": 10103, "bbox": [2928, 1517, 93, 76], "category_id": 0, "id": 383, "iscrowd": 0, "weight": 0.7376942235358355, "segmentation": [], "area": 7068}, {"image_id": 10103, "bbox": [3408, 1952, 513, 835], "category_id": 2, "id": 384, "iscrowd": 0, "weight": 0.4455443842073591, "segmentation": [], "area": 428355}, {"image_id": 10103, "bbox": [1714, 1410, 797, 1227], "category_id": 0, "id": 385, "iscrowd": 0, "weight": 0.9396781357448892, "segmentation": [], "area": 977919}, {"image_id": 10103, "bbox": [2091, 1207, 57, 53], "category_id": 0, "id": 386, "iscrowd": 0, "weight": 0.6680660543479071, "segmentation": [], "area": 3021}, {"image_id": 10103, "bbox": [1643, 1160, 315, 150], "category_id": 0, "id": 387, "iscrowd": 0, "weight": 0.3476595755082239, "segmentation": [], "area": 47250}, {"image_id": 10103, "bbox": [1511, 1990, 133, 83], "category_id": 0, "id": 388, "iscrowd": 0, "weight": 0.3663326206702783, "segmentation": [], "area": 11039}, {"image_id": 10103, "bbox": [1551, 1590, 60, 67], "category_id": 0, "id": 389, "iscrowd": 0, "weight": 0.21041141907927163, "segmentation": [], "area": 4020}, {"image_id": 10103, "bbox": [1431, 1800, 103, 80], "category_id": 0, "id": 390, "iscrowd": 0, "weight": 0.11710286604611186, "segmentation": [], "area": 8240}, {"image_id": 10103, "bbox": [1454, 1727, 50, 50], "category_id": 0, "id": 391, "iscrowd": 0, "weight": 0.03996199408301648, "segmentation": [], "area": 2500}, {"image_id": 10104, "bbox": [18, 7, 1203, 646], "category_id": 2, "id": 392, "iscrowd": 0, "weight": 0.8927521296235881, "segmentation": [], "area": 777138}, {"image_id": 10104, "bbox": [1744, 747, 684, 883], "category_id": 0, "id": 393, "iscrowd": 0, "weight": 0.6908536452260422, "segmentation": [], "area": 603972}, {"image_id": 10104, "bbox": [1254, 873, 557, 1060], "category_id": 1, "id": 394, "iscrowd": 0, "weight": 0.2609729523554547, "segmentation": [], "area": 590420}, {"image_id": 10104, "bbox": [2315, 1772, 100, 100], "category_id": 0, "id": 395, "iscrowd": 0, "weight": 0.8154072783924281, "segmentation": [], "area": 10000}, {"image_id": 10105, "bbox": [1050, 1504, 914, 636], "category_id": 0, "id": 396, "iscrowd": 0, "weight": 0.13122431042387517, "segmentation": [], "area": 581304}, {"image_id": 10105, "bbox": [1954, 853, 507, 884], "category_id": 1, "id": 397, "iscrowd": 0, "weight": 0.17889837811161424, "segmentation": [], "area": 448188}, {"image_id": 10105, "bbox": [2278, 767, 170, 143], "category_id": 1, "id": 398, "iscrowd": 0, "weight": 0.8917463456017622, "segmentation": [], "area": 24310}, {"image_id": 10105, "bbox": [1338, 1977, 146, 160], "category_id": 0, "id": 399, "iscrowd": 0, "weight": 0.8937395939754786, "segmentation": [], "area": 23360}, {"image_id": 10105, "bbox": [71, 2113, 977, 810], "category_id": 2, "id": 400, "iscrowd": 0, "weight": 0.4902483282330915, "segmentation": [], "area": 791370}, {"image_id": 10105, "bbox": [521, 1577, 340, 270], "category_id": 2, "id": 401, "iscrowd": 0, "weight": 0.47686505114835165, "segmentation": [], "area": 91800}, {"image_id": 10105, "bbox": [831, 1359, 435, 226], "category_id": 0, "id": 402, "iscrowd": 0, "weight": 0.29606340019044, "segmentation": [], "area": 98310}, {"image_id": 10106, "bbox": [3038, 1407, 876, 206], "category_id": 0, "id": 403, "iscrowd": 0, "weight": 0.18774490974449132, "segmentation": [], "area": 180456}, {"image_id": 10106, "bbox": [3798, 1320, 68, 45], "category_id": 0, "id": 404, "iscrowd": 0, "weight": 0.9568120926513317, "segmentation": [], "area": 3060}, {"image_id": 10107, "bbox": [1501, 880, 853, 533], "category_id": 0, "id": 405, "iscrowd": 0, "weight": 0.676344428859446, "segmentation": [], "area": 454649}, {"image_id": 10107, "bbox": [1491, 1187, 970, 600], "category_id": 0, "id": 406, "iscrowd": 0, "weight": 0.9681920233779492, "segmentation": [], "area": 582000}, {"image_id": 10107, "bbox": [2247, 1536, 435, 309], "category_id": 0, "id": 407, "iscrowd": 0, "weight": 0.30859568516187086, "segmentation": [], "area": 134415}, {"image_id": 10107, "bbox": [1008, 1813, 203, 574], "category_id": 1, "id": 408, "iscrowd": 0, "weight": 0.39426355033301974, "segmentation": [], "area": 116522}, {"image_id": 10107, "bbox": [101, 2213, 697, 820], "category_id": 2, "id": 409, "iscrowd": 0, "weight": 0.34969459124940616, "segmentation": [], "area": 571540}, {"image_id": 10108, "bbox": [1114, 1417, 1510, 363], "category_id": 1, "id": 410, "iscrowd": 0, "weight": 0.5761662073674501, "segmentation": [], "area": 548130}, {"image_id": 10109, "bbox": [1298, 273, 870, 740], "category_id": 2, "id": 411, "iscrowd": 0, "weight": 0.6577227513634258, "segmentation": [], "area": 643800}, {"image_id": 10109, "bbox": [1864, 627, 564, 1020], "category_id": 1, "id": 412, "iscrowd": 0, "weight": 0.462517846819381, "segmentation": [], "area": 575280}, {"image_id": 10110, "bbox": [638, 193, 1816, 1497], "category_id": 1, "id": 413, "iscrowd": 0, "weight": 0.3218270122724307, "segmentation": [], "area": 2718552}, {"image_id": 10111, "bbox": [1638, 1390, 183, 547], "category_id": 1, "id": 414, "iscrowd": 0, "weight": 0.9256179327632079, "segmentation": [], "area": 100101}, {"image_id": 10111, "bbox": [638, 1773, 883, 727], "category_id": 1, "id": 415, "iscrowd": 0, "weight": 0.8604628700413972, "segmentation": [], "area": 641941}, {"image_id": 10111, "bbox": [341, 2323, 163, 617], "category_id": 1, "id": 416, "iscrowd": 0, "weight": 0.8356257218617772, "segmentation": [], "area": 100571}, {"image_id": 10111, "bbox": [3401, 377, 327, 753], "category_id": 0, "id": 417, "iscrowd": 0, "weight": 0.3496771540817142, "segmentation": [], "area": 246231}, {"image_id": 10112, "bbox": [1618, 977, 770, 793], "category_id": 0, "id": 418, "iscrowd": 0, "weight": 0.3140900534406825, "segmentation": [], "area": 610610}, {"image_id": 10113, "bbox": [3204, 113, 264, 104], "category_id": 0, "id": 419, "iscrowd": 0, "weight": 0.3264398371240198, "segmentation": [], "area": 27456}, {"image_id": 10113, "bbox": [3251, 303, 387, 544], "category_id": 0, "id": 420, "iscrowd": 0, "weight": 0.889104808310536, "segmentation": [], "area": 210528}, {"image_id": 10113, "bbox": [3628, 760, 273, 453], "category_id": 0, "id": 421, "iscrowd": 0, "weight": 0.014551815519509237, "segmentation": [], "area": 123669}, {"image_id": 10113, "bbox": [2011, 823, 1243, 700], "category_id": 1, "id": 422, "iscrowd": 0, "weight": 0.46517290681784096, "segmentation": [], "area": 870100}, {"image_id": 10114, "bbox": [3101, 103, 804, 492], "category_id": 2, "id": 423, "iscrowd": 0, "weight": 0.04161411320114661, "segmentation": [], "area": 395568}, {"image_id": 10115, "bbox": [3351, 520, 137, 183], "category_id": 1, "id": 424, "iscrowd": 0, "weight": 0.8735398779118804, "segmentation": [], "area": 25071}, {"image_id": 10115, "bbox": [2594, 983, 414, 304], "category_id": 1, "id": 425, "iscrowd": 0, "weight": 0.914606516283329, "segmentation": [], "area": 125856}, {"image_id": 10115, "bbox": [2191, 1093, 463, 237], "category_id": 1, "id": 426, "iscrowd": 0, "weight": 0.6367244391916878, "segmentation": [], "area": 109731}, {"image_id": 10115, "bbox": [3159, 722, 92, 32], "category_id": 2, "id": 427, "iscrowd": 0, "weight": 0.9017682700571231, "segmentation": [], "area": 2944}, {"image_id": 10116, "bbox": [3631, 159, 345, 761], "category_id": 2, "id": 428, "iscrowd": 0, "weight": 0.23424881254329, "segmentation": [], "area": 262545}, {"image_id": 10116, "bbox": [1614, 1673, 224, 114], "category_id": 0, "id": 429, "iscrowd": 0, "weight": 0.7623101660859324, "segmentation": [], "area": 25536}, {"image_id": 10116, "bbox": [2441, 1613, 480, 257], "category_id": 0, "id": 430, "iscrowd": 0, "weight": 0.5574198305802162, "segmentation": [], "area": 123360}, {"image_id": 10116, "bbox": [1851, 1683, 423, 237], "category_id": 0, "id": 431, "iscrowd": 0, "weight": 0.9741486152632641, "segmentation": [], "area": 100251}, {"image_id": 10116, "bbox": [2215, 707, 1160, 533], "category_id": 1, "id": 432, "iscrowd": 0, "weight": 0.8122356388237051, "segmentation": [], "area": 618280}, {"image_id": 10116, "bbox": [3379, 68, 129, 65], "category_id": 2, "id": 433, "iscrowd": 0, "weight": 0.527889780730757, "segmentation": [], "area": 8385}, {"image_id": 10116, "bbox": [1921, 1246, 535, 264], "category_id": 2, "id": 434, "iscrowd": 0, "weight": 0.24581043845685657, "segmentation": [], "area": 141240}, {"image_id": 10117, "bbox": [1868, 817, 1280, 290], "category_id": 1, "id": 435, "iscrowd": 0, "weight": 0.2911904493134242, "segmentation": [], "area": 371200}, {"image_id": 10117, "bbox": [3573, 0, 431, 560], "category_id": 2, "id": 436, "iscrowd": 0, "weight": 0.3894679359424539, "segmentation": [], "area": 241360}, {"image_id": 10117, "bbox": [2081, 1240, 257, 497], "category_id": 0, "id": 437, "iscrowd": 0, "weight": 0.24635840231392503, "segmentation": [], "area": 127729}, {"image_id": 10117, "bbox": [1984, 1843, 257, 264], "category_id": 0, "id": 438, "iscrowd": 0, "weight": 0.796096823008635, "segmentation": [], "area": 67848}, {"image_id": 10118, "bbox": [1594, 907, 2100, 480], "category_id": 1, "id": 439, "iscrowd": 0, "weight": 0.695895042981751, "segmentation": [], "area": 1008000}, {"image_id": 10118, "bbox": [1844, 1663, 80, 180], "category_id": 1, "id": 440, "iscrowd": 0, "weight": 0.4660121812615662, "segmentation": [], "area": 14400}, {"image_id": 10118, "bbox": [1344, 1877, 57, 56], "category_id": 1, "id": 441, "iscrowd": 0, "weight": 0.0808903800081906, "segmentation": [], "area": 3192}, {"image_id": 10118, "bbox": [1398, 2030, 1060, 147], "category_id": 2, "id": 442, "iscrowd": 0, "weight": 0.3159269748253596, "segmentation": [], "area": 155820}, {"image_id": 10119, "bbox": [2681, 1717, 500, 470], "category_id": 1, "id": 443, "iscrowd": 0, "weight": 0.7268591507787723, "segmentation": [], "area": 235000}, {"image_id": 10119, "bbox": [1071, 1373, 97, 84], "category_id": 0, "id": 444, "iscrowd": 0, "weight": 0.6499957903033491, "segmentation": [], "area": 8148}, {"image_id": 10120, "bbox": [1834, 1120, 307, 917], "category_id": 1, "id": 445, "iscrowd": 0, "weight": 0.3918772379719092, "segmentation": [], "area": 281519}, {"image_id": 10120, "bbox": [1558, 1453, 66, 140], "category_id": 1, "id": 446, "iscrowd": 0, "weight": 0.8764712526139035, "segmentation": [], "area": 9240}, {"image_id": 10120, "bbox": [3548, 1807, 163, 126], "category_id": 0, "id": 447, "iscrowd": 0, "weight": 0.6280375335117805, "segmentation": [], "area": 20538}, {"image_id": 10120, "bbox": [3120, 2018, 48, 25], "category_id": 0, "id": 448, "iscrowd": 0, "weight": 0.0893365159288182, "segmentation": [], "area": 1200}, {"image_id": 10120, "bbox": [3523, 2500, 204, 152], "category_id": 2, "id": 449, "iscrowd": 0, "weight": 0.36429704566815235, "segmentation": [], "area": 31008}, {"image_id": 10121, "bbox": [1418, 1123, 890, 357], "category_id": 1, "id": 450, "iscrowd": 0, "weight": 0.1539761739077793, "segmentation": [], "area": 317730}, {"image_id": 10121, "bbox": [3114, 1197, 164, 90], "category_id": 0, "id": 451, "iscrowd": 0, "weight": 0.16773462393008676, "segmentation": [], "area": 14760}, {"image_id": 10121, "bbox": [588, 1733, 79, 70], "category_id": 0, "id": 452, "iscrowd": 0, "weight": 0.11225032997509465, "segmentation": [], "area": 5530}, {"image_id": 10121, "bbox": [1804, 700, 390, 253], "category_id": 0, "id": 453, "iscrowd": 0, "weight": 0.26097931033580934, "segmentation": [], "area": 98670}, {"image_id": 10121, "bbox": [2699, 1564, 143, 82], "category_id": 0, "id": 454, "iscrowd": 0, "weight": 0.4743878781083142, "segmentation": [], "area": 11726}, {"image_id": 10121, "bbox": [888, 1583, 47, 31], "category_id": 0, "id": 455, "iscrowd": 0, "weight": 0.141824576151377, "segmentation": [], "area": 1457}, {"image_id": 10122, "bbox": [3004, 2137, 810, 763], "category_id": 2, "id": 456, "iscrowd": 0, "weight": 0.4887202314302287, "segmentation": [], "area": 618030}, {"image_id": 10122, "bbox": [2578, 1187, 60, 143], "category_id": 0, "id": 457, "iscrowd": 0, "weight": 0.9504250207066143, "segmentation": [], "area": 8580}, {"image_id": 10122, "bbox": [254, 413, 367, 200], "category_id": 2, "id": 458, "iscrowd": 0, "weight": 0.74728266513948, "segmentation": [], "area": 73400}, {"image_id": 10123, "bbox": [1824, 900, 214, 937], "category_id": 1, "id": 459, "iscrowd": 0, "weight": 0.7111056943515759, "segmentation": [], "area": 200518}, {"image_id": 10123, "bbox": [3598, 2410, 213, 280], "category_id": 1, "id": 460, "iscrowd": 0, "weight": 0.4474320088437156, "segmentation": [], "area": 59640}, {"image_id": 10123, "bbox": [1358, 1087, 243, 200], "category_id": 2, "id": 461, "iscrowd": 0, "weight": 0.5299652561633635, "segmentation": [], "area": 48600}, {"image_id": 10123, "bbox": [788, 1013, 430, 560], "category_id": 2, "id": 462, "iscrowd": 0, "weight": 0.058894818951823136, "segmentation": [], "area": 240800}, {"image_id": 10124, "bbox": [1308, 1033, 1306, 742], "category_id": 0, "id": 463, "iscrowd": 0, "weight": 0.5432974475931478, "segmentation": [], "area": 969052}, {"image_id": 10124, "bbox": [338, 1377, 960, 520], "category_id": 1, "id": 464, "iscrowd": 0, "weight": 0.5751956000925028, "segmentation": [], "area": 499200}, {"image_id": 10125, "bbox": [1261, 1113, 1340, 317], "category_id": 0, "id": 465, "iscrowd": 0, "weight": 0.7500544787973488, "segmentation": [], "area": 424780}, {"image_id": 10125, "bbox": [2481, 67, 1542, 1383], "category_id": 2, "id": 466, "iscrowd": 0, "weight": 0.5465968344364169, "segmentation": [], "area": 2132586}, {"image_id": 10125, "bbox": [1728, 1763, 906, 144], "category_id": 1, "id": 467, "iscrowd": 0, "weight": 0.999319750220435, "segmentation": [], "area": 130464}, {"image_id": 10126, "bbox": [2148, 1203, 426, 1234], "category_id": 1, "id": 468, "iscrowd": 0, "weight": 0.48874440278911047, "segmentation": [], "area": 525684}, {"image_id": 10126, "bbox": [2521, 1070, 760, 923], "category_id": 0, "id": 469, "iscrowd": 0, "weight": 0.5366099524813088, "segmentation": [], "area": 701480}, {"image_id": 10126, "bbox": [1624, 1433, 39, 149], "category_id": 1, "id": 470, "iscrowd": 0, "weight": 0.1990208392509022, "segmentation": [], "area": 5811}, {"image_id": 10127, "bbox": [1828, 803, 653, 94], "category_id": 2, "id": 471, "iscrowd": 0, "weight": 0.2810611102363991, "segmentation": [], "area": 61382}, {"image_id": 10127, "bbox": [3084, 900, 414, 390], "category_id": 0, "id": 472, "iscrowd": 0, "weight": 0.04265912702999797, "segmentation": [], "area": 161460}, {"image_id": 10127, "bbox": [2711, 1020, 713, 743], "category_id": 0, "id": 473, "iscrowd": 0, "weight": 0.5028908289282197, "segmentation": [], "area": 529759}, {"image_id": 10127, "bbox": [2614, 1133, 49, 51], "category_id": 0, "id": 474, "iscrowd": 0, "weight": 0.6926806148567266, "segmentation": [], "area": 2499}, {"image_id": 10128, "bbox": [1401, 1227, 867, 300], "category_id": 1, "id": 475, "iscrowd": 0, "weight": 0.12612855406221113, "segmentation": [], "area": 260100}, {"image_id": 10129, "bbox": [1754, 800, 510, 220], "category_id": 0, "id": 476, "iscrowd": 0, "weight": 0.014176047883740606, "segmentation": [], "area": 112200}, {"image_id": 10129, "bbox": [1811, 1123, 647, 477], "category_id": 0, "id": 477, "iscrowd": 0, "weight": 0.5418880502240943, "segmentation": [], "area": 308619}, {"image_id": 10129, "bbox": [2091, 1693, 150, 74], "category_id": 0, "id": 478, "iscrowd": 0, "weight": 0.737784275327249, "segmentation": [], "area": 11100}, {"image_id": 10129, "bbox": [3101, 1337, 727, 90], "category_id": 1, "id": 479, "iscrowd": 0, "weight": 0.08716342630252616, "segmentation": [], "area": 65430}, {"image_id": 10129, "bbox": [1, 593, 730, 1487], "category_id": 2, "id": 480, "iscrowd": 0, "weight": 0.5728797747544216, "segmentation": [], "area": 1085510}, {"image_id": 10130, "bbox": [1334, 910, 432, 242], "category_id": 0, "id": 481, "iscrowd": 0, "weight": 0.8014864994732094, "segmentation": [], "area": 104544}, {"image_id": 10130, "bbox": [3224, 1622, 303, 81], "category_id": 2, "id": 482, "iscrowd": 0, "weight": 0.6116128942000361, "segmentation": [], "area": 24543}, {"image_id": 10130, "bbox": [1476, 1242, 429, 426], "category_id": 0, "id": 483, "iscrowd": 0, "weight": 0.4510702167525352, "segmentation": [], "area": 182754}, {"image_id": 10131, "bbox": [2011, 1093, 873, 347], "category_id": 1, "id": 484, "iscrowd": 0, "weight": 0.40819324738582197, "segmentation": [], "area": 302931}, {"image_id": 10131, "bbox": [2674, 63, 734, 557], "category_id": 0, "id": 485, "iscrowd": 0, "weight": 0.7369780229365787, "segmentation": [], "area": 408838}, {"image_id": 10131, "bbox": [2851, 423, 733, 484], "category_id": 0, "id": 486, "iscrowd": 0, "weight": 0.25200128493679097, "segmentation": [], "area": 354772}, {"image_id": 10131, "bbox": [3638, 640, 246, 397], "category_id": 0, "id": 487, "iscrowd": 0, "weight": 0.1631277200948451, "segmentation": [], "area": 97662}, {"image_id": 10132, "bbox": [2698, 896, 406, 242], "category_id": 0, "id": 488, "iscrowd": 0, "weight": 0.7951068234018294, "segmentation": [], "area": 98252}, {"image_id": 10132, "bbox": [2495, 1239, 597, 452], "category_id": 0, "id": 489, "iscrowd": 0, "weight": 0.3032059392395027, "segmentation": [], "area": 269844}, {"image_id": 10132, "bbox": [2350, 1800, 616, 265], "category_id": 0, "id": 490, "iscrowd": 0, "weight": 0.6221436604295877, "segmentation": [], "area": 163240}, {"image_id": 10133, "bbox": [2591, 2707, 1199, 328], "category_id": 2, "id": 491, "iscrowd": 0, "weight": 0.8261283211641639, "segmentation": [], "area": 393272}, {"image_id": 10134, "bbox": [1444, 887, 1420, 186], "category_id": 2, "id": 492, "iscrowd": 0, "weight": 0.2923669045892311, "segmentation": [], "area": 264120}, {"image_id": 10134, "bbox": [1908, 1527, 733, 573], "category_id": 0, "id": 493, "iscrowd": 0, "weight": 0.03712942006073938, "segmentation": [], "area": 420009}, {"image_id": 10134, "bbox": [2860, 1404, 758, 630], "category_id": 1, "id": 494, "iscrowd": 0, "weight": 0.6885642710400124, "segmentation": [], "area": 477540}, {"image_id": 10135, "bbox": [1178, 1500, 973, 337], "category_id": 0, "id": 495, "iscrowd": 0, "weight": 0.8465551748696237, "segmentation": [], "area": 327901}, {"image_id": 10135, "bbox": [1848, 1907, 466, 80], "category_id": 0, "id": 496, "iscrowd": 0, "weight": 0.8916674650076184, "segmentation": [], "area": 37280}, {"image_id": 10135, "bbox": [2514, 1563, 1094, 237], "category_id": 1, "id": 497, "iscrowd": 0, "weight": 0.2997471801891698, "segmentation": [], "area": 259278}, {"image_id": 10135, "bbox": [224, 907, 504, 1133], "category_id": 2, "id": 498, "iscrowd": 0, "weight": 0.4836515181369332, "segmentation": [], "area": 571032}, {"image_id": 10136, "bbox": [2711, 313, 653, 1287], "category_id": 2, "id": 499, "iscrowd": 0, "weight": 0.9399428617220871, "segmentation": [], "area": 840411}, {"image_id": 10137, "bbox": [1831, 613, 1660, 187], "category_id": 2, "id": 500, "iscrowd": 0, "weight": 0.11052891896645922, "segmentation": [], "area": 310420}, {"image_id": 10137, "bbox": [3128, 1257, 883, 513], "category_id": 0, "id": 501, "iscrowd": 0, "weight": 0.3362822705986451, "segmentation": [], "area": 452979}, {"image_id": 10137, "bbox": [2941, 1847, 507, 253], "category_id": 0, "id": 502, "iscrowd": 0, "weight": 0.917877762331809, "segmentation": [], "area": 128271}, {"image_id": 10138, "bbox": [1828, 823, 966, 754], "category_id": 2, "id": 503, "iscrowd": 0, "weight": 0.8656302647347923, "segmentation": [], "area": 728364}, {"image_id": 10138, "bbox": [1084, 1470, 57, 50], "category_id": 0, "id": 504, "iscrowd": 0, "weight": 0.8810966333836616, "segmentation": [], "area": 2850}, {"image_id": 10138, "bbox": [478, 263, 863, 1297], "category_id": 0, "id": 505, "iscrowd": 0, "weight": 0.06504419395414296, "segmentation": [], "area": 1119311}, {"image_id": 10138, "bbox": [1018, 910, 670, 403], "category_id": 1, "id": 506, "iscrowd": 0, "weight": 0.1888041816368251, "segmentation": [], "area": 270010}], "categories": [{"id": 0, "name": "yanse"}, {"id": 1, "name": "huahen"}, {"id": 2, "name": "mosun"}]} \ No newline at end of file diff --git a/examples/yaoba/singletask_learning_boost/resource/json/known_train.json b/examples/yaoba/singletask_learning_boost/resource/json/known_train.json new file mode 100644 index 00000000..67035fba --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/json/known_train.json @@ -0,0 +1 @@ +{"images": [{"file_name": "2021-05-16-13-09-20.jpg", "id": 10000, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-26-14.jpg", "id": 10001, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-02-46.jpg", "id": 10002, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-58-42.jpg", "id": 10003, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-58-28.jpg", "id": 10004, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-56-56.jpg", "id": 10005, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-04-28.jpg", "id": 10006, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-50-20.jpg", "id": 10007, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-13-22.jpg", "id": 10008, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-52-32.jpg", "id": 10009, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-47-56.jpg", "id": 10010, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-50-44.jpg", "id": 10011, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-17-48.jpg", "id": 10012, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-16-55-42.jpg", "id": 10013, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-52-36.jpg", "id": 10014, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-44-18.jpg", "id": 10015, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-46-00.jpg", "id": 10016, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-06-32.jpg", "id": 10017, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-20-56.jpg", "id": 10018, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-16-02.jpg", "id": 10019, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-58-32.jpg", "id": 10020, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-43-42.jpg", "id": 10021, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-48-24.jpg", "id": 10022, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-56-16.jpg", "id": 10023, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-53-54.jpg", "id": 10024, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-16-54-32.jpg", "id": 10025, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-39-00.jpg", "id": 10026, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-45-22.jpg", "id": 10027, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-43-44.jpg", "id": 10028, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-14-00.jpg", "id": 10029, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-59-12.jpg", "id": 10030, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-00-52.jpg", "id": 10031, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-16-59-16.jpg", "id": 10032, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-45-00.jpg", "id": 10033, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-01-48.jpg", "id": 10034, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-00-32.jpg", "id": 10035, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-01-02.jpg", "id": 10036, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-10-24.jpg", "id": 10037, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-00-26.jpg", "id": 10038, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-47-32.jpg", "id": 10039, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-44-18.jpg", "id": 10040, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-42-54.jpg", "id": 10041, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-18-06.jpg", "id": 10042, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-58-16.jpg", "id": 10043, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-16-53-42.jpg", "id": 10044, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-10-36.jpg", "id": 10045, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-22-44.jpg", "id": 10046, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-10-06.jpg", "id": 10047, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-42-06.jpg", "id": 10048, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-55-36.jpg", "id": 10049, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-26-52.jpg", "id": 10050, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-43-06.jpg", "id": 10051, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-33-22.jpg", "id": 10052, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-11-48.jpg", "id": 10053, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-05-52.jpg", "id": 10054, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-32-12.jpg", "id": 10055, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-36-12.jpg", "id": 10056, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-21-50.jpg", "id": 10057, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-33-54.jpg", "id": 10058, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-56-10.jpg", "id": 10059, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-21-58.jpg", "id": 10060, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-18-28.jpg", "id": 10061, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-34-40.jpg", "id": 10062, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-44-12.jpg", "id": 10063, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-09-34.jpg", "id": 10064, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-42-40.jpg", "id": 10065, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-15-52.jpg", "id": 10066, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-13-44.jpg", "id": 10067, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-56-00.jpg", "id": 10068, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-04-36.jpg", "id": 10069, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-28-20.jpg", "id": 10070, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-52-36.jpg", "id": 10071, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-03-06.jpg", "id": 10072, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-05-10.jpg", "id": 10073, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-36-20.jpg", "id": 10074, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-24-02.jpg", "id": 10075, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-17-12.jpg", "id": 10076, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-59-00.jpg", "id": 10077, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-37-26.jpg", "id": 10078, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-41-42.jpg", "id": 10079, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-27-40.jpg", "id": 10080, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-03-14.jpg", "id": 10081, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-20-16.jpg", "id": 10082, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-02-26.jpg", "id": 10083, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-09-56.jpg", "id": 10084, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-03-10.jpg", "id": 10085, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-02-44.jpg", "id": 10086, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-24-26.jpg", "id": 10087, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-36-04.jpg", "id": 10088, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-31-14.jpg", "id": 10089, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-20-50.jpg", "id": 10090, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-01-30.jpg", "id": 10091, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-16-42.jpg", "id": 10092, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-56-42.jpg", "id": 10093, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-26-24.jpg", "id": 10094, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-21-00.jpg", "id": 10095, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-16-18.jpg", "id": 10096, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-36-34.jpg", "id": 10097, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-14-32.jpg", "id": 10098, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-04-12.jpg", "id": 10099, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-53-00.jpg", "id": 10100, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-47-28.jpg", "id": 10101, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-24-26.jpg", "id": 10102, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-36-30.jpg", "id": 10103, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-37-14.jpg", "id": 10104, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-38-44.jpg", "id": 10105, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-29-56.jpg", "id": 10106, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-57-46.jpg", "id": 10107, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-54-02.jpg", "id": 10108, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-23-22.jpg", "id": 10109, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-54-22.jpg", "id": 10110, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-51-02.jpg", "id": 10111, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-35-10.jpg", "id": 10112, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-02-34.jpg", "id": 10113, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-47-50.jpg", "id": 10114, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-35-12.jpg", "id": 10115, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-52-42.jpg", "id": 10116, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-08-52.jpg", "id": 10117, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-54-38.jpg", "id": 10118, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-39-06.jpg", "id": 10119, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-44-16.jpg", "id": 10120, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-18-14.jpg", "id": 10121, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-00-30.jpg", "id": 10122, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-09-30.jpg", "id": 10123, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-51-54.jpg", "id": 10124, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-54-06.jpg", "id": 10125, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-49-58.jpg", "id": 10126, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-30-36.jpg", "id": 10127, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-16-00-54.jpg", "id": 10128, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-15-16.jpg", "id": 10129, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-36-52.jpg", "id": 10130, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-47-32.jpg", "id": 10131, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-50-26.jpg", "id": 10132, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-57-00.jpg", "id": 10133, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-55-28.jpg", "id": 10134, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-16-48.jpg", "id": 10135, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-00-22.jpg", "id": 10136, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-54-58.jpg", "id": 10137, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-24-40.jpg", "id": 10138, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-54-02.jpg", "id": 10139, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-07-24.jpg", "id": 10140, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-30-08.jpg", "id": 10141, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-26-44.jpg", "id": 10142, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-12-54.jpg", "id": 10143, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-13-00.jpg", "id": 10144, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-59-34.jpg", "id": 10145, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-19-40.jpg", "id": 10146, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-55-50.jpg", "id": 10147, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-37-28.jpg", "id": 10148, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-14-42.jpg", "id": 10149, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-17-06.jpg", "id": 10150, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-10-28.jpg", "id": 10151, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-03-12.jpg", "id": 10152, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-11-36.jpg", "id": 10153, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-58-02.jpg", "id": 10154, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-59-54.jpg", "id": 10155, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-33-26.jpg", "id": 10156, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-16-24.jpg", "id": 10157, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-34-30.jpg", "id": 10158, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-14-10.jpg", "id": 10159, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-38-00.jpg", "id": 10160, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-19-42.jpg", "id": 10161, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-02-20.jpg", "id": 10162, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-55-28.jpg", "id": 10163, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-29-32.jpg", "id": 10164, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-32-02.jpg", "id": 10165, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-08-44.jpg", "id": 10166, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-46-32.jpg", "id": 10167, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-30-50.jpg", "id": 10168, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-09-46.jpg", "id": 10169, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-26-30.jpg", "id": 10170, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-48-56.jpg", "id": 10171, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-33-08.jpg", "id": 10172, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-20-16.jpg", "id": 10173, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-06-10.jpg", "id": 10174, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-28-34.jpg", "id": 10175, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-34-38.jpg", "id": 10176, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-22-02.jpg", "id": 10177, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-58-04.jpg", "id": 10178, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-33-30.jpg", "id": 10179, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-25-16.jpg", "id": 10180, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-59-18.jpg", "id": 10181, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-58-28.jpg", "id": 10182, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-29-40.jpg", "id": 10183, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-11-12.jpg", "id": 10184, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-08-06.jpg", "id": 10185, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-31-14.jpg", "id": 10186, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-46-30.jpg", "id": 10187, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-32-52.jpg", "id": 10188, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-40-50.jpg", "id": 10189, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-51-28.jpg", "id": 10190, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-59-34.jpg", "id": 10191, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-14-36.jpg", "id": 10192, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-28-32.jpg", "id": 10193, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-11-44.jpg", "id": 10194, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-09-24.jpg", "id": 10195, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-30-58.jpg", "id": 10196, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-54-32.jpg", "id": 10197, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-56-06.jpg", "id": 10198, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-27-40.jpg", "id": 10199, "height": 3036, "width": 4024}], "annotations": [{"image_id": 10000, "bbox": [1448, 833, 766, 714], "category_id": 2, "id": 0, "iscrowd": 0, "weight": 0.36037141193598277, "segmentation": [], "area": 546924}, {"image_id": 10000, "bbox": [2064, 1837, 804, 483], "category_id": 2, "id": 1, "iscrowd": 0, "weight": 0.8049037617056195, "segmentation": [], "area": 388332}, {"image_id": 10000, "bbox": [2764, 607, 640, 506], "category_id": 1, "id": 2, "iscrowd": 0, "weight": 0.7870723486565452, "segmentation": [], "area": 323840}, {"image_id": 10001, "bbox": [1691, 917, 237, 230], "category_id": 0, "id": 3, "iscrowd": 0, "weight": 0.9884309948383342, "segmentation": [], "area": 54510}, {"image_id": 10001, "bbox": [2094, 933, 370, 244], "category_id": 0, "id": 4, "iscrowd": 0, "weight": 0.9176224140831808, "segmentation": [], "area": 90280}, {"image_id": 10001, "bbox": [1724, 1250, 500, 470], "category_id": 0, "id": 5, "iscrowd": 0, "weight": 0.7155654743875374, "segmentation": [], "area": 235000}, {"image_id": 10001, "bbox": [2088, 1807, 596, 230], "category_id": 0, "id": 6, "iscrowd": 0, "weight": 0.29903153900225, "segmentation": [], "area": 137080}, {"image_id": 10001, "bbox": [0, 1068, 401, 992], "category_id": 2, "id": 7, "iscrowd": 0, "weight": 0.034754456292080405, "segmentation": [], "area": 397792}, {"image_id": 10001, "bbox": [2098, 1258, 529, 449], "category_id": 0, "id": 8, "iscrowd": 0, "weight": 0.13547762754932968, "segmentation": [], "area": 237521}, {"image_id": 10002, "bbox": [2618, 783, 450, 227], "category_id": 0, "id": 9, "iscrowd": 0, "weight": 0.47796582035879664, "segmentation": [], "area": 102150}, {"image_id": 10002, "bbox": [2684, 1007, 540, 523], "category_id": 0, "id": 10, "iscrowd": 0, "weight": 0.7684001502084655, "segmentation": [], "area": 282420}, {"image_id": 10002, "bbox": [2554, 1483, 730, 610], "category_id": 0, "id": 11, "iscrowd": 0, "weight": 0.526262681543597, "segmentation": [], "area": 445300}, {"image_id": 10002, "bbox": [1834, 1437, 664, 203], "category_id": 1, "id": 12, "iscrowd": 0, "weight": 0.3420847789887601, "segmentation": [], "area": 134792}, {"image_id": 10002, "bbox": [1638, 1530, 903, 227], "category_id": 1, "id": 13, "iscrowd": 0, "weight": 0.14646298015851078, "segmentation": [], "area": 204981}, {"image_id": 10003, "bbox": [1894, 1287, 467, 116], "category_id": 1, "id": 14, "iscrowd": 0, "weight": 0.575702711043147, "segmentation": [], "area": 54172}, {"image_id": 10003, "bbox": [788, 1700, 903, 377], "category_id": 0, "id": 15, "iscrowd": 0, "weight": 0.6791848277914081, "segmentation": [], "area": 340431}, {"image_id": 10003, "bbox": [651, 1620, 340, 233], "category_id": 0, "id": 16, "iscrowd": 0, "weight": 0.3857273882706339, "segmentation": [], "area": 79220}, {"image_id": 10003, "bbox": [118, 2257, 703, 693], "category_id": 2, "id": 17, "iscrowd": 0, "weight": 0.1666412619040326, "segmentation": [], "area": 487179}, {"image_id": 10004, "bbox": [2498, 1533, 710, 624], "category_id": 1, "id": 18, "iscrowd": 0, "weight": 0.030958407684193445, "segmentation": [], "area": 443040}, {"image_id": 10004, "bbox": [3114, 2037, 757, 806], "category_id": 2, "id": 19, "iscrowd": 0, "weight": 0.02083080318266939, "segmentation": [], "area": 610142}, {"image_id": 10004, "bbox": [2028, 763, 1013, 446], "category_id": 0, "id": 20, "iscrowd": 0, "weight": 0.8820999977300352, "segmentation": [], "area": 451798}, {"image_id": 10004, "bbox": [1954, 900, 254, 230], "category_id": 0, "id": 21, "iscrowd": 0, "weight": 0.7878943628873138, "segmentation": [], "area": 58420}, {"image_id": 10005, "bbox": [1824, 843, 244, 140], "category_id": 0, "id": 22, "iscrowd": 0, "weight": 0.8673838431303343, "segmentation": [], "area": 34160}, {"image_id": 10005, "bbox": [2018, 900, 690, 313], "category_id": 0, "id": 23, "iscrowd": 0, "weight": 0.25036880724944854, "segmentation": [], "area": 215970}, {"image_id": 10005, "bbox": [2691, 567, 750, 106], "category_id": 1, "id": 24, "iscrowd": 0, "weight": 0.6140981760857102, "segmentation": [], "area": 79500}, {"image_id": 10005, "bbox": [1851, 1807, 430, 323], "category_id": 2, "id": 25, "iscrowd": 0, "weight": 0.7481948889925184, "segmentation": [], "area": 138890}, {"image_id": 10006, "bbox": [2124, 1063, 600, 300], "category_id": 1, "id": 26, "iscrowd": 0, "weight": 0.20090090261545057, "segmentation": [], "area": 180000}, {"image_id": 10006, "bbox": [1111, 1003, 687, 584], "category_id": 0, "id": 27, "iscrowd": 0, "weight": 0.7964360197596347, "segmentation": [], "area": 401208}, {"image_id": 10006, "bbox": [1344, 1243, 824, 577], "category_id": 0, "id": 28, "iscrowd": 0, "weight": 0.4384309273613277, "segmentation": [], "area": 475448}, {"image_id": 10006, "bbox": [1954, 1677, 384, 290], "category_id": 0, "id": 29, "iscrowd": 0, "weight": 0.5400260952355547, "segmentation": [], "area": 111360}, {"image_id": 10007, "bbox": [1424, 1547, 737, 703], "category_id": 1, "id": 30, "iscrowd": 0, "weight": 0.5700933826775977, "segmentation": [], "area": 518111}, {"image_id": 10007, "bbox": [354, 1853, 690, 317], "category_id": 0, "id": 31, "iscrowd": 0, "weight": 0.6204435376015284, "segmentation": [], "area": 218730}, {"image_id": 10007, "bbox": [858, 2010, 436, 383], "category_id": 0, "id": 32, "iscrowd": 0, "weight": 0.8677085706247426, "segmentation": [], "area": 166988}, {"image_id": 10008, "bbox": [1918, 1283, 373, 490], "category_id": 0, "id": 33, "iscrowd": 0, "weight": 0.44591179809648496, "segmentation": [], "area": 182770}, {"image_id": 10008, "bbox": [2228, 1670, 130, 107], "category_id": 0, "id": 34, "iscrowd": 0, "weight": 0.9945009721019159, "segmentation": [], "area": 13910}, {"image_id": 10008, "bbox": [3711, 0, 312, 790], "category_id": 2, "id": 35, "iscrowd": 0, "weight": 0.7951805521264135, "segmentation": [], "area": 246480}, {"image_id": 10009, "bbox": [1688, 1237, 873, 410], "category_id": 1, "id": 36, "iscrowd": 0, "weight": 0.7557404264009697, "segmentation": [], "area": 357930}, {"image_id": 10009, "bbox": [2571, 1683, 323, 210], "category_id": 1, "id": 37, "iscrowd": 0, "weight": 0.7344185719653807, "segmentation": [], "area": 67830}, {"image_id": 10009, "bbox": [1981, 763, 837, 144], "category_id": 2, "id": 38, "iscrowd": 0, "weight": 0.20988296346406998, "segmentation": [], "area": 120528}, {"image_id": 10009, "bbox": [401, 1123, 933, 420], "category_id": 0, "id": 39, "iscrowd": 0, "weight": 0.18796737109486772, "segmentation": [], "area": 391860}, {"image_id": 10009, "bbox": [74, 970, 364, 400], "category_id": 0, "id": 40, "iscrowd": 0, "weight": 0.109528879384445, "segmentation": [], "area": 145600}, {"image_id": 10009, "bbox": [0, 1354, 1205, 530], "category_id": 0, "id": 41, "iscrowd": 0, "weight": 0.8315837787299941, "segmentation": [], "area": 638650}, {"image_id": 10009, "bbox": [1282, 1668, 297, 365], "category_id": 0, "id": 42, "iscrowd": 0, "weight": 0.3459852712975642, "segmentation": [], "area": 108405}, {"image_id": 10010, "bbox": [1118, 1181, 313, 321], "category_id": 0, "id": 43, "iscrowd": 0, "weight": 0.8458151983907696, "segmentation": [], "area": 100473}, {"image_id": 10010, "bbox": [1378, 1397, 803, 396], "category_id": 0, "id": 44, "iscrowd": 0, "weight": 0.8955748379041324, "segmentation": [], "area": 317988}, {"image_id": 10010, "bbox": [1968, 1657, 410, 193], "category_id": 0, "id": 45, "iscrowd": 0, "weight": 0.8889308043129471, "segmentation": [], "area": 79130}, {"image_id": 10011, "bbox": [551, 283, 753, 800], "category_id": 0, "id": 46, "iscrowd": 0, "weight": 0.6692258266109697, "segmentation": [], "area": 602400}, {"image_id": 10011, "bbox": [3574, 2313, 87, 164], "category_id": 2, "id": 47, "iscrowd": 0, "weight": 0.06250390622911084, "segmentation": [], "area": 14268}, {"image_id": 10011, "bbox": [3137, 2390, 320, 287], "category_id": 2, "id": 48, "iscrowd": 0, "weight": 0.4200433469473429, "segmentation": [], "area": 91840}, {"image_id": 10012, "bbox": [1698, 827, 396, 156], "category_id": 0, "id": 49, "iscrowd": 0, "weight": 0.1295363127385899, "segmentation": [], "area": 61776}, {"image_id": 10012, "bbox": [964, 877, 777, 283], "category_id": 0, "id": 50, "iscrowd": 0, "weight": 0.38125003482101083, "segmentation": [], "area": 219891}, {"image_id": 10012, "bbox": [1348, 1690, 703, 480], "category_id": 2, "id": 51, "iscrowd": 0, "weight": 0.5350534502639542, "segmentation": [], "area": 337440}, {"image_id": 10013, "bbox": [2034, 1483, 1494, 160], "category_id": 1, "id": 52, "iscrowd": 0, "weight": 0.9675997412205544, "segmentation": [], "area": 239040}, {"image_id": 10014, "bbox": [1204, 500, 224, 160], "category_id": 0, "id": 53, "iscrowd": 0, "weight": 0.8885621309635104, "segmentation": [], "area": 35840}, {"image_id": 10014, "bbox": [418, 490, 840, 617], "category_id": 0, "id": 54, "iscrowd": 0, "weight": 0.6765669435240704, "segmentation": [], "area": 518280}, {"image_id": 10014, "bbox": [198, 867, 256, 353], "category_id": 0, "id": 55, "iscrowd": 0, "weight": 0.6130574144424799, "segmentation": [], "area": 90368}, {"image_id": 10014, "bbox": [1144, 923, 270, 404], "category_id": 1, "id": 56, "iscrowd": 0, "weight": 0.13424276694208404, "segmentation": [], "area": 109080}, {"image_id": 10014, "bbox": [1228, 1140, 353, 277], "category_id": 1, "id": 57, "iscrowd": 0, "weight": 0.20145424969520986, "segmentation": [], "area": 97781}, {"image_id": 10015, "bbox": [1554, 1150, 420, 280], "category_id": 0, "id": 58, "iscrowd": 0, "weight": 0.7647485158244107, "segmentation": [], "area": 117600}, {"image_id": 10015, "bbox": [3646, 1196, 110, 151], "category_id": 2, "id": 59, "iscrowd": 0, "weight": 0.47990975209183795, "segmentation": [], "area": 16610}, {"image_id": 10015, "bbox": [3299, 1534, 281, 122], "category_id": 2, "id": 60, "iscrowd": 0, "weight": 0.5543517541131072, "segmentation": [], "area": 34282}, {"image_id": 10015, "bbox": [1728, 850, 413, 203], "category_id": 0, "id": 61, "iscrowd": 0, "weight": 0.4979198891152057, "segmentation": [], "area": 83839}, {"image_id": 10016, "bbox": [2691, 323, 178, 229], "category_id": 0, "id": 62, "iscrowd": 0, "weight": 0.1992668814402042, "segmentation": [], "area": 40762}, {"image_id": 10016, "bbox": [2756, 462, 784, 423], "category_id": 0, "id": 63, "iscrowd": 0, "weight": 0.8229394499304727, "segmentation": [], "area": 331632}, {"image_id": 10016, "bbox": [3475, 778, 258, 213], "category_id": 0, "id": 64, "iscrowd": 0, "weight": 0.7381148375551149, "segmentation": [], "area": 54954}, {"image_id": 10017, "bbox": [181, 220, 1030, 730], "category_id": 2, "id": 65, "iscrowd": 0, "weight": 0.9620366376280682, "segmentation": [], "area": 751900}, {"image_id": 10018, "bbox": [2038, 683, 1313, 300], "category_id": 2, "id": 66, "iscrowd": 0, "weight": 0.42337991098349514, "segmentation": [], "area": 393900}, {"image_id": 10018, "bbox": [104, 1220, 1214, 727], "category_id": 0, "id": 67, "iscrowd": 0, "weight": 0.8093394504982108, "segmentation": [], "area": 882578}, {"image_id": 10018, "bbox": [2150, 1829, 468, 288], "category_id": 2, "id": 68, "iscrowd": 0, "weight": 0.26231692969240195, "segmentation": [], "area": 134784}, {"image_id": 10019, "bbox": [2081, 1003, 223, 107], "category_id": 0, "id": 69, "iscrowd": 0, "weight": 0.69308889159287, "segmentation": [], "area": 23861}, {"image_id": 10019, "bbox": [1308, 1170, 1040, 457], "category_id": 0, "id": 70, "iscrowd": 0, "weight": 0.9450330556405481, "segmentation": [], "area": 475280}, {"image_id": 10019, "bbox": [2008, 1777, 610, 250], "category_id": 2, "id": 71, "iscrowd": 0, "weight": 0.3821833593439976, "segmentation": [], "area": 152500}, {"image_id": 10020, "bbox": [2398, 377, 1046, 616], "category_id": 0, "id": 72, "iscrowd": 0, "weight": 0.7737623329476769, "segmentation": [], "area": 644336}, {"image_id": 10020, "bbox": [2854, 213, 590, 320], "category_id": 0, "id": 73, "iscrowd": 0, "weight": 0.10466225168925436, "segmentation": [], "area": 188800}, {"image_id": 10020, "bbox": [3541, 57, 226, 73], "category_id": 0, "id": 74, "iscrowd": 0, "weight": 0.23087520905280168, "segmentation": [], "area": 16498}, {"image_id": 10020, "bbox": [2424, 755, 103, 97], "category_id": 0, "id": 75, "iscrowd": 0, "weight": 0.5786493171169194, "segmentation": [], "area": 9991}, {"image_id": 10021, "bbox": [2191, 923, 553, 677], "category_id": 2, "id": 76, "iscrowd": 0, "weight": 0.4549211126806535, "segmentation": [], "area": 374381}, {"image_id": 10021, "bbox": [221, 1077, 633, 410], "category_id": 0, "id": 77, "iscrowd": 0, "weight": 0.9253192823260077, "segmentation": [], "area": 259530}, {"image_id": 10021, "bbox": [734, 947, 867, 453], "category_id": 0, "id": 78, "iscrowd": 0, "weight": 0.18689096503489389, "segmentation": [], "area": 392751}, {"image_id": 10022, "bbox": [2868, 307, 676, 550], "category_id": 0, "id": 79, "iscrowd": 0, "weight": 0.0635964321333794, "segmentation": [], "area": 371800}, {"image_id": 10022, "bbox": [3504, 657, 374, 213], "category_id": 0, "id": 80, "iscrowd": 0, "weight": 0.4056143798581189, "segmentation": [], "area": 79662}, {"image_id": 10023, "bbox": [1558, 1103, 326, 777], "category_id": 1, "id": 81, "iscrowd": 0, "weight": 0.9702697650099825, "segmentation": [], "area": 253302}, {"image_id": 10023, "bbox": [531, 113, 403, 277], "category_id": 0, "id": 82, "iscrowd": 0, "weight": 0.4322954703645019, "segmentation": [], "area": 111631}, {"image_id": 10023, "bbox": [674, 457, 614, 776], "category_id": 0, "id": 83, "iscrowd": 0, "weight": 0.2580149990824492, "segmentation": [], "area": 476464}, {"image_id": 10023, "bbox": [1411, 720, 187, 167], "category_id": 0, "id": 84, "iscrowd": 0, "weight": 0.46206876643342676, "segmentation": [], "area": 31229}, {"image_id": 10023, "bbox": [2774, 2063, 574, 747], "category_id": 2, "id": 85, "iscrowd": 0, "weight": 0.13918770512670042, "segmentation": [], "area": 428778}, {"image_id": 10024, "bbox": [2972, 323, 672, 741], "category_id": 0, "id": 86, "iscrowd": 0, "weight": 0.6882741233548683, "segmentation": [], "area": 497952}, {"image_id": 10024, "bbox": [3628, 93, 200, 330], "category_id": 0, "id": 87, "iscrowd": 0, "weight": 0.5299679346750111, "segmentation": [], "area": 66000}, {"image_id": 10024, "bbox": [3253, 987, 297, 149], "category_id": 0, "id": 88, "iscrowd": 0, "weight": 0.9925763925268579, "segmentation": [], "area": 44253}, {"image_id": 10025, "bbox": [735, 1103, 2023, 381], "category_id": 1, "id": 89, "iscrowd": 0, "weight": 0.9424483402133595, "segmentation": [], "area": 770763}, {"image_id": 10026, "bbox": [1934, 990, 210, 587], "category_id": 1, "id": 90, "iscrowd": 0, "weight": 0.09821132378603259, "segmentation": [], "area": 123270}, {"image_id": 10026, "bbox": [2821, 0, 1200, 1410], "category_id": 2, "id": 91, "iscrowd": 0, "weight": 0.7281852584825885, "segmentation": [], "area": 1692000}, {"image_id": 10027, "bbox": [818, 1213, 756, 314], "category_id": 0, "id": 92, "iscrowd": 0, "weight": 0.41436858738016236, "segmentation": [], "area": 237384}, {"image_id": 10027, "bbox": [248, 1230, 663, 337], "category_id": 0, "id": 93, "iscrowd": 0, "weight": 0.37248421202790194, "segmentation": [], "area": 223431}, {"image_id": 10028, "bbox": [424, 1230, 1480, 957], "category_id": 1, "id": 94, "iscrowd": 0, "weight": 0.16881795390306853, "segmentation": [], "area": 1416360}, {"image_id": 10029, "bbox": [264, 243, 704, 674], "category_id": 0, "id": 95, "iscrowd": 0, "weight": 0.3900252534494629, "segmentation": [], "area": 474496}, {"image_id": 10029, "bbox": [3615, 2904, 244, 130], "category_id": 2, "id": 96, "iscrowd": 0, "weight": 0.059889681588353505, "segmentation": [], "area": 31720}, {"image_id": 10030, "bbox": [1284, 887, 477, 376], "category_id": 2, "id": 97, "iscrowd": 0, "weight": 0.7816378661798786, "segmentation": [], "area": 179352}, {"image_id": 10030, "bbox": [1871, 733, 690, 994], "category_id": 0, "id": 98, "iscrowd": 0, "weight": 0.9816456270843414, "segmentation": [], "area": 685860}, {"image_id": 10030, "bbox": [1898, 823, 156, 217], "category_id": 0, "id": 99, "iscrowd": 0, "weight": 0.47869559031066156, "segmentation": [], "area": 33852}, {"image_id": 10030, "bbox": [2018, 1660, 186, 130], "category_id": 0, "id": 100, "iscrowd": 0, "weight": 0.4077415487030104, "segmentation": [], "area": 24180}, {"image_id": 10030, "bbox": [2644, 317, 584, 710], "category_id": 1, "id": 101, "iscrowd": 0, "weight": 0.1802982508767107, "segmentation": [], "area": 414640}, {"image_id": 10031, "bbox": [1777, 1010, 757, 113], "category_id": 2, "id": 102, "iscrowd": 0, "weight": 0.10971572123334372, "segmentation": [], "area": 85541}, {"image_id": 10031, "bbox": [1901, 1933, 577, 414], "category_id": 2, "id": 103, "iscrowd": 0, "weight": 0.032510126839956466, "segmentation": [], "area": 238878}, {"image_id": 10031, "bbox": [1171, 1003, 563, 310], "category_id": 0, "id": 104, "iscrowd": 0, "weight": 0.6899758951332299, "segmentation": [], "area": 174530}, {"image_id": 10031, "bbox": [1148, 1360, 746, 453], "category_id": 0, "id": 105, "iscrowd": 0, "weight": 0.8948667648978821, "segmentation": [], "area": 337938}, {"image_id": 10031, "bbox": [1011, 1660, 67, 73], "category_id": 0, "id": 106, "iscrowd": 0, "weight": 0.01658651468937422, "segmentation": [], "area": 4891}, {"image_id": 10031, "bbox": [911, 1970, 153, 63], "category_id": 0, "id": 107, "iscrowd": 0, "weight": 0.3178369761041757, "segmentation": [], "area": 9639}, {"image_id": 10031, "bbox": [3181, 1610, 120, 290], "category_id": 2, "id": 108, "iscrowd": 0, "weight": 0.466244621569612, "segmentation": [], "area": 34800}, {"image_id": 10031, "bbox": [428, 1303, 433, 504], "category_id": 1, "id": 109, "iscrowd": 0, "weight": 0.7410498933290134, "segmentation": [], "area": 218232}, {"image_id": 10031, "bbox": [1934, 1107, 74, 61], "category_id": 0, "id": 110, "iscrowd": 0, "weight": 0.7135500338905588, "segmentation": [], "area": 4514}, {"image_id": 10031, "bbox": [1372, 2091, 517, 87], "category_id": 0, "id": 111, "iscrowd": 0, "weight": 0.1209140315379248, "segmentation": [], "area": 44979}, {"image_id": 10032, "bbox": [731, 1470, 733, 510], "category_id": 1, "id": 112, "iscrowd": 0, "weight": 0.10634304813727258, "segmentation": [], "area": 373830}, {"image_id": 10033, "bbox": [1551, 347, 1037, 1066], "category_id": 0, "id": 113, "iscrowd": 0, "weight": 0.560784446886432, "segmentation": [], "area": 1105442}, {"image_id": 10033, "bbox": [2294, 1340, 350, 487], "category_id": 0, "id": 114, "iscrowd": 0, "weight": 0.7506417744754035, "segmentation": [], "area": 170450}, {"image_id": 10033, "bbox": [1374, 733, 500, 680], "category_id": 1, "id": 115, "iscrowd": 0, "weight": 0.48022855688389, "segmentation": [], "area": 340000}, {"image_id": 10034, "bbox": [1648, 1777, 1066, 223], "category_id": 2, "id": 116, "iscrowd": 0, "weight": 0.3019144192348042, "segmentation": [], "area": 237718}, {"image_id": 10035, "bbox": [3024, 0, 521, 573], "category_id": 0, "id": 117, "iscrowd": 0, "weight": 0.48869747714374556, "segmentation": [], "area": 298533}, {"image_id": 10035, "bbox": [1878, 1031, 654, 709], "category_id": 1, "id": 118, "iscrowd": 0, "weight": 0.13683411020460556, "segmentation": [], "area": 463686}, {"image_id": 10035, "bbox": [2191, 1787, 907, 520], "category_id": 2, "id": 119, "iscrowd": 0, "weight": 0.6114386620720429, "segmentation": [], "area": 471640}, {"image_id": 10035, "bbox": [2984, 460, 454, 363], "category_id": 0, "id": 120, "iscrowd": 0, "weight": 0.3513701996827975, "segmentation": [], "area": 164802}, {"image_id": 10036, "bbox": [111, 910, 1123, 1277], "category_id": 0, "id": 121, "iscrowd": 0, "weight": 0.057596545683650247, "segmentation": [], "area": 1434071}, {"image_id": 10036, "bbox": [471, 1403, 537, 460], "category_id": 0, "id": 122, "iscrowd": 0, "weight": 0.30981844890232335, "segmentation": [], "area": 247020}, {"image_id": 10036, "bbox": [1651, 1417, 883, 270], "category_id": 1, "id": 123, "iscrowd": 0, "weight": 0.008397774968600724, "segmentation": [], "area": 238410}, {"image_id": 10037, "bbox": [1561, 1330, 757, 183], "category_id": 1, "id": 124, "iscrowd": 0, "weight": 0.3411747606063694, "segmentation": [], "area": 138531}, {"image_id": 10037, "bbox": [3058, 893, 740, 1194], "category_id": 0, "id": 125, "iscrowd": 0, "weight": 0.7608318925034037, "segmentation": [], "area": 883560}, {"image_id": 10038, "bbox": [421, 1067, 577, 630], "category_id": 1, "id": 126, "iscrowd": 0, "weight": 0.9300912220702587, "segmentation": [], "area": 363510}, {"image_id": 10039, "bbox": [1724, 1440, 324, 540], "category_id": 0, "id": 127, "iscrowd": 0, "weight": 0.5928896241728931, "segmentation": [], "area": 174960}, {"image_id": 10039, "bbox": [1654, 1053, 234, 344], "category_id": 0, "id": 128, "iscrowd": 0, "weight": 0.3467603877817541, "segmentation": [], "area": 80496}, {"image_id": 10040, "bbox": [681, 1697, 427, 1003], "category_id": 0, "id": 129, "iscrowd": 0, "weight": 0.7771731168394002, "segmentation": [], "area": 428281}, {"image_id": 10041, "bbox": [1809, 2133, 466, 263], "category_id": 0, "id": 130, "iscrowd": 0, "weight": 0.9808545877788639, "segmentation": [], "area": 122558}, {"image_id": 10041, "bbox": [1535, 1676, 583, 544], "category_id": 0, "id": 131, "iscrowd": 0, "weight": 0.22867337325965176, "segmentation": [], "area": 317152}, {"image_id": 10041, "bbox": [1415, 1306, 363, 426], "category_id": 0, "id": 132, "iscrowd": 0, "weight": 0.17638815638426608, "segmentation": [], "area": 154638}, {"image_id": 10042, "bbox": [1031, 1577, 1067, 843], "category_id": 1, "id": 133, "iscrowd": 0, "weight": 0.8672017790613714, "segmentation": [], "area": 899481}, {"image_id": 10042, "bbox": [124, 1357, 664, 1303], "category_id": 2, "id": 134, "iscrowd": 0, "weight": 0.8348461580519893, "segmentation": [], "area": 865192}, {"image_id": 10043, "bbox": [1144, 1360, 670, 513], "category_id": 1, "id": 135, "iscrowd": 0, "weight": 0.8407142774188013, "segmentation": [], "area": 343710}, {"image_id": 10043, "bbox": [2068, 773, 523, 787], "category_id": 0, "id": 136, "iscrowd": 0, "weight": 0.23554069614036222, "segmentation": [], "area": 411601}, {"image_id": 10043, "bbox": [2271, 1573, 100, 74], "category_id": 0, "id": 137, "iscrowd": 0, "weight": 0.9357903993309825, "segmentation": [], "area": 7400}, {"image_id": 10043, "bbox": [2141, 460, 460, 430], "category_id": 0, "id": 138, "iscrowd": 0, "weight": 0.8154051147768043, "segmentation": [], "area": 197800}, {"image_id": 10043, "bbox": [3644, 143, 377, 1014], "category_id": 2, "id": 139, "iscrowd": 0, "weight": 0.8147906390350658, "segmentation": [], "area": 382278}, {"image_id": 10044, "bbox": [2178, 1613, 963, 727], "category_id": 1, "id": 140, "iscrowd": 0, "weight": 0.2803704568114628, "segmentation": [], "area": 700101}, {"image_id": 10045, "bbox": [3028, 2513, 923, 467], "category_id": 2, "id": 141, "iscrowd": 0, "weight": 0.015126721677848898, "segmentation": [], "area": 431041}, {"image_id": 10046, "bbox": [3071, 657, 830, 406], "category_id": 0, "id": 142, "iscrowd": 0, "weight": 0.39742775370124117, "segmentation": [], "area": 336980}, {"image_id": 10046, "bbox": [38, 2150, 979, 885], "category_id": 2, "id": 143, "iscrowd": 0, "weight": 0.6498551069410881, "segmentation": [], "area": 866415}, {"image_id": 10046, "bbox": [2884, 570, 464, 243], "category_id": 0, "id": 144, "iscrowd": 0, "weight": 0.5914739267889022, "segmentation": [], "area": 112752}, {"image_id": 10047, "bbox": [1808, 1030, 873, 347], "category_id": 1, "id": 145, "iscrowd": 0, "weight": 0.473333658423994, "segmentation": [], "area": 302931}, {"image_id": 10047, "bbox": [1184, 1347, 310, 156], "category_id": 0, "id": 146, "iscrowd": 0, "weight": 0.2344517082510258, "segmentation": [], "area": 48360}, {"image_id": 10047, "bbox": [1258, 1483, 666, 487], "category_id": 0, "id": 147, "iscrowd": 0, "weight": 0.8206105229201922, "segmentation": [], "area": 324342}, {"image_id": 10047, "bbox": [1714, 1843, 617, 204], "category_id": 0, "id": 148, "iscrowd": 0, "weight": 0.7098786318967986, "segmentation": [], "area": 125868}, {"image_id": 10048, "bbox": [905, 1190, 1143, 1139], "category_id": 1, "id": 149, "iscrowd": 0, "weight": 0.5526255656837835, "segmentation": [], "area": 1301877}, {"image_id": 10049, "bbox": [1284, 677, 777, 973], "category_id": 1, "id": 150, "iscrowd": 0, "weight": 0.752556583117456, "segmentation": [], "area": 756021}, {"image_id": 10049, "bbox": [2331, 1633, 693, 794], "category_id": 0, "id": 151, "iscrowd": 0, "weight": 0.38345149030154124, "segmentation": [], "area": 550242}, {"image_id": 10049, "bbox": [2648, 2367, 150, 140], "category_id": 0, "id": 152, "iscrowd": 0, "weight": 0.2884569085647163, "segmentation": [], "area": 21000}, {"image_id": 10049, "bbox": [3048, 2183, 903, 847], "category_id": 2, "id": 153, "iscrowd": 0, "weight": 0.4172695764843163, "segmentation": [], "area": 764841}, {"image_id": 10050, "bbox": [1611, 723, 930, 587], "category_id": 2, "id": 154, "iscrowd": 0, "weight": 0.6992525395804511, "segmentation": [], "area": 545910}, {"image_id": 10051, "bbox": [1521, 1170, 790, 270], "category_id": 1, "id": 155, "iscrowd": 0, "weight": 0.6218821436512291, "segmentation": [], "area": 213300}, {"image_id": 10052, "bbox": [2664, 1630, 254, 1150], "category_id": 1, "id": 156, "iscrowd": 0, "weight": 0.07086820369980462, "segmentation": [], "area": 292100}, {"image_id": 10052, "bbox": [3820, 2513, 78, 209], "category_id": 0, "id": 157, "iscrowd": 0, "weight": 0.6031685935865265, "segmentation": [], "area": 16302}, {"image_id": 10052, "bbox": [3760, 2743, 68, 62], "category_id": 2, "id": 158, "iscrowd": 0, "weight": 0.31687325711619285, "segmentation": [], "area": 4216}, {"image_id": 10053, "bbox": [68, 223, 936, 827], "category_id": 2, "id": 159, "iscrowd": 0, "weight": 0.09491829209314218, "segmentation": [], "area": 774072}, {"image_id": 10053, "bbox": [2278, 1710, 56, 87], "category_id": 0, "id": 160, "iscrowd": 0, "weight": 0.8951648530927698, "segmentation": [], "area": 4872}, {"image_id": 10053, "bbox": [2338, 1290, 963, 887], "category_id": 0, "id": 161, "iscrowd": 0, "weight": 0.606119859684649, "segmentation": [], "area": 854181}, {"image_id": 10053, "bbox": [2582, 1136, 216, 121], "category_id": 0, "id": 162, "iscrowd": 0, "weight": 0.8669438240272455, "segmentation": [], "area": 26136}, {"image_id": 10053, "bbox": [2834, 1863, 1004, 514], "category_id": 1, "id": 163, "iscrowd": 0, "weight": 0.9231829705894423, "segmentation": [], "area": 516056}, {"image_id": 10054, "bbox": [2324, 1000, 80, 103], "category_id": 0, "id": 164, "iscrowd": 0, "weight": 0.362271867406709, "segmentation": [], "area": 8240}, {"image_id": 10054, "bbox": [2408, 1253, 243, 664], "category_id": 0, "id": 165, "iscrowd": 0, "weight": 0.9406847921105327, "segmentation": [], "area": 161352}, {"image_id": 10054, "bbox": [2964, 1880, 884, 147], "category_id": 1, "id": 166, "iscrowd": 0, "weight": 0.24499236713384864, "segmentation": [], "area": 129948}, {"image_id": 10055, "bbox": [1968, 1143, 1217, 732], "category_id": 1, "id": 167, "iscrowd": 0, "weight": 0.39454804963640555, "segmentation": [], "area": 890844}, {"image_id": 10055, "bbox": [1584, 1670, 70, 133], "category_id": 1, "id": 168, "iscrowd": 0, "weight": 0.12369609763510736, "segmentation": [], "area": 9310}, {"image_id": 10055, "bbox": [928, 1093, 63, 57], "category_id": 0, "id": 169, "iscrowd": 0, "weight": 0.4665298186957566, "segmentation": [], "area": 3591}, {"image_id": 10055, "bbox": [3808, 1245, 149, 273], "category_id": 2, "id": 170, "iscrowd": 0, "weight": 0.7673886562453962, "segmentation": [], "area": 40677}, {"image_id": 10056, "bbox": [11, 757, 313, 776], "category_id": 2, "id": 171, "iscrowd": 0, "weight": 0.5320516943813584, "segmentation": [], "area": 242888}, {"image_id": 10056, "bbox": [551, 1797, 180, 73], "category_id": 0, "id": 172, "iscrowd": 0, "weight": 0.36316609527738997, "segmentation": [], "area": 13140}, {"image_id": 10056, "bbox": [2056, 1045, 764, 716], "category_id": 1, "id": 173, "iscrowd": 0, "weight": 0.07855965645421104, "segmentation": [], "area": 547024}, {"image_id": 10056, "bbox": [2582, 881, 74, 167], "category_id": 1, "id": 174, "iscrowd": 0, "weight": 0.5922274132564054, "segmentation": [], "area": 12358}, {"image_id": 10056, "bbox": [3098, 816, 51, 49], "category_id": 1, "id": 175, "iscrowd": 0, "weight": 0.4204326526538611, "segmentation": [], "area": 2499}, {"image_id": 10057, "bbox": [3791, 1210, 230, 647], "category_id": 2, "id": 176, "iscrowd": 0, "weight": 0.7043628595095964, "segmentation": [], "area": 148810}, {"image_id": 10057, "bbox": [3687, 1491, 145, 222], "category_id": 2, "id": 177, "iscrowd": 0, "weight": 0.2026097914559103, "segmentation": [], "area": 32190}, {"image_id": 10057, "bbox": [1401, 1770, 110, 143], "category_id": 1, "id": 178, "iscrowd": 0, "weight": 0.13401955790898623, "segmentation": [], "area": 15730}, {"image_id": 10057, "bbox": [881, 1538, 96, 62], "category_id": 2, "id": 179, "iscrowd": 0, "weight": 0.5417082279362939, "segmentation": [], "area": 5952}, {"image_id": 10058, "bbox": [2808, 810, 936, 443], "category_id": 1, "id": 180, "iscrowd": 0, "weight": 0.01912280808298128, "segmentation": [], "area": 414648}, {"image_id": 10058, "bbox": [161, 2063, 797, 800], "category_id": 2, "id": 181, "iscrowd": 0, "weight": 0.8672012063659201, "segmentation": [], "area": 637600}, {"image_id": 10059, "bbox": [761, 347, 923, 1210], "category_id": 0, "id": 182, "iscrowd": 0, "weight": 0.44370781567921114, "segmentation": [], "area": 1116830}, {"image_id": 10059, "bbox": [1841, 997, 83, 73], "category_id": 0, "id": 183, "iscrowd": 0, "weight": 0.28894292173999503, "segmentation": [], "area": 6059}, {"image_id": 10059, "bbox": [1874, 983, 810, 380], "category_id": 1, "id": 184, "iscrowd": 0, "weight": 0.8856726454894034, "segmentation": [], "area": 307800}, {"image_id": 10059, "bbox": [2601, 1367, 67, 183], "category_id": 1, "id": 185, "iscrowd": 0, "weight": 0.11125868422261542, "segmentation": [], "area": 12261}, {"image_id": 10059, "bbox": [1914, 1370, 587, 383], "category_id": 2, "id": 186, "iscrowd": 0, "weight": 0.05358344250360281, "segmentation": [], "area": 224821}, {"image_id": 10059, "bbox": [1601, 1877, 647, 413], "category_id": 2, "id": 187, "iscrowd": 0, "weight": 0.3507381476293384, "segmentation": [], "area": 267211}, {"image_id": 10060, "bbox": [1978, 873, 543, 970], "category_id": 1, "id": 188, "iscrowd": 0, "weight": 0.10248667423877056, "segmentation": [], "area": 526710}, {"image_id": 10060, "bbox": [1774, 1557, 110, 186], "category_id": 1, "id": 189, "iscrowd": 0, "weight": 0.6137225089379144, "segmentation": [], "area": 20460}, {"image_id": 10060, "bbox": [1298, 993, 130, 47], "category_id": 1, "id": 190, "iscrowd": 0, "weight": 0.046432097395046834, "segmentation": [], "area": 6110}, {"image_id": 10061, "bbox": [811, 1417, 917, 1026], "category_id": 0, "id": 191, "iscrowd": 0, "weight": 0.5381393809850691, "segmentation": [], "area": 940842}, {"image_id": 10061, "bbox": [434, 1620, 217, 140], "category_id": 0, "id": 192, "iscrowd": 0, "weight": 0.9824606792932156, "segmentation": [], "area": 30380}, {"image_id": 10061, "bbox": [471, 1780, 460, 863], "category_id": 1, "id": 193, "iscrowd": 0, "weight": 0.2212379833221476, "segmentation": [], "area": 396980}, {"image_id": 10061, "bbox": [3088, 183, 683, 850], "category_id": 2, "id": 194, "iscrowd": 0, "weight": 0.11228649949014058, "segmentation": [], "area": 580550}, {"image_id": 10062, "bbox": [881, 670, 627, 593], "category_id": 1, "id": 195, "iscrowd": 0, "weight": 0.26605637154631656, "segmentation": [], "area": 371811}, {"image_id": 10063, "bbox": [2328, 1157, 486, 457], "category_id": 0, "id": 196, "iscrowd": 0, "weight": 0.37128574317675334, "segmentation": [], "area": 222102}, {"image_id": 10063, "bbox": [3701, 1400, 201, 323], "category_id": 2, "id": 197, "iscrowd": 0, "weight": 0.9345171028130014, "segmentation": [], "area": 64923}, {"image_id": 10064, "bbox": [2458, 884, 885, 395], "category_id": 0, "id": 198, "iscrowd": 0, "weight": 0.431955751652385, "segmentation": [], "area": 349575}, {"image_id": 10065, "bbox": [1591, 1257, 614, 576], "category_id": 0, "id": 199, "iscrowd": 0, "weight": 0.9682807387015449, "segmentation": [], "area": 353664}, {"image_id": 10065, "bbox": [2194, 990, 137, 153], "category_id": 1, "id": 200, "iscrowd": 0, "weight": 0.4704101051230106, "segmentation": [], "area": 20961}, {"image_id": 10065, "bbox": [250, 2303, 248, 278], "category_id": 2, "id": 201, "iscrowd": 0, "weight": 0.4931223476563953, "segmentation": [], "area": 68944}, {"image_id": 10066, "bbox": [1934, 1163, 607, 597], "category_id": 1, "id": 202, "iscrowd": 0, "weight": 0.23145642792923282, "segmentation": [], "area": 362379}, {"image_id": 10067, "bbox": [1201, 860, 950, 1197], "category_id": 0, "id": 203, "iscrowd": 0, "weight": 0.07745526172440942, "segmentation": [], "area": 1137150}, {"image_id": 10067, "bbox": [3054, 1427, 227, 630], "category_id": 2, "id": 204, "iscrowd": 0, "weight": 0.2616233997648737, "segmentation": [], "area": 143010}, {"image_id": 10067, "bbox": [3541, 1337, 333, 563], "category_id": 2, "id": 205, "iscrowd": 0, "weight": 0.9202436903216711, "segmentation": [], "area": 187479}, {"image_id": 10067, "bbox": [354, 1990, 77, 110], "category_id": 0, "id": 206, "iscrowd": 0, "weight": 0.8062312813923503, "segmentation": [], "area": 8470}, {"image_id": 10067, "bbox": [321, 1457, 1090, 603], "category_id": 1, "id": 207, "iscrowd": 0, "weight": 0.3693639953433251, "segmentation": [], "area": 657270}, {"image_id": 10067, "bbox": [2284, 1043, 97, 197], "category_id": 1, "id": 208, "iscrowd": 0, "weight": 0.7415828302173312, "segmentation": [], "area": 19109}, {"image_id": 10068, "bbox": [2251, 1303, 707, 1367], "category_id": 1, "id": 209, "iscrowd": 0, "weight": 0.22835679131777709, "segmentation": [], "area": 966469}, {"image_id": 10068, "bbox": [3528, 2513, 232, 227], "category_id": 2, "id": 210, "iscrowd": 0, "weight": 0.9575252633536219, "segmentation": [], "area": 52664}, {"image_id": 10068, "bbox": [1574, 1377, 77, 163], "category_id": 1, "id": 211, "iscrowd": 0, "weight": 0.10666770337070286, "segmentation": [], "area": 12551}, {"image_id": 10068, "bbox": [1100, 1237, 52, 49], "category_id": 1, "id": 212, "iscrowd": 0, "weight": 0.6800107781522768, "segmentation": [], "area": 2548}, {"image_id": 10069, "bbox": [1028, 1700, 773, 847], "category_id": 1, "id": 213, "iscrowd": 0, "weight": 0.398188265506098, "segmentation": [], "area": 654731}, {"image_id": 10069, "bbox": [2078, 997, 100, 90], "category_id": 1, "id": 214, "iscrowd": 0, "weight": 0.08693094030776793, "segmentation": [], "area": 9000}, {"image_id": 10069, "bbox": [251, 2350, 260, 273], "category_id": 2, "id": 215, "iscrowd": 0, "weight": 0.6472188612176882, "segmentation": [], "area": 70980}, {"image_id": 10070, "bbox": [1528, 1153, 840, 607], "category_id": 1, "id": 216, "iscrowd": 0, "weight": 0.5688472205949289, "segmentation": [], "area": 509880}, {"image_id": 10070, "bbox": [2384, 1347, 77, 146], "category_id": 1, "id": 217, "iscrowd": 0, "weight": 0.9129985288531647, "segmentation": [], "area": 11242}, {"image_id": 10070, "bbox": [302, 413, 270, 319], "category_id": 2, "id": 218, "iscrowd": 0, "weight": 0.2572546111832129, "segmentation": [], "area": 86130}, {"image_id": 10071, "bbox": [1671, 893, 1193, 464], "category_id": 0, "id": 219, "iscrowd": 0, "weight": 0.7179736624868137, "segmentation": [], "area": 553552}, {"image_id": 10071, "bbox": [2341, 1393, 77, 57], "category_id": 0, "id": 220, "iscrowd": 0, "weight": 0.41194469019105273, "segmentation": [], "area": 4389}, {"image_id": 10071, "bbox": [958, 1597, 1093, 713], "category_id": 2, "id": 221, "iscrowd": 0, "weight": 0.9599402543296308, "segmentation": [], "area": 779309}, {"image_id": 10071, "bbox": [994, 563, 314, 710], "category_id": 1, "id": 222, "iscrowd": 0, "weight": 0.2569143739444576, "segmentation": [], "area": 222940}, {"image_id": 10071, "bbox": [3108, 1943, 130, 114], "category_id": 0, "id": 223, "iscrowd": 0, "weight": 0.7847323512224091, "segmentation": [], "area": 14820}, {"image_id": 10072, "bbox": [2291, 720, 1187, 437], "category_id": 1, "id": 224, "iscrowd": 0, "weight": 0.25713488481520763, "segmentation": [], "area": 518719}, {"image_id": 10072, "bbox": [1890, 1827, 88, 60], "category_id": 1, "id": 225, "iscrowd": 0, "weight": 0.30589666516342384, "segmentation": [], "area": 5280}, {"image_id": 10072, "bbox": [3601, 250, 197, 237], "category_id": 2, "id": 226, "iscrowd": 0, "weight": 0.34215983945681105, "segmentation": [], "area": 46689}, {"image_id": 10073, "bbox": [2418, 757, 733, 736], "category_id": 1, "id": 227, "iscrowd": 0, "weight": 0.18007924378511064, "segmentation": [], "area": 539488}, {"image_id": 10073, "bbox": [1931, 1277, 513, 906], "category_id": 0, "id": 228, "iscrowd": 0, "weight": 0.8751343115876972, "segmentation": [], "area": 464778}, {"image_id": 10073, "bbox": [1828, 1817, 86, 80], "category_id": 1, "id": 229, "iscrowd": 0, "weight": 0.769032641959788, "segmentation": [], "area": 6880}, {"image_id": 10074, "bbox": [1944, 697, 397, 1270], "category_id": 0, "id": 230, "iscrowd": 0, "weight": 0.6203134498188208, "segmentation": [], "area": 504190}, {"image_id": 10074, "bbox": [140, 2039, 934, 924], "category_id": 2, "id": 231, "iscrowd": 0, "weight": 0.9169728356843309, "segmentation": [], "area": 863016}, {"image_id": 10075, "bbox": [3001, 1083, 997, 997], "category_id": 2, "id": 232, "iscrowd": 0, "weight": 0.8660443833850572, "segmentation": [], "area": 994009}, {"image_id": 10075, "bbox": [1374, 1663, 87, 107], "category_id": 1, "id": 233, "iscrowd": 0, "weight": 0.08264831589476263, "segmentation": [], "area": 9309}, {"image_id": 10076, "bbox": [2401, 653, 1023, 477], "category_id": 0, "id": 234, "iscrowd": 0, "weight": 0.633905555090346, "segmentation": [], "area": 487971}, {"image_id": 10076, "bbox": [188, 2027, 753, 776], "category_id": 2, "id": 235, "iscrowd": 0, "weight": 0.4563247736514148, "segmentation": [], "area": 584328}, {"image_id": 10077, "bbox": [1531, 1390, 70, 200], "category_id": 1, "id": 236, "iscrowd": 0, "weight": 0.03075252755348412, "segmentation": [], "area": 14000}, {"image_id": 10077, "bbox": [3201, 2240, 663, 657], "category_id": 2, "id": 237, "iscrowd": 0, "weight": 0.3197970908600748, "segmentation": [], "area": 435591}, {"image_id": 10078, "bbox": [218, 778, 1343, 242], "category_id": 2, "id": 238, "iscrowd": 0, "weight": 0.19423230678090353, "segmentation": [], "area": 325006}, {"image_id": 10078, "bbox": [478, 1023, 450, 270], "category_id": 2, "id": 239, "iscrowd": 0, "weight": 0.04106951838225448, "segmentation": [], "area": 121500}, {"image_id": 10078, "bbox": [451, 1250, 343, 287], "category_id": 2, "id": 240, "iscrowd": 0, "weight": 0.6535392408774313, "segmentation": [], "area": 98441}, {"image_id": 10078, "bbox": [611, 1453, 363, 350], "category_id": 2, "id": 241, "iscrowd": 0, "weight": 0.21116365976109241, "segmentation": [], "area": 127050}, {"image_id": 10078, "bbox": [924, 1210, 1187, 400], "category_id": 1, "id": 242, "iscrowd": 0, "weight": 0.1543610213837624, "segmentation": [], "area": 474800}, {"image_id": 10078, "bbox": [102, 988, 219, 500], "category_id": 2, "id": 243, "iscrowd": 0, "weight": 0.7086965780193154, "segmentation": [], "area": 109500}, {"image_id": 10079, "bbox": [174, 1343, 1324, 710], "category_id": 0, "id": 244, "iscrowd": 0, "weight": 0.9911736345932007, "segmentation": [], "area": 940040}, {"image_id": 10080, "bbox": [1491, 477, 1153, 920], "category_id": 0, "id": 245, "iscrowd": 0, "weight": 0.012794791338081701, "segmentation": [], "area": 1060760}, {"image_id": 10080, "bbox": [2004, 1617, 700, 303], "category_id": 1, "id": 246, "iscrowd": 0, "weight": 0.036119097335955086, "segmentation": [], "area": 212100}, {"image_id": 10081, "bbox": [1844, 830, 787, 580], "category_id": 0, "id": 247, "iscrowd": 0, "weight": 0.7800487754952773, "segmentation": [], "area": 456460}, {"image_id": 10081, "bbox": [794, 1550, 2037, 503], "category_id": 1, "id": 248, "iscrowd": 0, "weight": 0.6600392805955633, "segmentation": [], "area": 1024611}, {"image_id": 10082, "bbox": [2214, 1170, 577, 897], "category_id": 1, "id": 249, "iscrowd": 0, "weight": 0.7866852512352743, "segmentation": [], "area": 517569}, {"image_id": 10082, "bbox": [2911, 1427, 377, 820], "category_id": 0, "id": 250, "iscrowd": 0, "weight": 0.8146725569012421, "segmentation": [], "area": 309140}, {"image_id": 10082, "bbox": [1978, 1843, 83, 154], "category_id": 1, "id": 251, "iscrowd": 0, "weight": 0.16228554546012663, "segmentation": [], "area": 12782}, {"image_id": 10083, "bbox": [2264, 1247, 100, 246], "category_id": 1, "id": 252, "iscrowd": 0, "weight": 0.7312014014337556, "segmentation": [], "area": 24600}, {"image_id": 10083, "bbox": [3052, 2539, 856, 440], "category_id": 2, "id": 253, "iscrowd": 0, "weight": 0.8121618256878376, "segmentation": [], "area": 376640}, {"image_id": 10084, "bbox": [1175, 754, 286, 850], "category_id": 0, "id": 254, "iscrowd": 0, "weight": 0.8759205585966355, "segmentation": [], "area": 243100}, {"image_id": 10084, "bbox": [1031, 613, 117, 387], "category_id": 0, "id": 255, "iscrowd": 0, "weight": 0.32992532192183377, "segmentation": [], "area": 45279}, {"image_id": 10085, "bbox": [2468, 1020, 280, 243], "category_id": 2, "id": 256, "iscrowd": 0, "weight": 0.9920589004570496, "segmentation": [], "area": 68040}, {"image_id": 10085, "bbox": [1628, 1157, 696, 641], "category_id": 2, "id": 257, "iscrowd": 0, "weight": 0.22904387484371103, "segmentation": [], "area": 446136}, {"image_id": 10085, "bbox": [1398, 1767, 603, 490], "category_id": 2, "id": 258, "iscrowd": 0, "weight": 0.9027396872535618, "segmentation": [], "area": 295470}, {"image_id": 10086, "bbox": [1658, 1440, 660, 317], "category_id": 1, "id": 259, "iscrowd": 0, "weight": 0.11802615117690107, "segmentation": [], "area": 209220}, {"image_id": 10087, "bbox": [2114, 1073, 764, 737], "category_id": 0, "id": 260, "iscrowd": 0, "weight": 0.5030050658164336, "segmentation": [], "area": 563068}, {"image_id": 10087, "bbox": [2774, 1223, 857, 454], "category_id": 1, "id": 261, "iscrowd": 0, "weight": 0.016692879137438776, "segmentation": [], "area": 389078}, {"image_id": 10087, "bbox": [2889, 2178, 51, 87], "category_id": 0, "id": 262, "iscrowd": 0, "weight": 0.33389862624284083, "segmentation": [], "area": 4437}, {"image_id": 10087, "bbox": [2979, 1975, 58, 42], "category_id": 0, "id": 263, "iscrowd": 0, "weight": 0.5603958220169047, "segmentation": [], "area": 2436}, {"image_id": 10088, "bbox": [1508, 1153, 976, 404], "category_id": 1, "id": 264, "iscrowd": 0, "weight": 0.7433887650523489, "segmentation": [], "area": 394304}, {"image_id": 10088, "bbox": [3611, 293, 150, 287], "category_id": 2, "id": 265, "iscrowd": 0, "weight": 0.8952275239076383, "segmentation": [], "area": 43050}, {"image_id": 10089, "bbox": [1768, 1517, 1403, 430], "category_id": 0, "id": 266, "iscrowd": 0, "weight": 0.13072036033617307, "segmentation": [], "area": 603290}, {"image_id": 10089, "bbox": [1781, 1550, 67, 303], "category_id": 1, "id": 267, "iscrowd": 0, "weight": 0.21755440641014034, "segmentation": [], "area": 20301}, {"image_id": 10089, "bbox": [44, 273, 720, 737], "category_id": 2, "id": 268, "iscrowd": 0, "weight": 0.8425228011457885, "segmentation": [], "area": 530640}, {"image_id": 10090, "bbox": [1441, 473, 407, 1134], "category_id": 0, "id": 269, "iscrowd": 0, "weight": 0.6546307220681962, "segmentation": [], "area": 461538}, {"image_id": 10090, "bbox": [2448, 1483, 90, 194], "category_id": 1, "id": 270, "iscrowd": 0, "weight": 0.21270750604964617, "segmentation": [], "area": 17460}, {"image_id": 10090, "bbox": [1048, 370, 266, 1280], "category_id": 1, "id": 271, "iscrowd": 0, "weight": 0.19520962910091988, "segmentation": [], "area": 340480}, {"image_id": 10090, "bbox": [2256, 1287, 113, 81], "category_id": 0, "id": 272, "iscrowd": 0, "weight": 0.3148649451906226, "segmentation": [], "area": 9153}, {"image_id": 10090, "bbox": [1876, 1342, 48, 68], "category_id": 0, "id": 273, "iscrowd": 0, "weight": 0.3329030004453505, "segmentation": [], "area": 3264}, {"image_id": 10090, "bbox": [1895, 1458, 94, 91], "category_id": 0, "id": 274, "iscrowd": 0, "weight": 0.3290165647573666, "segmentation": [], "area": 8554}, {"image_id": 10090, "bbox": [2160, 1507, 32, 61], "category_id": 0, "id": 275, "iscrowd": 0, "weight": 0.07618473360499456, "segmentation": [], "area": 1952}, {"image_id": 10090, "bbox": [1985, 1575, 42, 51], "category_id": 0, "id": 276, "iscrowd": 0, "weight": 0.08454314567246002, "segmentation": [], "area": 2142}, {"image_id": 10091, "bbox": [1454, 1180, 434, 320], "category_id": 2, "id": 277, "iscrowd": 0, "weight": 0.07238186670016966, "segmentation": [], "area": 138880}, {"image_id": 10091, "bbox": [1613, 1476, 60, 244], "category_id": 1, "id": 278, "iscrowd": 0, "weight": 0.6255027773777481, "segmentation": [], "area": 14640}, {"image_id": 10091, "bbox": [2127, 1717, 251, 203], "category_id": 2, "id": 279, "iscrowd": 0, "weight": 0.26427712575786055, "segmentation": [], "area": 50953}, {"image_id": 10091, "bbox": [3578, 2373, 206, 354], "category_id": 2, "id": 280, "iscrowd": 0, "weight": 0.8698533882273632, "segmentation": [], "area": 72924}, {"image_id": 10091, "bbox": [1227, 1627, 467, 416], "category_id": 2, "id": 281, "iscrowd": 0, "weight": 0.17970144692502887, "segmentation": [], "area": 194272}, {"image_id": 10091, "bbox": [1821, 2103, 373, 210], "category_id": 2, "id": 282, "iscrowd": 0, "weight": 0.7428004372565034, "segmentation": [], "area": 78330}, {"image_id": 10091, "bbox": [1085, 1525, 115, 112], "category_id": 2, "id": 283, "iscrowd": 0, "weight": 0.8457642806058172, "segmentation": [], "area": 12880}, {"image_id": 10092, "bbox": [1874, 1033, 1008, 961], "category_id": 0, "id": 284, "iscrowd": 0, "weight": 0.37860862016586205, "segmentation": [], "area": 968688}, {"image_id": 10092, "bbox": [24, 890, 414, 980], "category_id": 2, "id": 285, "iscrowd": 0, "weight": 0.6511134983018191, "segmentation": [], "area": 405720}, {"image_id": 10093, "bbox": [2794, 1890, 1229, 1110], "category_id": 2, "id": 286, "iscrowd": 0, "weight": 0.48387932678683465, "segmentation": [], "area": 1364190}, {"image_id": 10093, "bbox": [1414, 1137, 160, 226], "category_id": 1, "id": 287, "iscrowd": 0, "weight": 0.7695910543716187, "segmentation": [], "area": 36160}, {"image_id": 10093, "bbox": [171, 257, 618, 211], "category_id": 0, "id": 288, "iscrowd": 0, "weight": 0.0522600188228155, "segmentation": [], "area": 130398}, {"image_id": 10094, "bbox": [2764, 483, 437, 910], "category_id": 1, "id": 289, "iscrowd": 0, "weight": 0.9222909771195762, "segmentation": [], "area": 397670}, {"image_id": 10094, "bbox": [3248, 143, 647, 432], "category_id": 2, "id": 290, "iscrowd": 0, "weight": 0.4821216733944135, "segmentation": [], "area": 279504}, {"image_id": 10095, "bbox": [3551, 1127, 383, 670], "category_id": 2, "id": 291, "iscrowd": 0, "weight": 0.24904407147295105, "segmentation": [], "area": 256610}, {"image_id": 10095, "bbox": [3524, 1970, 147, 103], "category_id": 0, "id": 292, "iscrowd": 0, "weight": 0.9569281868325192, "segmentation": [], "area": 15141}, {"image_id": 10095, "bbox": [1318, 1697, 106, 216], "category_id": 0, "id": 293, "iscrowd": 0, "weight": 0.5749995073812975, "segmentation": [], "area": 22896}, {"image_id": 10096, "bbox": [391, 1070, 807, 910], "category_id": 0, "id": 294, "iscrowd": 0, "weight": 0.48127879553964936, "segmentation": [], "area": 734370}, {"image_id": 10096, "bbox": [948, 2077, 123, 76], "category_id": 0, "id": 295, "iscrowd": 0, "weight": 0.8826127786586533, "segmentation": [], "area": 9348}, {"image_id": 10096, "bbox": [3164, 1210, 787, 780], "category_id": 2, "id": 296, "iscrowd": 0, "weight": 0.09312100442462479, "segmentation": [], "area": 613860}, {"image_id": 10097, "bbox": [704, 930, 747, 210], "category_id": 1, "id": 297, "iscrowd": 0, "weight": 0.30622270735257207, "segmentation": [], "area": 156870}, {"image_id": 10098, "bbox": [51, 783, 680, 954], "category_id": 2, "id": 298, "iscrowd": 0, "weight": 0.5655677073294015, "segmentation": [], "area": 648720}, {"image_id": 10098, "bbox": [2191, 963, 473, 867], "category_id": 1, "id": 299, "iscrowd": 0, "weight": 0.2959162250188657, "segmentation": [], "area": 410091}, {"image_id": 10098, "bbox": [2841, 1057, 57, 133], "category_id": 1, "id": 300, "iscrowd": 0, "weight": 0.09370834124536809, "segmentation": [], "area": 7581}, {"image_id": 10098, "bbox": [1589, 763, 475, 815], "category_id": 0, "id": 301, "iscrowd": 0, "weight": 0.24975989961732503, "segmentation": [], "area": 387125}, {"image_id": 10098, "bbox": [1364, 1080, 104, 93], "category_id": 0, "id": 302, "iscrowd": 0, "weight": 0.5826068829723378, "segmentation": [], "area": 9672}, {"image_id": 10098, "bbox": [1179, 765, 164, 64], "category_id": 0, "id": 303, "iscrowd": 0, "weight": 0.39339099097309604, "segmentation": [], "area": 10496}, {"image_id": 10099, "bbox": [1795, 1576, 749, 161], "category_id": 1, "id": 304, "iscrowd": 0, "weight": 0.669784198262332, "segmentation": [], "area": 120589}, {"image_id": 10099, "bbox": [1444, 1146, 325, 394], "category_id": 1, "id": 305, "iscrowd": 0, "weight": 0.7017070360121508, "segmentation": [], "area": 128050}, {"image_id": 10100, "bbox": [1744, 627, 664, 406], "category_id": 2, "id": 306, "iscrowd": 0, "weight": 0.3070179708076213, "segmentation": [], "area": 269584}, {"image_id": 10100, "bbox": [2101, 1060, 763, 457], "category_id": 2, "id": 307, "iscrowd": 0, "weight": 0.9864235592276465, "segmentation": [], "area": 348691}, {"image_id": 10100, "bbox": [2458, 1833, 223, 167], "category_id": 2, "id": 308, "iscrowd": 0, "weight": 0.25997044963275473, "segmentation": [], "area": 37241}, {"image_id": 10100, "bbox": [1248, 1283, 653, 1280], "category_id": 0, "id": 309, "iscrowd": 0, "weight": 0.48763412335374345, "segmentation": [], "area": 835840}, {"image_id": 10100, "bbox": [1061, 1550, 120, 63], "category_id": 0, "id": 310, "iscrowd": 0, "weight": 0.47059514757753873, "segmentation": [], "area": 7560}, {"image_id": 10100, "bbox": [771, 1633, 347, 450], "category_id": 1, "id": 311, "iscrowd": 0, "weight": 0.2622029689272416, "segmentation": [], "area": 156150}, {"image_id": 10101, "bbox": [884, 890, 744, 1133], "category_id": 1, "id": 312, "iscrowd": 0, "weight": 0.9143585401352227, "segmentation": [], "area": 842952}, {"image_id": 10101, "bbox": [1798, 1897, 1130, 180], "category_id": 2, "id": 313, "iscrowd": 0, "weight": 0.2227800929983822, "segmentation": [], "area": 203400}, {"image_id": 10102, "bbox": [1771, 1170, 590, 770], "category_id": 1, "id": 314, "iscrowd": 0, "weight": 0.17387820966118372, "segmentation": [], "area": 454300}, {"image_id": 10102, "bbox": [2114, 2180, 424, 240], "category_id": 1, "id": 315, "iscrowd": 0, "weight": 0.36804769752367616, "segmentation": [], "area": 101760}, {"image_id": 10103, "bbox": [1308, 813, 1093, 180], "category_id": 2, "id": 316, "iscrowd": 0, "weight": 0.03820228567460304, "segmentation": [], "area": 196740}, {"image_id": 10103, "bbox": [1938, 1250, 370, 617], "category_id": 0, "id": 317, "iscrowd": 0, "weight": 0.39708725365224085, "segmentation": [], "area": 228290}, {"image_id": 10103, "bbox": [1668, 1939, 563, 91], "category_id": 0, "id": 318, "iscrowd": 0, "weight": 0.2856224582363158, "segmentation": [], "area": 51233}, {"image_id": 10103, "bbox": [2566, 920, 778, 1122], "category_id": 1, "id": 319, "iscrowd": 0, "weight": 0.3577707993518804, "segmentation": [], "area": 872916}, {"image_id": 10104, "bbox": [1764, 987, 647, 580], "category_id": 1, "id": 320, "iscrowd": 0, "weight": 0.8962620123596557, "segmentation": [], "area": 375260}, {"image_id": 10104, "bbox": [180, 2224, 554, 632], "category_id": 2, "id": 321, "iscrowd": 0, "weight": 0.41714723182387836, "segmentation": [], "area": 350128}, {"image_id": 10105, "bbox": [1691, 713, 803, 1024], "category_id": 0, "id": 322, "iscrowd": 0, "weight": 0.17303991033628385, "segmentation": [], "area": 822272}, {"image_id": 10105, "bbox": [0, 1682, 851, 1201], "category_id": 2, "id": 323, "iscrowd": 0, "weight": 0.9771868293065301, "segmentation": [], "area": 1022051}, {"image_id": 10105, "bbox": [2078, 707, 163, 146], "category_id": 1, "id": 324, "iscrowd": 0, "weight": 0.123893750322986, "segmentation": [], "area": 23798}, {"image_id": 10105, "bbox": [840, 1242, 94, 81], "category_id": 0, "id": 325, "iscrowd": 0, "weight": 0.9835872304809536, "segmentation": [], "area": 7614}, {"image_id": 10105, "bbox": [1169, 994, 120, 100], "category_id": 0, "id": 326, "iscrowd": 0, "weight": 0.6325975837015347, "segmentation": [], "area": 12000}, {"image_id": 10106, "bbox": [1434, 1393, 1030, 364], "category_id": 1, "id": 327, "iscrowd": 0, "weight": 0.9436267518988383, "segmentation": [], "area": 374920}, {"image_id": 10106, "bbox": [3071, 1633, 67, 57], "category_id": 1, "id": 328, "iscrowd": 0, "weight": 0.7346909405052312, "segmentation": [], "area": 3819}, {"image_id": 10106, "bbox": [3524, 2367, 284, 270], "category_id": 2, "id": 329, "iscrowd": 0, "weight": 0.5345036286105725, "segmentation": [], "area": 76680}, {"image_id": 10106, "bbox": [1958, 2113, 1052, 633], "category_id": 2, "id": 330, "iscrowd": 0, "weight": 0.9823886452573344, "segmentation": [], "area": 665916}, {"image_id": 10106, "bbox": [1645, 1423, 39, 218], "category_id": 1, "id": 331, "iscrowd": 0, "weight": 0.08824195679242419, "segmentation": [], "area": 8502}, {"image_id": 10106, "bbox": [3192, 2654, 244, 154], "category_id": 2, "id": 332, "iscrowd": 0, "weight": 0.7117236501483386, "segmentation": [], "area": 37576}, {"image_id": 10107, "bbox": [399, 876, 712, 684], "category_id": 1, "id": 333, "iscrowd": 0, "weight": 0.04523093128091138, "segmentation": [], "area": 487008}, {"image_id": 10107, "bbox": [2098, 970, 80, 157], "category_id": 1, "id": 334, "iscrowd": 0, "weight": 0.7190377047812788, "segmentation": [], "area": 12560}, {"image_id": 10108, "bbox": [1964, 1380, 1054, 453], "category_id": 1, "id": 335, "iscrowd": 0, "weight": 0.6620813468705532, "segmentation": [], "area": 477462}, {"image_id": 10109, "bbox": [198, 2160, 1453, 827], "category_id": 0, "id": 336, "iscrowd": 0, "weight": 0.1218523362395213, "segmentation": [], "area": 1201631}, {"image_id": 10109, "bbox": [854, 1002, 1071, 954], "category_id": 1, "id": 337, "iscrowd": 0, "weight": 0.9584709601034749, "segmentation": [], "area": 1021734}, {"image_id": 10109, "bbox": [2118, 434, 604, 379], "category_id": 2, "id": 338, "iscrowd": 0, "weight": 0.6072297433299639, "segmentation": [], "area": 228916}, {"image_id": 10109, "bbox": [2304, 867, 1053, 492], "category_id": 2, "id": 339, "iscrowd": 0, "weight": 0.34927482453696224, "segmentation": [], "area": 518076}, {"image_id": 10109, "bbox": [2329, 834, 171, 147], "category_id": 1, "id": 340, "iscrowd": 0, "weight": 0.6779142380524938, "segmentation": [], "area": 25137}, {"image_id": 10109, "bbox": [2894, 1413, 474, 327], "category_id": 2, "id": 341, "iscrowd": 0, "weight": 0.7609182833810622, "segmentation": [], "area": 154998}, {"image_id": 10110, "bbox": [2334, 837, 1430, 280], "category_id": 1, "id": 342, "iscrowd": 0, "weight": 0.1639306887757087, "segmentation": [], "area": 400400}, {"image_id": 10110, "bbox": [1881, 1777, 103, 86], "category_id": 1, "id": 343, "iscrowd": 0, "weight": 0.4243262333897605, "segmentation": [], "area": 8858}, {"image_id": 10110, "bbox": [3514, 170, 326, 301], "category_id": 2, "id": 344, "iscrowd": 0, "weight": 0.95988217390222, "segmentation": [], "area": 98126}, {"image_id": 10111, "bbox": [1994, 1337, 887, 196], "category_id": 1, "id": 345, "iscrowd": 0, "weight": 0.9689363142559628, "segmentation": [], "area": 173852}, {"image_id": 10111, "bbox": [2638, 1957, 322, 638], "category_id": 0, "id": 346, "iscrowd": 0, "weight": 0.6947348528724937, "segmentation": [], "area": 205436}, {"image_id": 10111, "bbox": [1308, 1533, 1013, 884], "category_id": 2, "id": 347, "iscrowd": 0, "weight": 0.07225146454280473, "segmentation": [], "area": 895492}, {"image_id": 10111, "bbox": [1628, 1430, 56, 137], "category_id": 1, "id": 348, "iscrowd": 0, "weight": 0.1471870881485995, "segmentation": [], "area": 7672}, {"image_id": 10111, "bbox": [2724, 2637, 274, 254], "category_id": 0, "id": 349, "iscrowd": 0, "weight": 0.6609688675471143, "segmentation": [], "area": 69596}, {"image_id": 10112, "bbox": [2068, 930, 660, 597], "category_id": 1, "id": 350, "iscrowd": 0, "weight": 0.7887716226371015, "segmentation": [], "area": 394020}, {"image_id": 10112, "bbox": [1588, 1943, 1350, 214], "category_id": 2, "id": 351, "iscrowd": 0, "weight": 0.8441401062324525, "segmentation": [], "area": 288900}, {"image_id": 10112, "bbox": [1794, 1690, 80, 157], "category_id": 1, "id": 352, "iscrowd": 0, "weight": 0.16169469783179657, "segmentation": [], "area": 12560}, {"image_id": 10112, "bbox": [1774, 1510, 117, 63], "category_id": 2, "id": 353, "iscrowd": 0, "weight": 0.8948420930723902, "segmentation": [], "area": 7371}, {"image_id": 10113, "bbox": [1881, 920, 1110, 427], "category_id": 1, "id": 354, "iscrowd": 0, "weight": 0.6648242023957888, "segmentation": [], "area": 473970}, {"image_id": 10113, "bbox": [1408, 1670, 203, 153], "category_id": 0, "id": 355, "iscrowd": 0, "weight": 0.45083202935216693, "segmentation": [], "area": 31059}, {"image_id": 10113, "bbox": [1601, 1820, 887, 333], "category_id": 0, "id": 356, "iscrowd": 0, "weight": 0.022974665785524984, "segmentation": [], "area": 295371}, {"image_id": 10114, "bbox": [1354, 1117, 1360, 646], "category_id": 1, "id": 357, "iscrowd": 0, "weight": 0.7177216843461232, "segmentation": [], "area": 878560}, {"image_id": 10114, "bbox": [2888, 67, 1130, 976], "category_id": 2, "id": 358, "iscrowd": 0, "weight": 0.10191565439711381, "segmentation": [], "area": 1102880}, {"image_id": 10115, "bbox": [798, 587, 430, 690], "category_id": 0, "id": 359, "iscrowd": 0, "weight": 0.19416805338053789, "segmentation": [], "area": 296700}, {"image_id": 10115, "bbox": [868, 1343, 513, 450], "category_id": 0, "id": 360, "iscrowd": 0, "weight": 0.5898741495209622, "segmentation": [], "area": 230850}, {"image_id": 10115, "bbox": [1748, 877, 586, 1203], "category_id": 1, "id": 361, "iscrowd": 0, "weight": 0.47723818061987766, "segmentation": [], "area": 704958}, {"image_id": 10115, "bbox": [3254, 1757, 727, 1260], "category_id": 2, "id": 362, "iscrowd": 0, "weight": 0.7181367432016522, "segmentation": [], "area": 916020}, {"image_id": 10116, "bbox": [1831, 1040, 357, 753], "category_id": 1, "id": 363, "iscrowd": 0, "weight": 0.7985907727260129, "segmentation": [], "area": 268821}, {"image_id": 10116, "bbox": [2544, 1417, 770, 643], "category_id": 0, "id": 364, "iscrowd": 0, "weight": 0.1987717250117147, "segmentation": [], "area": 495110}, {"image_id": 10116, "bbox": [3488, 2217, 510, 643], "category_id": 2, "id": 365, "iscrowd": 0, "weight": 0.6342891334239213, "segmentation": [], "area": 327930}, {"image_id": 10117, "bbox": [2474, 1613, 490, 460], "category_id": 0, "id": 366, "iscrowd": 0, "weight": 0.07253454457486341, "segmentation": [], "area": 225400}, {"image_id": 10117, "bbox": [2291, 1350, 583, 143], "category_id": 0, "id": 367, "iscrowd": 0, "weight": 0.04196366838461918, "segmentation": [], "area": 83369}, {"image_id": 10117, "bbox": [2184, 867, 320, 470], "category_id": 0, "id": 368, "iscrowd": 0, "weight": 0.28178093045803154, "segmentation": [], "area": 150400}, {"image_id": 10118, "bbox": [2128, 1120, 903, 357], "category_id": 0, "id": 369, "iscrowd": 0, "weight": 0.6442447772451839, "segmentation": [], "area": 322371}, {"image_id": 10118, "bbox": [1638, 1147, 846, 433], "category_id": 0, "id": 370, "iscrowd": 0, "weight": 0.028642700018926992, "segmentation": [], "area": 366318}, {"image_id": 10118, "bbox": [1501, 1647, 220, 126], "category_id": 0, "id": 371, "iscrowd": 0, "weight": 0.8836112904633608, "segmentation": [], "area": 27720}, {"image_id": 10118, "bbox": [1601, 1817, 993, 830], "category_id": 2, "id": 372, "iscrowd": 0, "weight": 0.7024134215301734, "segmentation": [], "area": 824190}, {"image_id": 10118, "bbox": [2798, 2100, 833, 263], "category_id": 1, "id": 373, "iscrowd": 0, "weight": 0.8328622673094319, "segmentation": [], "area": 219079}, {"image_id": 10119, "bbox": [1071, 887, 863, 976], "category_id": 0, "id": 374, "iscrowd": 0, "weight": 0.04034644270882448, "segmentation": [], "area": 842288}, {"image_id": 10119, "bbox": [3414, 150, 600, 1303], "category_id": 2, "id": 375, "iscrowd": 0, "weight": 0.34739162058706985, "segmentation": [], "area": 781800}, {"image_id": 10119, "bbox": [1121, 1780, 343, 323], "category_id": 0, "id": 376, "iscrowd": 0, "weight": 0.7798269992758109, "segmentation": [], "area": 110789}, {"image_id": 10119, "bbox": [3069, 253, 146, 145], "category_id": 0, "id": 377, "iscrowd": 0, "weight": 0.18638729631830098, "segmentation": [], "area": 21170}, {"image_id": 10120, "bbox": [672, 1207, 836, 548], "category_id": 0, "id": 378, "iscrowd": 0, "weight": 0.6689283736069855, "segmentation": [], "area": 458128}, {"image_id": 10120, "bbox": [8, 855, 1339, 1039], "category_id": 0, "id": 379, "iscrowd": 0, "weight": 0.5991174547506183, "segmentation": [], "area": 1391221}, {"image_id": 10120, "bbox": [466, 804, 871, 709], "category_id": 2, "id": 380, "iscrowd": 0, "weight": 0.669330180966598, "segmentation": [], "area": 617539}, {"image_id": 10120, "bbox": [1524, 1436, 1200, 739], "category_id": 2, "id": 381, "iscrowd": 0, "weight": 0.12163084546179503, "segmentation": [], "area": 886800}, {"image_id": 10121, "bbox": [1801, 560, 240, 297], "category_id": 0, "id": 382, "iscrowd": 0, "weight": 0.9648713822655803, "segmentation": [], "area": 71280}, {"image_id": 10121, "bbox": [1824, 837, 344, 496], "category_id": 0, "id": 383, "iscrowd": 0, "weight": 0.18433883594089429, "segmentation": [], "area": 170624}, {"image_id": 10121, "bbox": [434, 823, 680, 507], "category_id": 2, "id": 384, "iscrowd": 0, "weight": 0.7788013196167634, "segmentation": [], "area": 344760}, {"image_id": 10122, "bbox": [2121, 477, 297, 343], "category_id": 0, "id": 385, "iscrowd": 0, "weight": 0.10705758293659462, "segmentation": [], "area": 101871}, {"image_id": 10122, "bbox": [2278, 813, 446, 604], "category_id": 0, "id": 386, "iscrowd": 0, "weight": 0.5041298491349059, "segmentation": [], "area": 269384}, {"image_id": 10122, "bbox": [2561, 1347, 240, 293], "category_id": 0, "id": 387, "iscrowd": 0, "weight": 0.008111021722415068, "segmentation": [], "area": 70320}, {"image_id": 10122, "bbox": [991, 1427, 1247, 326], "category_id": 1, "id": 388, "iscrowd": 0, "weight": 0.3073911928890931, "segmentation": [], "area": 406522}, {"image_id": 10122, "bbox": [746, 1697, 203, 100], "category_id": 1, "id": 389, "iscrowd": 0, "weight": 0.06676822281301176, "segmentation": [], "area": 20300}, {"image_id": 10123, "bbox": [1668, 1420, 1303, 247], "category_id": 1, "id": 390, "iscrowd": 0, "weight": 0.7761200331694788, "segmentation": [], "area": 321841}, {"image_id": 10123, "bbox": [3288, 850, 603, 273], "category_id": 0, "id": 391, "iscrowd": 0, "weight": 0.3520477494640165, "segmentation": [], "area": 164619}, {"image_id": 10123, "bbox": [3261, 1230, 433, 250], "category_id": 0, "id": 392, "iscrowd": 0, "weight": 0.2749478403312623, "segmentation": [], "area": 108250}, {"image_id": 10124, "bbox": [491, 650, 770, 833], "category_id": 0, "id": 393, "iscrowd": 0, "weight": 0.34414806920283325, "segmentation": [], "area": 641410}, {"image_id": 10124, "bbox": [751, 407, 610, 380], "category_id": 0, "id": 394, "iscrowd": 0, "weight": 0.5375525347834725, "segmentation": [], "area": 231800}, {"image_id": 10124, "bbox": [848, 1523, 206, 107], "category_id": 0, "id": 395, "iscrowd": 0, "weight": 0.43183247449749385, "segmentation": [], "area": 22042}, {"image_id": 10124, "bbox": [224, 1243, 397, 280], "category_id": 0, "id": 396, "iscrowd": 0, "weight": 0.4103650862317505, "segmentation": [], "area": 111160}, {"image_id": 10124, "bbox": [1404, 1327, 1220, 786], "category_id": 1, "id": 397, "iscrowd": 0, "weight": 0.4350380678426272, "segmentation": [], "area": 958920}, {"image_id": 10124, "bbox": [660, 800, 745, 646], "category_id": 2, "id": 398, "iscrowd": 0, "weight": 0.7153590927868098, "segmentation": [], "area": 481270}, {"image_id": 10125, "bbox": [1324, 1053, 437, 377], "category_id": 0, "id": 399, "iscrowd": 0, "weight": 0.4427008577413992, "segmentation": [], "area": 164749}, {"image_id": 10125, "bbox": [1414, 1210, 950, 510], "category_id": 0, "id": 400, "iscrowd": 0, "weight": 0.3341955864131668, "segmentation": [], "area": 484500}, {"image_id": 10125, "bbox": [2285, 1713, 509, 113], "category_id": 0, "id": 401, "iscrowd": 0, "weight": 0.3482547046225152, "segmentation": [], "area": 57517}, {"image_id": 10125, "bbox": [1284, 1633, 310, 547], "category_id": 1, "id": 402, "iscrowd": 0, "weight": 0.9327075573461119, "segmentation": [], "area": 169570}, {"image_id": 10126, "bbox": [1231, 1110, 427, 287], "category_id": 0, "id": 403, "iscrowd": 0, "weight": 0.4873858562647183, "segmentation": [], "area": 122549}, {"image_id": 10126, "bbox": [1221, 1293, 520, 877], "category_id": 0, "id": 404, "iscrowd": 0, "weight": 0.24882562058629087, "segmentation": [], "area": 456040}, {"image_id": 10126, "bbox": [1341, 2083, 317, 464], "category_id": 0, "id": 405, "iscrowd": 0, "weight": 0.8131819095866211, "segmentation": [], "area": 147088}, {"image_id": 10126, "bbox": [2098, 850, 746, 453], "category_id": 1, "id": 406, "iscrowd": 0, "weight": 0.9451267578621256, "segmentation": [], "area": 337938}, {"image_id": 10126, "bbox": [0, 2128, 554, 749], "category_id": 2, "id": 407, "iscrowd": 0, "weight": 0.17519680196107412, "segmentation": [], "area": 414946}, {"image_id": 10127, "bbox": [0, 517, 998, 1021], "category_id": 2, "id": 408, "iscrowd": 0, "weight": 0.2428407706312431, "segmentation": [], "area": 1018958}, {"image_id": 10127, "bbox": [2831, 1427, 313, 306], "category_id": 1, "id": 409, "iscrowd": 0, "weight": 0.9555974599060644, "segmentation": [], "area": 95778}, {"image_id": 10128, "bbox": [2371, 1543, 447, 247], "category_id": 0, "id": 410, "iscrowd": 0, "weight": 0.25410724158335585, "segmentation": [], "area": 110409}, {"image_id": 10128, "bbox": [1884, 1257, 654, 470], "category_id": 0, "id": 411, "iscrowd": 0, "weight": 0.2898490234441461, "segmentation": [], "area": 307380}, {"image_id": 10128, "bbox": [2804, 707, 727, 243], "category_id": 1, "id": 412, "iscrowd": 0, "weight": 0.8289515992512065, "segmentation": [], "area": 176661}, {"image_id": 10128, "bbox": [2308, 1023, 410, 277], "category_id": 1, "id": 413, "iscrowd": 0, "weight": 0.9949089707484896, "segmentation": [], "area": 113570}, {"image_id": 10128, "bbox": [2248, 180, 693, 507], "category_id": 2, "id": 414, "iscrowd": 0, "weight": 0.7829910982806518, "segmentation": [], "area": 351351}, {"image_id": 10129, "bbox": [1711, 1387, 440, 750], "category_id": 1, "id": 415, "iscrowd": 0, "weight": 0.043313009863907403, "segmentation": [], "area": 330000}, {"image_id": 10129, "bbox": [528, 2000, 796, 877], "category_id": 2, "id": 416, "iscrowd": 0, "weight": 0.13978542736052313, "segmentation": [], "area": 698092}, {"image_id": 10130, "bbox": [2611, 1097, 447, 283], "category_id": 0, "id": 417, "iscrowd": 0, "weight": 0.17125220767881866, "segmentation": [], "area": 126501}, {"image_id": 10130, "bbox": [2474, 1253, 640, 584], "category_id": 0, "id": 418, "iscrowd": 0, "weight": 0.9799457127603161, "segmentation": [], "area": 373760}, {"image_id": 10130, "bbox": [1791, 1360, 183, 470], "category_id": 1, "id": 419, "iscrowd": 0, "weight": 0.2537473599754514, "segmentation": [], "area": 86010}, {"image_id": 10130, "bbox": [441, 1770, 973, 1260], "category_id": 2, "id": 420, "iscrowd": 0, "weight": 0.5300335463069488, "segmentation": [], "area": 1225980}, {"image_id": 10130, "bbox": [2960, 710, 300, 336], "category_id": 0, "id": 421, "iscrowd": 0, "weight": 0.5172360275360219, "segmentation": [], "area": 100800}, {"image_id": 10131, "bbox": [1508, 1353, 1420, 227], "category_id": 1, "id": 422, "iscrowd": 0, "weight": 0.8878136166218757, "segmentation": [], "area": 322340}, {"image_id": 10132, "bbox": [3361, 10, 650, 767], "category_id": 2, "id": 423, "iscrowd": 0, "weight": 0.1459382397522736, "segmentation": [], "area": 498550}, {"image_id": 10132, "bbox": [2158, 1073, 443, 410], "category_id": 1, "id": 424, "iscrowd": 0, "weight": 0.0314943655974399, "segmentation": [], "area": 181630}, {"image_id": 10132, "bbox": [2004, 1437, 87, 90], "category_id": 1, "id": 425, "iscrowd": 0, "weight": 0.5419117874571486, "segmentation": [], "area": 7830}, {"image_id": 10132, "bbox": [1658, 1737, 323, 236], "category_id": 0, "id": 426, "iscrowd": 0, "weight": 0.17670537288516786, "segmentation": [], "area": 76228}, {"image_id": 10132, "bbox": [1744, 1723, 954, 430], "category_id": 0, "id": 427, "iscrowd": 0, "weight": 0.7383753418665103, "segmentation": [], "area": 410220}, {"image_id": 10133, "bbox": [3184, 1717, 417, 803], "category_id": 0, "id": 428, "iscrowd": 0, "weight": 0.611692519842884, "segmentation": [], "area": 334851}, {"image_id": 10133, "bbox": [2818, 2404, 440, 629], "category_id": 2, "id": 429, "iscrowd": 0, "weight": 0.8621046890780502, "segmentation": [], "area": 276760}, {"image_id": 10133, "bbox": [901, 473, 1413, 1280], "category_id": 1, "id": 430, "iscrowd": 0, "weight": 0.4299585472357903, "segmentation": [], "area": 1808640}, {"image_id": 10134, "bbox": [1974, 1367, 914, 296], "category_id": 1, "id": 431, "iscrowd": 0, "weight": 0.8566373823124034, "segmentation": [], "area": 270544}, {"image_id": 10134, "bbox": [3208, 880, 503, 1320], "category_id": 0, "id": 432, "iscrowd": 0, "weight": 0.31750582586866305, "segmentation": [], "area": 663960}, {"image_id": 10134, "bbox": [3308, 1223, 220, 494], "category_id": 0, "id": 433, "iscrowd": 0, "weight": 0.13983179740167684, "segmentation": [], "area": 108680}, {"image_id": 10134, "bbox": [2998, 1710, 100, 87], "category_id": 0, "id": 434, "iscrowd": 0, "weight": 0.8318012448054974, "segmentation": [], "area": 8700}, {"image_id": 10134, "bbox": [2992, 1913, 84, 71], "category_id": 0, "id": 435, "iscrowd": 0, "weight": 0.5801224415093196, "segmentation": [], "area": 5964}, {"image_id": 10135, "bbox": [481, 2750, 627, 143], "category_id": 2, "id": 436, "iscrowd": 0, "weight": 0.46039590182220047, "segmentation": [], "area": 89661}, {"image_id": 10136, "bbox": [3004, 1977, 967, 1016], "category_id": 2, "id": 437, "iscrowd": 0, "weight": 0.8838343351405398, "segmentation": [], "area": 982472}, {"image_id": 10137, "bbox": [1638, 1527, 483, 236], "category_id": 1, "id": 438, "iscrowd": 0, "weight": 0.8704364432027705, "segmentation": [], "area": 113988}, {"image_id": 10137, "bbox": [2176, 1372, 102, 93], "category_id": 1, "id": 439, "iscrowd": 0, "weight": 0.2279088492773571, "segmentation": [], "area": 9486}, {"image_id": 10138, "bbox": [1538, 287, 613, 526], "category_id": 0, "id": 440, "iscrowd": 0, "weight": 0.1473517883764407, "segmentation": [], "area": 322438}, {"image_id": 10138, "bbox": [2431, 1523, 63, 210], "category_id": 1, "id": 441, "iscrowd": 0, "weight": 0.8958803253884352, "segmentation": [], "area": 13230}, {"image_id": 10138, "bbox": [2248, 1650, 1093, 440], "category_id": 1, "id": 442, "iscrowd": 0, "weight": 0.8852665683909836, "segmentation": [], "area": 480920}, {"image_id": 10138, "bbox": [2964, 2305, 1059, 725], "category_id": 2, "id": 443, "iscrowd": 0, "weight": 0.8203178117563225, "segmentation": [], "area": 767775}, {"image_id": 10138, "bbox": [1401, 540, 607, 800], "category_id": 0, "id": 444, "iscrowd": 0, "weight": 0.2956440535181457, "segmentation": [], "area": 485600}, {"image_id": 10138, "bbox": [1341, 1193, 213, 197], "category_id": 0, "id": 445, "iscrowd": 0, "weight": 0.1823348955347216, "segmentation": [], "area": 41961}, {"image_id": 10139, "bbox": [338, 763, 1183, 410], "category_id": 0, "id": 446, "iscrowd": 0, "weight": 0.45809874268751927, "segmentation": [], "area": 485030}, {"image_id": 10139, "bbox": [1084, 1233, 797, 340], "category_id": 0, "id": 447, "iscrowd": 0, "weight": 0.9883971015193735, "segmentation": [], "area": 270980}, {"image_id": 10139, "bbox": [2138, 1470, 753, 130], "category_id": 1, "id": 448, "iscrowd": 0, "weight": 0.25337330064440433, "segmentation": [], "area": 97890}, {"image_id": 10140, "bbox": [1, 210, 1533, 1229], "category_id": 2, "id": 449, "iscrowd": 0, "weight": 0.7763399451396248, "segmentation": [], "area": 1884057}, {"image_id": 10140, "bbox": [564, 597, 1024, 480], "category_id": 2, "id": 450, "iscrowd": 0, "weight": 0.8278326669279187, "segmentation": [], "area": 491520}, {"image_id": 10141, "bbox": [2798, 1137, 783, 546], "category_id": 0, "id": 451, "iscrowd": 0, "weight": 0.9214084907802615, "segmentation": [], "area": 427518}, {"image_id": 10141, "bbox": [3678, 1257, 223, 370], "category_id": 0, "id": 452, "iscrowd": 0, "weight": 0.10239533492055508, "segmentation": [], "area": 82510}, {"image_id": 10141, "bbox": [81, 1177, 477, 743], "category_id": 2, "id": 453, "iscrowd": 0, "weight": 0.9701441541179545, "segmentation": [], "area": 354411}, {"image_id": 10141, "bbox": [2972, 1752, 171, 58], "category_id": 0, "id": 454, "iscrowd": 0, "weight": 0.7407615114051146, "segmentation": [], "area": 9918}, {"image_id": 10142, "bbox": [521, 1717, 937, 383], "category_id": 0, "id": 455, "iscrowd": 0, "weight": 0.5454771979386828, "segmentation": [], "area": 358871}, {"image_id": 10142, "bbox": [194, 1570, 710, 477], "category_id": 0, "id": 456, "iscrowd": 0, "weight": 0.6304670227107277, "segmentation": [], "area": 338670}, {"image_id": 10142, "bbox": [118, 2460, 830, 507], "category_id": 2, "id": 457, "iscrowd": 0, "weight": 0.0805519303697877, "segmentation": [], "area": 420810}, {"image_id": 10142, "bbox": [1160, 2220, 54, 45], "category_id": 0, "id": 458, "iscrowd": 0, "weight": 0.6975876202314533, "segmentation": [], "area": 2430}, {"image_id": 10143, "bbox": [1418, 1727, 236, 320], "category_id": 0, "id": 459, "iscrowd": 0, "weight": 0.0199902852086129, "segmentation": [], "area": 75520}, {"image_id": 10143, "bbox": [1381, 920, 450, 827], "category_id": 0, "id": 460, "iscrowd": 0, "weight": 0.9961215069265829, "segmentation": [], "area": 372150}, {"image_id": 10143, "bbox": [1448, 503, 343, 567], "category_id": 0, "id": 461, "iscrowd": 0, "weight": 0.7003097331339595, "segmentation": [], "area": 194481}, {"image_id": 10143, "bbox": [128, 10, 690, 643], "category_id": 2, "id": 462, "iscrowd": 0, "weight": 0.6386982526282442, "segmentation": [], "area": 443670}, {"image_id": 10144, "bbox": [964, 1323, 680, 734], "category_id": 1, "id": 463, "iscrowd": 0, "weight": 0.45620487905337903, "segmentation": [], "area": 499120}, {"image_id": 10144, "bbox": [1428, 453, 613, 460], "category_id": 2, "id": 464, "iscrowd": 0, "weight": 0.5454161251293773, "segmentation": [], "area": 281980}, {"image_id": 10144, "bbox": [1078, 2317, 170, 133], "category_id": 0, "id": 465, "iscrowd": 0, "weight": 0.2072701803771011, "segmentation": [], "area": 22610}, {"image_id": 10144, "bbox": [944, 2483, 54, 47], "category_id": 0, "id": 466, "iscrowd": 0, "weight": 0.27168015794680533, "segmentation": [], "area": 2538}, {"image_id": 10144, "bbox": [428, 1897, 820, 513], "category_id": 0, "id": 467, "iscrowd": 0, "weight": 0.7814732413916472, "segmentation": [], "area": 420660}, {"image_id": 10144, "bbox": [1301, 2047, 40, 50], "category_id": 0, "id": 468, "iscrowd": 0, "weight": 0.259866601958342, "segmentation": [], "area": 2000}, {"image_id": 10144, "bbox": [61, 1903, 307, 474], "category_id": 0, "id": 469, "iscrowd": 0, "weight": 0.03364138872230782, "segmentation": [], "area": 145518}, {"image_id": 10144, "bbox": [694, 1780, 70, 77], "category_id": 0, "id": 470, "iscrowd": 0, "weight": 0.0412672423786945, "segmentation": [], "area": 5390}, {"image_id": 10144, "bbox": [1441, 753, 340, 157], "category_id": 0, "id": 471, "iscrowd": 0, "weight": 0.775998642208301, "segmentation": [], "area": 53380}, {"image_id": 10145, "bbox": [1558, 1320, 876, 340], "category_id": 0, "id": 472, "iscrowd": 0, "weight": 0.20083036538139376, "segmentation": [], "area": 297840}, {"image_id": 10145, "bbox": [1494, 1270, 284, 180], "category_id": 0, "id": 473, "iscrowd": 0, "weight": 0.39526948861768874, "segmentation": [], "area": 51120}, {"image_id": 10145, "bbox": [1651, 583, 733, 480], "category_id": 2, "id": 474, "iscrowd": 0, "weight": 0.39668192909267364, "segmentation": [], "area": 351840}, {"image_id": 10145, "bbox": [2754, 677, 957, 396], "category_id": 1, "id": 475, "iscrowd": 0, "weight": 0.04864960338838509, "segmentation": [], "area": 378972}, {"image_id": 10146, "bbox": [2461, 360, 1562, 1330], "category_id": 2, "id": 476, "iscrowd": 0, "weight": 0.2451130664736193, "segmentation": [], "area": 2077460}, {"image_id": 10147, "bbox": [1454, 1450, 1007, 323], "category_id": 1, "id": 477, "iscrowd": 0, "weight": 0.6543941929291647, "segmentation": [], "area": 325261}, {"image_id": 10147, "bbox": [938, 2463, 526, 567], "category_id": 2, "id": 478, "iscrowd": 0, "weight": 0.7508778983770165, "segmentation": [], "area": 298242}, {"image_id": 10147, "bbox": [1047, 1649, 390, 713], "category_id": 2, "id": 479, "iscrowd": 0, "weight": 0.544315860631586, "segmentation": [], "area": 278070}, {"image_id": 10148, "bbox": [1654, 580, 644, 500], "category_id": 2, "id": 480, "iscrowd": 0, "weight": 0.3927376162686117, "segmentation": [], "area": 322000}, {"image_id": 10148, "bbox": [1968, 1503, 460, 724], "category_id": 0, "id": 481, "iscrowd": 0, "weight": 0.4369832113785487, "segmentation": [], "area": 333040}, {"image_id": 10148, "bbox": [638, 1770, 1050, 517], "category_id": 1, "id": 482, "iscrowd": 0, "weight": 0.80234858446222, "segmentation": [], "area": 542850}, {"image_id": 10148, "bbox": [2231, 1255, 119, 91], "category_id": 0, "id": 483, "iscrowd": 0, "weight": 0.5562911311247549, "segmentation": [], "area": 10829}, {"image_id": 10149, "bbox": [1661, 1173, 730, 284], "category_id": 1, "id": 484, "iscrowd": 0, "weight": 0.7407391879956005, "segmentation": [], "area": 207320}, {"image_id": 10149, "bbox": [2108, 1537, 610, 253], "category_id": 1, "id": 485, "iscrowd": 0, "weight": 0.3405694074669575, "segmentation": [], "area": 154330}, {"image_id": 10150, "bbox": [2038, 760, 650, 817], "category_id": 1, "id": 486, "iscrowd": 0, "weight": 0.04479926223078867, "segmentation": [], "area": 531050}, {"image_id": 10150, "bbox": [1384, 1723, 987, 424], "category_id": 0, "id": 487, "iscrowd": 0, "weight": 0.9830921484765082, "segmentation": [], "area": 418488}, {"image_id": 10151, "bbox": [781, 960, 803, 593], "category_id": 2, "id": 488, "iscrowd": 0, "weight": 0.4497841913827786, "segmentation": [], "area": 476179}, {"image_id": 10151, "bbox": [1261, 1707, 363, 260], "category_id": 2, "id": 489, "iscrowd": 0, "weight": 0.07121317610986921, "segmentation": [], "area": 94380}, {"image_id": 10151, "bbox": [1951, 1247, 720, 743], "category_id": 0, "id": 490, "iscrowd": 0, "weight": 0.16608978756166315, "segmentation": [], "area": 534960}, {"image_id": 10151, "bbox": [2391, 1100, 70, 57], "category_id": 0, "id": 491, "iscrowd": 0, "weight": 0.15282594047455156, "segmentation": [], "area": 3990}, {"image_id": 10151, "bbox": [2464, 590, 937, 873], "category_id": 1, "id": 492, "iscrowd": 0, "weight": 0.7735952330004086, "segmentation": [], "area": 818001}, {"image_id": 10151, "bbox": [3438, 327, 303, 403], "category_id": 2, "id": 493, "iscrowd": 0, "weight": 0.5620380234504168, "segmentation": [], "area": 122109}, {"image_id": 10151, "bbox": [1652, 1994, 72, 70], "category_id": 1, "id": 494, "iscrowd": 0, "weight": 0.23017593708180506, "segmentation": [], "area": 5040}, {"image_id": 10151, "bbox": [2491, 642, 364, 791], "category_id": 0, "id": 495, "iscrowd": 0, "weight": 0.2467781478251021, "segmentation": [], "area": 287924}, {"image_id": 10152, "bbox": [2391, 1033, 247, 230], "category_id": 0, "id": 496, "iscrowd": 0, "weight": 0.5360706622856278, "segmentation": [], "area": 56810}, {"image_id": 10152, "bbox": [2231, 1213, 70, 44], "category_id": 0, "id": 497, "iscrowd": 0, "weight": 0.7590538391391461, "segmentation": [], "area": 3080}, {"image_id": 10152, "bbox": [3172, 91, 591, 175], "category_id": 0, "id": 498, "iscrowd": 0, "weight": 0.9951146095509432, "segmentation": [], "area": 103425}, {"image_id": 10152, "bbox": [3831, 740, 117, 203], "category_id": 0, "id": 499, "iscrowd": 0, "weight": 0.6376088354251721, "segmentation": [], "area": 23751}, {"image_id": 10152, "bbox": [3914, 517, 37, 126], "category_id": 0, "id": 500, "iscrowd": 0, "weight": 0.9314002463780794, "segmentation": [], "area": 4662}, {"image_id": 10152, "bbox": [201, 2007, 537, 740], "category_id": 2, "id": 501, "iscrowd": 0, "weight": 0.6661179814064886, "segmentation": [], "area": 397380}, {"image_id": 10152, "bbox": [1884, 1780, 114, 120], "category_id": 1, "id": 502, "iscrowd": 0, "weight": 0.36583334160611347, "segmentation": [], "area": 13680}, {"image_id": 10152, "bbox": [2154, 733, 97, 87], "category_id": 0, "id": 503, "iscrowd": 0, "weight": 0.049525261380834795, "segmentation": [], "area": 8439}, {"image_id": 10152, "bbox": [3324, 1023, 160, 94], "category_id": 1, "id": 504, "iscrowd": 0, "weight": 0.046160075224983, "segmentation": [], "area": 15040}, {"image_id": 10152, "bbox": [2910, 275, 90, 41], "category_id": 0, "id": 505, "iscrowd": 0, "weight": 0.5114154916727881, "segmentation": [], "area": 3690}, {"image_id": 10153, "bbox": [1768, 873, 350, 1110], "category_id": 1, "id": 506, "iscrowd": 0, "weight": 0.12167224597319992, "segmentation": [], "area": 388500}, {"image_id": 10153, "bbox": [2564, 2263, 124, 110], "category_id": 2, "id": 507, "iscrowd": 0, "weight": 0.0009980144708905403, "segmentation": [], "area": 13640}, {"image_id": 10153, "bbox": [221, 214, 171, 267], "category_id": 1, "id": 508, "iscrowd": 0, "weight": 0.7547321895479154, "segmentation": [], "area": 45657}, {"image_id": 10153, "bbox": [101, 108, 78, 145], "category_id": 2, "id": 509, "iscrowd": 0, "weight": 0.6748908759608883, "segmentation": [], "area": 11310}, {"image_id": 10154, "bbox": [1418, 967, 833, 1273], "category_id": 0, "id": 510, "iscrowd": 0, "weight": 0.3032224616714303, "segmentation": [], "area": 1060409}, {"image_id": 10154, "bbox": [811, 1460, 397, 840], "category_id": 1, "id": 511, "iscrowd": 0, "weight": 0.03409943403223503, "segmentation": [], "area": 333480}, {"image_id": 10154, "bbox": [3548, 80, 400, 817], "category_id": 2, "id": 512, "iscrowd": 0, "weight": 0.46925294457196265, "segmentation": [], "area": 326800}, {"image_id": 10155, "bbox": [1114, 270, 187, 1047], "category_id": 1, "id": 513, "iscrowd": 0, "weight": 0.6314136479988567, "segmentation": [], "area": 195789}, {"image_id": 10155, "bbox": [2368, 1310, 73, 213], "category_id": 1, "id": 514, "iscrowd": 0, "weight": 0.773637633117168, "segmentation": [], "area": 15549}, {"image_id": 10155, "bbox": [91, 63, 647, 554], "category_id": 2, "id": 515, "iscrowd": 0, "weight": 0.39652961252373453, "segmentation": [], "area": 358438}, {"image_id": 10156, "bbox": [1658, 807, 696, 523], "category_id": 0, "id": 516, "iscrowd": 0, "weight": 0.1884319166184144, "segmentation": [], "area": 364008}, {"image_id": 10156, "bbox": [1411, 1403, 810, 310], "category_id": 0, "id": 517, "iscrowd": 0, "weight": 0.22969728005059153, "segmentation": [], "area": 251100}, {"image_id": 10156, "bbox": [3234, 1040, 744, 820], "category_id": 2, "id": 518, "iscrowd": 0, "weight": 0.6046611781139316, "segmentation": [], "area": 610080}, {"image_id": 10157, "bbox": [331, 710, 570, 1043], "category_id": 1, "id": 519, "iscrowd": 0, "weight": 0.21120655082983208, "segmentation": [], "area": 594510}, {"image_id": 10157, "bbox": [854, 717, 1130, 860], "category_id": 0, "id": 520, "iscrowd": 0, "weight": 0.7244957251653862, "segmentation": [], "area": 971800}, {"image_id": 10157, "bbox": [1794, 1090, 67, 103], "category_id": 0, "id": 521, "iscrowd": 0, "weight": 0.5428330356949842, "segmentation": [], "area": 6901}, {"image_id": 10157, "bbox": [1848, 920, 80, 193], "category_id": 1, "id": 522, "iscrowd": 0, "weight": 0.07774013604147034, "segmentation": [], "area": 15440}, {"image_id": 10157, "bbox": [3126, 1006, 803, 875], "category_id": 2, "id": 523, "iscrowd": 0, "weight": 0.11247522244303954, "segmentation": [], "area": 702625}, {"image_id": 10157, "bbox": [469, 1250, 341, 172], "category_id": 0, "id": 524, "iscrowd": 0, "weight": 0.922209662366654, "segmentation": [], "area": 58652}, {"image_id": 10158, "bbox": [2028, 913, 160, 120], "category_id": 1, "id": 525, "iscrowd": 0, "weight": 0.4576663234394812, "segmentation": [], "area": 19200}, {"image_id": 10158, "bbox": [861, 1650, 1503, 320], "category_id": 1, "id": 526, "iscrowd": 0, "weight": 0.591871687606262, "segmentation": [], "area": 480960}, {"image_id": 10158, "bbox": [51, 2257, 420, 513], "category_id": 2, "id": 527, "iscrowd": 0, "weight": 0.6386727303965648, "segmentation": [], "area": 215460}, {"image_id": 10159, "bbox": [1908, 760, 1070, 657], "category_id": 2, "id": 528, "iscrowd": 0, "weight": 0.8282071770569142, "segmentation": [], "area": 702990}, {"image_id": 10159, "bbox": [1904, 1327, 214, 120], "category_id": 0, "id": 529, "iscrowd": 0, "weight": 0.2679292558281896, "segmentation": [], "area": 25680}, {"image_id": 10159, "bbox": [3560, 2382, 206, 280], "category_id": 2, "id": 530, "iscrowd": 0, "weight": 0.9091984112104106, "segmentation": [], "area": 57680}, {"image_id": 10160, "bbox": [1384, 1427, 767, 633], "category_id": 1, "id": 531, "iscrowd": 0, "weight": 0.20095013456495725, "segmentation": [], "area": 485511}, {"image_id": 10161, "bbox": [121, 793, 387, 757], "category_id": 2, "id": 532, "iscrowd": 0, "weight": 0.6667700376047528, "segmentation": [], "area": 292959}, {"image_id": 10161, "bbox": [2634, 1063, 87, 134], "category_id": 1, "id": 533, "iscrowd": 0, "weight": 0.120716895520384, "segmentation": [], "area": 11658}, {"image_id": 10161, "bbox": [1936, 1323, 181, 71], "category_id": 2, "id": 534, "iscrowd": 0, "weight": 0.28021640739773246, "segmentation": [], "area": 12851}, {"image_id": 10161, "bbox": [2285, 1360, 123, 76], "category_id": 2, "id": 535, "iscrowd": 0, "weight": 0.4848921640069166, "segmentation": [], "area": 9348}, {"image_id": 10161, "bbox": [2172, 1349, 81, 62], "category_id": 2, "id": 536, "iscrowd": 0, "weight": 0.6378499035294231, "segmentation": [], "area": 5022}, {"image_id": 10161, "bbox": [683, 672, 121, 43], "category_id": 2, "id": 537, "iscrowd": 0, "weight": 0.1626633145205021, "segmentation": [], "area": 5203}, {"image_id": 10162, "bbox": [174, 107, 480, 646], "category_id": 2, "id": 538, "iscrowd": 0, "weight": 0.9849704890147069, "segmentation": [], "area": 310080}, {"image_id": 10163, "bbox": [1311, 1077, 2073, 470], "category_id": 1, "id": 539, "iscrowd": 0, "weight": 0.7134411011366647, "segmentation": [], "area": 974310}, {"image_id": 10163, "bbox": [1561, 1887, 63, 116], "category_id": 1, "id": 540, "iscrowd": 0, "weight": 0.2508983567465506, "segmentation": [], "area": 7308}, {"image_id": 10163, "bbox": [3844, 1537, 174, 340], "category_id": 2, "id": 541, "iscrowd": 0, "weight": 0.36569672098369665, "segmentation": [], "area": 59160}, {"image_id": 10164, "bbox": [1618, 1527, 73, 156], "category_id": 1, "id": 542, "iscrowd": 0, "weight": 0.8948319531012977, "segmentation": [], "area": 11388}, {"image_id": 10164, "bbox": [1818, 1493, 576, 427], "category_id": 1, "id": 543, "iscrowd": 0, "weight": 0.6482338800176962, "segmentation": [], "area": 245952}, {"image_id": 10164, "bbox": [3494, 2277, 290, 426], "category_id": 1, "id": 544, "iscrowd": 0, "weight": 0.8863149642460263, "segmentation": [], "area": 123540}, {"image_id": 10164, "bbox": [3854, 2220, 70, 253], "category_id": 0, "id": 545, "iscrowd": 0, "weight": 0.5173394144486513, "segmentation": [], "area": 17710}, {"image_id": 10165, "bbox": [2258, 1843, 906, 234], "category_id": 1, "id": 546, "iscrowd": 0, "weight": 0.4708483104774569, "segmentation": [], "area": 212004}, {"image_id": 10165, "bbox": [3001, 2033, 953, 947], "category_id": 2, "id": 547, "iscrowd": 0, "weight": 0.8646147334033295, "segmentation": [], "area": 902491}, {"image_id": 10166, "bbox": [1064, 373, 1050, 1224], "category_id": 1, "id": 548, "iscrowd": 0, "weight": 0.27173954836429215, "segmentation": [], "area": 1285200}, {"image_id": 10166, "bbox": [2591, 2280, 1267, 593], "category_id": 0, "id": 549, "iscrowd": 0, "weight": 0.3703812694244002, "segmentation": [], "area": 751331}, {"image_id": 10167, "bbox": [818, 1877, 370, 703], "category_id": 0, "id": 550, "iscrowd": 0, "weight": 0.9637755933468045, "segmentation": [], "area": 260110}, {"image_id": 10167, "bbox": [848, 1527, 310, 350], "category_id": 0, "id": 551, "iscrowd": 0, "weight": 0.2661265123997373, "segmentation": [], "area": 108500}, {"image_id": 10168, "bbox": [2689, 104, 377, 274], "category_id": 0, "id": 552, "iscrowd": 0, "weight": 0.1488357059088501, "segmentation": [], "area": 103298}, {"image_id": 10168, "bbox": [2850, 271, 577, 749], "category_id": 0, "id": 553, "iscrowd": 0, "weight": 0.6389634739982233, "segmentation": [], "area": 432173}, {"image_id": 10168, "bbox": [3279, 978, 348, 342], "category_id": 0, "id": 554, "iscrowd": 0, "weight": 0.9233214236958167, "segmentation": [], "area": 119016}, {"image_id": 10169, "bbox": [2840, 462, 924, 418], "category_id": 0, "id": 555, "iscrowd": 0, "weight": 0.2961444780764375, "segmentation": [], "area": 386232}, {"image_id": 10169, "bbox": [2564, 873, 50, 70], "category_id": 1, "id": 556, "iscrowd": 0, "weight": 0.5965048501553679, "segmentation": [], "area": 3500}, {"image_id": 10169, "bbox": [1110, 2402, 88, 42], "category_id": 2, "id": 557, "iscrowd": 0, "weight": 0.46267062776357015, "segmentation": [], "area": 3696}, {"image_id": 10170, "bbox": [2528, 1047, 1120, 1013], "category_id": 0, "id": 558, "iscrowd": 0, "weight": 0.8637255668988407, "segmentation": [], "area": 1134560}, {"image_id": 10170, "bbox": [3258, 1020, 33, 33], "category_id": 0, "id": 559, "iscrowd": 0, "weight": 0.26148416005931474, "segmentation": [], "area": 1089}, {"image_id": 10170, "bbox": [3348, 67, 626, 870], "category_id": 2, "id": 560, "iscrowd": 0, "weight": 0.8086055457360428, "segmentation": [], "area": 544620}, {"image_id": 10170, "bbox": [2758, 1073, 690, 457], "category_id": 0, "id": 561, "iscrowd": 0, "weight": 0.4448127591319595, "segmentation": [], "area": 315330}, {"image_id": 10171, "bbox": [1518, 1407, 523, 453], "category_id": 1, "id": 562, "iscrowd": 0, "weight": 0.46233430191117153, "segmentation": [], "area": 236919}, {"image_id": 10171, "bbox": [1074, 1800, 670, 430], "category_id": 0, "id": 563, "iscrowd": 0, "weight": 0.05515286215544846, "segmentation": [], "area": 288100}, {"image_id": 10171, "bbox": [1531, 2023, 590, 334], "category_id": 0, "id": 564, "iscrowd": 0, "weight": 0.24259019972860885, "segmentation": [], "area": 197060}, {"image_id": 10171, "bbox": [131, 2043, 647, 947], "category_id": 2, "id": 565, "iscrowd": 0, "weight": 0.48452511788986063, "segmentation": [], "area": 612709}, {"image_id": 10172, "bbox": [2574, 2347, 897, 520], "category_id": 0, "id": 566, "iscrowd": 0, "weight": 0.011420660066077226, "segmentation": [], "area": 466440}, {"image_id": 10172, "bbox": [161, 77, 1143, 860], "category_id": 2, "id": 567, "iscrowd": 0, "weight": 0.749547047720847, "segmentation": [], "area": 982980}, {"image_id": 10172, "bbox": [3150, 2084, 691, 689], "category_id": 0, "id": 568, "iscrowd": 0, "weight": 0.9909362351559156, "segmentation": [], "area": 476099}, {"image_id": 10173, "bbox": [1148, 777, 600, 450], "category_id": 2, "id": 569, "iscrowd": 0, "weight": 0.969770717057383, "segmentation": [], "area": 270000}, {"image_id": 10174, "bbox": [2028, 793, 416, 640], "category_id": 1, "id": 570, "iscrowd": 0, "weight": 0.8943714931833705, "segmentation": [], "area": 266240}, {"image_id": 10174, "bbox": [2181, 1510, 130, 153], "category_id": 1, "id": 571, "iscrowd": 0, "weight": 0.24231824731324103, "segmentation": [], "area": 19890}, {"image_id": 10174, "bbox": [221, 1873, 827, 1074], "category_id": 0, "id": 572, "iscrowd": 0, "weight": 0.4612373870713361, "segmentation": [], "area": 888198}, {"image_id": 10175, "bbox": [2414, 1047, 1267, 156], "category_id": 0, "id": 573, "iscrowd": 0, "weight": 0.34921013469110884, "segmentation": [], "area": 197652}, {"image_id": 10175, "bbox": [2634, 1263, 1064, 60], "category_id": 0, "id": 574, "iscrowd": 0, "weight": 0.5111185175041163, "segmentation": [], "area": 63840}, {"image_id": 10175, "bbox": [1564, 1363, 897, 274], "category_id": 1, "id": 575, "iscrowd": 0, "weight": 0.4512664742464797, "segmentation": [], "area": 245778}, {"image_id": 10175, "bbox": [121, 1560, 660, 613], "category_id": 2, "id": 576, "iscrowd": 0, "weight": 0.9140877694963002, "segmentation": [], "area": 404580}, {"image_id": 10176, "bbox": [2631, 690, 890, 413], "category_id": 0, "id": 577, "iscrowd": 0, "weight": 0.9992203214796457, "segmentation": [], "area": 367570}, {"image_id": 10176, "bbox": [3618, 687, 303, 396], "category_id": 0, "id": 578, "iscrowd": 0, "weight": 0.212937993594716, "segmentation": [], "area": 119988}, {"image_id": 10176, "bbox": [2621, 560, 170, 163], "category_id": 0, "id": 579, "iscrowd": 0, "weight": 0.5242282190113051, "segmentation": [], "area": 27710}, {"image_id": 10177, "bbox": [2308, 660, 1710, 193], "category_id": 2, "id": 580, "iscrowd": 0, "weight": 0.03593674799794411, "segmentation": [], "area": 330030}, {"image_id": 10177, "bbox": [1851, 870, 886, 192], "category_id": 0, "id": 581, "iscrowd": 0, "weight": 0.22664467154669865, "segmentation": [], "area": 170112}, {"image_id": 10177, "bbox": [1904, 1193, 514, 484], "category_id": 0, "id": 582, "iscrowd": 0, "weight": 0.047877917974698425, "segmentation": [], "area": 248776}, {"image_id": 10177, "bbox": [31, 853, 851, 932], "category_id": 2, "id": 583, "iscrowd": 0, "weight": 0.026358940469709324, "segmentation": [], "area": 793132}, {"image_id": 10178, "bbox": [191, 1713, 787, 1184], "category_id": 0, "id": 584, "iscrowd": 0, "weight": 0.6124744469155186, "segmentation": [], "area": 931808}, {"image_id": 10179, "bbox": [1150, 1193, 494, 524], "category_id": 0, "id": 585, "iscrowd": 0, "weight": 0.13565836754700678, "segmentation": [], "area": 258856}, {"image_id": 10179, "bbox": [1428, 840, 250, 200], "category_id": 0, "id": 586, "iscrowd": 0, "weight": 0.16983580910296847, "segmentation": [], "area": 50000}, {"image_id": 10179, "bbox": [1105, 1826, 393, 223], "category_id": 0, "id": 587, "iscrowd": 0, "weight": 0.49866482195809647, "segmentation": [], "area": 87639}, {"image_id": 10180, "bbox": [3138, 1217, 683, 630], "category_id": 0, "id": 588, "iscrowd": 0, "weight": 0.27282494985802563, "segmentation": [], "area": 430290}, {"image_id": 10180, "bbox": [3158, 1950, 166, 53], "category_id": 0, "id": 589, "iscrowd": 0, "weight": 0.8170006023579602, "segmentation": [], "area": 8798}, {"image_id": 10181, "bbox": [2241, 1427, 423, 443], "category_id": 2, "id": 590, "iscrowd": 0, "weight": 0.3582213511053297, "segmentation": [], "area": 187389}, {"image_id": 10182, "bbox": [151, 1987, 801, 1048], "category_id": 2, "id": 591, "iscrowd": 0, "weight": 0.47827003250600564, "segmentation": [], "area": 839448}, {"image_id": 10182, "bbox": [1182, 2256, 61, 66], "category_id": 2, "id": 592, "iscrowd": 0, "weight": 0.9680868606282946, "segmentation": [], "area": 4026}, {"image_id": 10183, "bbox": [1011, 867, 577, 186], "category_id": 0, "id": 593, "iscrowd": 0, "weight": 0.9115681154929033, "segmentation": [], "area": 107322}, {"image_id": 10183, "bbox": [1488, 1117, 753, 656], "category_id": 0, "id": 594, "iscrowd": 0, "weight": 0.012512905773305438, "segmentation": [], "area": 493968}, {"image_id": 10183, "bbox": [0, 917, 764, 1203], "category_id": 1, "id": 595, "iscrowd": 0, "weight": 0.5777823170785323, "segmentation": [], "area": 919092}, {"image_id": 10183, "bbox": [2818, 1167, 63, 183], "category_id": 1, "id": 596, "iscrowd": 0, "weight": 0.8701187078457459, "segmentation": [], "area": 11529}, {"image_id": 10184, "bbox": [8, 7, 833, 703], "category_id": 2, "id": 597, "iscrowd": 0, "weight": 0.4657786399815732, "segmentation": [], "area": 585599}, {"image_id": 10184, "bbox": [2461, 1550, 120, 203], "category_id": 1, "id": 598, "iscrowd": 0, "weight": 0.3579393561241604, "segmentation": [], "area": 24360}, {"image_id": 10184, "bbox": [2364, 1350, 110, 150], "category_id": 1, "id": 599, "iscrowd": 0, "weight": 0.205105262992616, "segmentation": [], "area": 16500}, {"image_id": 10185, "bbox": [2324, 786, 960, 371], "category_id": 0, "id": 600, "iscrowd": 0, "weight": 0.8902648488523214, "segmentation": [], "area": 356160}, {"image_id": 10186, "bbox": [1974, 1173, 1594, 217], "category_id": 1, "id": 601, "iscrowd": 0, "weight": 0.7055461984100841, "segmentation": [], "area": 345898}, {"image_id": 10186, "bbox": [3678, 359, 176, 262], "category_id": 2, "id": 602, "iscrowd": 0, "weight": 0.7853231285245292, "segmentation": [], "area": 46112}, {"image_id": 10186, "bbox": [1868, 1837, 110, 93], "category_id": 1, "id": 603, "iscrowd": 0, "weight": 0.41073707686914296, "segmentation": [], "area": 10230}, {"image_id": 10187, "bbox": [128, 173, 746, 684], "category_id": 2, "id": 604, "iscrowd": 0, "weight": 0.9463713417812726, "segmentation": [], "area": 510264}, {"image_id": 10187, "bbox": [1611, 1507, 63, 133], "category_id": 1, "id": 605, "iscrowd": 0, "weight": 0.09559737468712748, "segmentation": [], "area": 8379}, {"image_id": 10187, "bbox": [2691, 1300, 347, 1327], "category_id": 1, "id": 606, "iscrowd": 0, "weight": 0.9880021805060188, "segmentation": [], "area": 460469}, {"image_id": 10187, "bbox": [3611, 2247, 233, 366], "category_id": 2, "id": 607, "iscrowd": 0, "weight": 0.6204277096553901, "segmentation": [], "area": 85278}, {"image_id": 10188, "bbox": [3771, 400, 124, 273], "category_id": 2, "id": 608, "iscrowd": 0, "weight": 0.6200310240667704, "segmentation": [], "area": 33852}, {"image_id": 10188, "bbox": [1671, 1390, 870, 560], "category_id": 1, "id": 609, "iscrowd": 0, "weight": 0.9278841535106244, "segmentation": [], "area": 487200}, {"image_id": 10189, "bbox": [2681, 967, 67, 136], "category_id": 1, "id": 610, "iscrowd": 0, "weight": 0.8153566836285959, "segmentation": [], "area": 9112}, {"image_id": 10189, "bbox": [1781, 847, 1100, 740], "category_id": 1, "id": 611, "iscrowd": 0, "weight": 0.4114774081288828, "segmentation": [], "area": 814000}, {"image_id": 10189, "bbox": [3194, 863, 60, 60], "category_id": 1, "id": 612, "iscrowd": 0, "weight": 0.9274026321242381, "segmentation": [], "area": 3600}, {"image_id": 10189, "bbox": [118, 647, 630, 940], "category_id": 2, "id": 613, "iscrowd": 0, "weight": 0.47743935122636827, "segmentation": [], "area": 592200}, {"image_id": 10190, "bbox": [2151, 913, 147, 140], "category_id": 1, "id": 614, "iscrowd": 0, "weight": 0.8726999025521905, "segmentation": [], "area": 20580}, {"image_id": 10190, "bbox": [1534, 920, 1247, 767], "category_id": 0, "id": 615, "iscrowd": 0, "weight": 0.5145048225185852, "segmentation": [], "area": 956449}, {"image_id": 10190, "bbox": [1024, 1283, 994, 974], "category_id": 1, "id": 616, "iscrowd": 0, "weight": 0.13024587865684822, "segmentation": [], "area": 968156}, {"image_id": 10190, "bbox": [3324, 123, 600, 787], "category_id": 2, "id": 617, "iscrowd": 0, "weight": 0.4687551150826903, "segmentation": [], "area": 472200}, {"image_id": 10191, "bbox": [1958, 783, 483, 1067], "category_id": 1, "id": 618, "iscrowd": 0, "weight": 0.35875165726371894, "segmentation": [], "area": 515361}, {"image_id": 10191, "bbox": [1214, 960, 390, 1307], "category_id": 0, "id": 619, "iscrowd": 0, "weight": 0.5061496031642755, "segmentation": [], "area": 509730}, {"image_id": 10191, "bbox": [41, 1723, 493, 1134], "category_id": 2, "id": 620, "iscrowd": 0, "weight": 0.5294343226424376, "segmentation": [], "area": 559062}, {"image_id": 10192, "bbox": [3528, 1686, 429, 265], "category_id": 2, "id": 621, "iscrowd": 0, "weight": 0.8472387697743881, "segmentation": [], "area": 113685}, {"image_id": 10192, "bbox": [2161, 1223, 70, 144], "category_id": 1, "id": 622, "iscrowd": 0, "weight": 0.5931124977851149, "segmentation": [], "area": 10080}, {"image_id": 10192, "bbox": [3460, 2062, 471, 206], "category_id": 2, "id": 623, "iscrowd": 0, "weight": 0.78481316618395, "segmentation": [], "area": 97026}, {"image_id": 10193, "bbox": [1454, 1420, 994, 243], "category_id": 1, "id": 624, "iscrowd": 0, "weight": 0.12803521631908166, "segmentation": [], "area": 241542}, {"image_id": 10193, "bbox": [258, 2080, 326, 400], "category_id": 2, "id": 625, "iscrowd": 0, "weight": 0.08845690385303373, "segmentation": [], "area": 130400}, {"image_id": 10193, "bbox": [3882, 224, 84, 129], "category_id": 2, "id": 626, "iscrowd": 0, "weight": 0.30613922048215925, "segmentation": [], "area": 10836}, {"image_id": 10194, "bbox": [2698, 363, 676, 834], "category_id": 2, "id": 627, "iscrowd": 0, "weight": 0.5658677602602519, "segmentation": [], "area": 563784}, {"image_id": 10195, "bbox": [1301, 1273, 563, 447], "category_id": 0, "id": 628, "iscrowd": 0, "weight": 0.7498903187822151, "segmentation": [], "area": 251661}, {"image_id": 10195, "bbox": [1218, 1853, 340, 154], "category_id": 0, "id": 629, "iscrowd": 0, "weight": 0.4166075433069041, "segmentation": [], "area": 52360}, {"image_id": 10195, "bbox": [2148, 1117, 1246, 656], "category_id": 1, "id": 630, "iscrowd": 0, "weight": 0.4865335291443984, "segmentation": [], "area": 817376}, {"image_id": 10195, "bbox": [3208, 1437, 810, 813], "category_id": 2, "id": 631, "iscrowd": 0, "weight": 0.41908154520029717, "segmentation": [], "area": 658530}, {"image_id": 10196, "bbox": [2944, 3, 1030, 857], "category_id": 0, "id": 632, "iscrowd": 0, "weight": 0.8515627882086387, "segmentation": [], "area": 882710}, {"image_id": 10196, "bbox": [0, 2035, 531, 882], "category_id": 2, "id": 633, "iscrowd": 0, "weight": 0.38896699031894577, "segmentation": [], "area": 468342}, {"image_id": 10197, "bbox": [1704, 643, 160, 184], "category_id": 0, "id": 634, "iscrowd": 0, "weight": 0.3327289513790028, "segmentation": [], "area": 29440}, {"image_id": 10197, "bbox": [1981, 733, 253, 364], "category_id": 0, "id": 635, "iscrowd": 0, "weight": 0.3332920659012858, "segmentation": [], "area": 92092}, {"image_id": 10197, "bbox": [2441, 1140, 470, 320], "category_id": 0, "id": 636, "iscrowd": 0, "weight": 0.8458733737505294, "segmentation": [], "area": 150400}, {"image_id": 10197, "bbox": [1941, 1337, 743, 470], "category_id": 0, "id": 637, "iscrowd": 0, "weight": 0.7013094481157903, "segmentation": [], "area": 349210}, {"image_id": 10197, "bbox": [1831, 1767, 260, 140], "category_id": 0, "id": 638, "iscrowd": 0, "weight": 0.76063884771316, "segmentation": [], "area": 36400}, {"image_id": 10197, "bbox": [631, 787, 309, 171], "category_id": 2, "id": 639, "iscrowd": 0, "weight": 0.818102130851805, "segmentation": [], "area": 52839}, {"image_id": 10197, "bbox": [1066, 642, 336, 165], "category_id": 2, "id": 640, "iscrowd": 0, "weight": 0.45057994064797335, "segmentation": [], "area": 55440}, {"image_id": 10197, "bbox": [1486, 825, 355, 777], "category_id": 1, "id": 641, "iscrowd": 0, "weight": 0.7515103039167451, "segmentation": [], "area": 275835}, {"image_id": 10198, "bbox": [221, 647, 673, 1170], "category_id": 0, "id": 642, "iscrowd": 0, "weight": 0.2652145490343151, "segmentation": [], "area": 787410}, {"image_id": 10198, "bbox": [418, 1080, 460, 533], "category_id": 0, "id": 643, "iscrowd": 0, "weight": 0.9786686869714192, "segmentation": [], "area": 245180}, {"image_id": 10198, "bbox": [2471, 1080, 580, 543], "category_id": 1, "id": 644, "iscrowd": 0, "weight": 0.7119866710434128, "segmentation": [], "area": 314940}, {"image_id": 10199, "bbox": [1434, 593, 610, 534], "category_id": 0, "id": 645, "iscrowd": 0, "weight": 0.8820627056597748, "segmentation": [], "area": 325740}, {"image_id": 10199, "bbox": [1438, 930, 623, 827], "category_id": 0, "id": 646, "iscrowd": 0, "weight": 0.5790959025962131, "segmentation": [], "area": 515221}, {"image_id": 10199, "bbox": [3528, 2187, 440, 676], "category_id": 2, "id": 647, "iscrowd": 0, "weight": 0.2290474464468868, "segmentation": [], "area": 297440}, {"image_id": 10199, "bbox": [1153, 600, 81, 84], "category_id": 0, "id": 648, "iscrowd": 0, "weight": 0.13713852381719682, "segmentation": [], "area": 6804}], "categories": [{"id": 0, "name": "yanse"}, {"id": 1, "name": "huahen"}, {"id": 2, "name": "mosun"}]} \ No newline at end of file diff --git a/examples/yaoba/singletask_learning_boost/resource/train.py b/examples/yaoba/singletask_learning_boost/resource/train.py new file mode 100644 index 00000000..8b5c7a29 --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/train.py @@ -0,0 +1,242 @@ +# Copyright (c) OpenMMLab. All rights reserved. +import argparse +import copy +import os +import os.path as osp +import time +import warnings + +import mmcv +import torch +import torch.distributed as dist +from mmcv import Config, DictAction +from mmcv.runner import get_dist_info, init_dist +from mmcv.utils import get_git_hash + +from mmdet import __version__ +from mmdet.apis import init_random_seed, set_random_seed, train_detector +from mmdet.datasets import build_dataset +from mmdet.models import build_detector +from mmdet.utils import (collect_env, get_device, get_root_logger, + replace_cfg_vals, setup_multi_processes, + update_data_root) + + +def parse_args(): + parser = argparse.ArgumentParser(description='Train a detector') + parser.add_argument('config', help='train config file path') + parser.add_argument('--work-dir', help='the dir to save logs and models') + parser.add_argument( + '--resume-from', help='the checkpoint file to resume from') + parser.add_argument( + '--auto-resume', + action='store_true', + help='resume from the latest checkpoint automatically') + parser.add_argument( + '--no-validate', + action='store_true', + help='whether not to evaluate the checkpoint during training') + group_gpus = parser.add_mutually_exclusive_group() + group_gpus.add_argument( + '--gpus', + type=int, + help='(Deprecated, please use --gpu-id) number of gpus to use ' + '(only applicable to non-distributed training)') + group_gpus.add_argument( + '--gpu-ids', + type=int, + nargs='+', + help='(Deprecated, please use --gpu-id) ids of gpus to use ' + '(only applicable to non-distributed training)') + group_gpus.add_argument( + '--gpu-id', + type=int, + default=0, + help='id of gpu to use ' + '(only applicable to non-distributed training)') + parser.add_argument('--seed', type=int, default=None, help='random seed') + parser.add_argument( + '--diff-seed', + action='store_true', + help='Whether or not set different seeds for different ranks') + parser.add_argument( + '--deterministic', + action='store_true', + help='whether to set deterministic options for CUDNN backend.') + parser.add_argument( + '--options', + nargs='+', + action=DictAction, + help='override some settings in the used config, the key-value pair ' + 'in xxx=yyy format will be merged into config file (deprecate), ' + 'change to --cfg-options instead.') + parser.add_argument( + '--cfg-options', + nargs='+', + action=DictAction, + help='override some settings in the used config, the key-value pair ' + 'in xxx=yyy format will be merged into config file. If the value to ' + 'be overwritten is a list, it should be like key="[a,b]" or key=a,b ' + 'It also allows nested list/tuple values, e.g. key="[(a,b),(c,d)]" ' + 'Note that the quotation marks are necessary and that no white space ' + 'is allowed.') + parser.add_argument( + '--launcher', + choices=['none', 'pytorch', 'slurm', 'mpi'], + default='none', + help='job launcher') + parser.add_argument('--local_rank', type=int, default=0) + parser.add_argument( + '--auto-scale-lr', + action='store_true', + help='enable automatically scaling LR.') + args = parser.parse_args() + if 'LOCAL_RANK' not in os.environ: + os.environ['LOCAL_RANK'] = str(args.local_rank) + + if args.options and args.cfg_options: + raise ValueError( + '--options and --cfg-options cannot be both ' + 'specified, --options is deprecated in favor of --cfg-options') + if args.options: + warnings.warn('--options is deprecated in favor of --cfg-options') + args.cfg_options = args.options + + return args + + +def main(): + args = parse_args() + + cfg = Config.fromfile(args.config) + + # replace the ${key} with the value of cfg.key + cfg = replace_cfg_vals(cfg) + + # update data root according to MMDET_DATASETS + update_data_root(cfg) + + if args.cfg_options is not None: + cfg.merge_from_dict(args.cfg_options) + + if args.auto_scale_lr: + if 'auto_scale_lr' in cfg and \ + 'enable' in cfg.auto_scale_lr and \ + 'base_batch_size' in cfg.auto_scale_lr: + cfg.auto_scale_lr.enable = True + else: + warnings.warn('Can not find "auto_scale_lr" or ' + '"auto_scale_lr.enable" or ' + '"auto_scale_lr.base_batch_size" in your' + ' configuration file. Please update all the ' + 'configuration files to mmdet >= 2.24.1.') + + # set multi-process settings + setup_multi_processes(cfg) + + # set cudnn_benchmark + if cfg.get('cudnn_benchmark', False): + torch.backends.cudnn.benchmark = True + + # work_dir is determined in this priority: CLI > segment in file > filename + if args.work_dir is not None: + # update configs according to CLI args if args.work_dir is not None + cfg.work_dir = args.work_dir + elif cfg.get('work_dir', None) is None: + # use config filename as default work_dir if cfg.work_dir is None + cfg.work_dir = osp.join('./work_dirs', + osp.splitext(osp.basename(args.config))[0]) + + if args.resume_from is not None: + cfg.resume_from = args.resume_from + cfg.auto_resume = args.auto_resume + if args.gpus is not None: + cfg.gpu_ids = range(1) + warnings.warn('`--gpus` is deprecated because we only support ' + 'single GPU mode in non-distributed training. ' + 'Use `gpus=1` now.') + if args.gpu_ids is not None: + cfg.gpu_ids = args.gpu_ids[0:1] + warnings.warn('`--gpu-ids` is deprecated, please use `--gpu-id`. ' + 'Because we only support single GPU mode in ' + 'non-distributed training. Use the first GPU ' + 'in `gpu_ids` now.') + if args.gpus is None and args.gpu_ids is None: + cfg.gpu_ids = [args.gpu_id] + + # init distributed env first, since logger depends on the dist info. + if args.launcher == 'none': + distributed = False + else: + distributed = True + init_dist(args.launcher, **cfg.dist_params) + # re-set gpu_ids with distributed training mode + _, world_size = get_dist_info() + cfg.gpu_ids = range(world_size) + + # create work_dir + mmcv.mkdir_or_exist(osp.abspath(cfg.work_dir)) + # dump config + cfg.dump(osp.join(cfg.work_dir, osp.basename(args.config))) + # init the logger before other steps + timestamp = time.strftime('%Y%m%d_%H%M%S', time.localtime()) + log_file = osp.join(cfg.work_dir, f'{timestamp}.log') + logger = get_root_logger(log_file=log_file, log_level=cfg.log_level) + + # init the meta dict to record some important information such as + # environment info and seed, which will be logged + meta = dict() + # log env info + env_info_dict = collect_env() + env_info = '\n'.join([(f'{k}: {v}') for k, v in env_info_dict.items()]) + dash_line = '-' * 60 + '\n' + logger.info('Environment info:\n' + dash_line + env_info + '\n' + + dash_line) + meta['env_info'] = env_info + meta['config'] = cfg.pretty_text + # log some basic info + logger.info(f'Distributed training: {distributed}') + logger.info(f'Config:\n{cfg.pretty_text}') + + cfg.device = get_device() + # set random seeds + seed = init_random_seed(args.seed, device=cfg.device) + seed = seed + dist.get_rank() if args.diff_seed else seed + logger.info(f'Set random seed to {seed}, ' + f'deterministic: {args.deterministic}') + set_random_seed(seed, deterministic=args.deterministic) + cfg.seed = seed + meta['seed'] = seed + meta['exp_name'] = osp.basename(args.config) + + model = build_detector( + cfg.model, + train_cfg=cfg.get('train_cfg'), + test_cfg=cfg.get('test_cfg')) + model.init_weights() + + datasets = [build_dataset(cfg.data.train)] + if len(cfg.workflow) == 2: + val_dataset = copy.deepcopy(cfg.data.val) + val_dataset.pipeline = cfg.data.train.pipeline + datasets.append(build_dataset(val_dataset)) + if cfg.checkpoint_config is not None: + # save mmdet version, config file content and class names + # checkpoints as meta data + cfg.checkpoint_config.meta = dict( + mmdet_version=__version__ + get_git_hash()[:7], + CLASSES=datasets[0].CLASSES) + # add an attribute for visualization convenience + model.CLASSES = datasets[0].CLASSES + train_detector( + model, + datasets, + cfg, + distributed=distributed, + validate=(not args.no_validate), + timestamp=timestamp, + meta=meta) + + +if __name__ == '__main__': + main() diff --git a/examples/yaoba/singletask_learning_boost/resource/utils/F1-score.py b/examples/yaoba/singletask_learning_boost/resource/utils/F1-score.py new file mode 100644 index 00000000..adf4ebca --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/utils/F1-score.py @@ -0,0 +1,137 @@ +import json +import os +import cv2 +import numpy as np +from tqdm import tqdm +from mmdet.apis import init_detector, inference_detector +from utils.c1c.cal_json_file_MAP import topleftxywh_to_xyxy + +""" +接口参考map计算接口,评估一个模型在某json文件下的F1-score +""" +THR = 0.5 +SCORE_THR = 0.9 + + +def _single_F1score(predict_result, labels, thr=THR): + """ + 计算单张图片的F1-score + """ + mis_classify = 0 + mis_iou = 0 + all_mis = 0 + TP = 0 + predict_count = 0 + FN = np.zeros(len(labels)) + for index, cur_category_result in enumerate(predict_result): + if cur_category_result.shape[0] == 0: + continue + else: + for each_result in cur_category_result: + predict_box = each_result[:-1] + confidence = each_result[-1] + if confidence < 0.3: + continue + max_iou = 0 + label_category = -1 + flag = -1 + for j, label in enumerate(labels): + label_box = label[:-1] + iou = compute_iou(predict_box, label_box) + if iou > max_iou: + max_iou = iou + label_category = label[-1] + flag = j # 标记是哪个标签框被成功预测了 + if max_iou > thr: + if index == label_category: + TP += 1 + FN[flag] = 1 + else: + mis_classify += 1 + elif max_iou < thr and index == label_category: + mis_iou += 1 + elif max_iou < thr and index != label_category: + all_mis += 1 + predict_count += 1 + FP = predict_count - TP + FN = len(labels) - np.count_nonzero(FN) + precision = TP / (TP + FP + 1e-5) + recall = TP / (TP + FN + 1e-5) + f1score = 2 * precision * recall / (precision + recall + 1e-5) + return f1score, precision, recall + + +def F1score(config_file, checkpoint_file, img_path, anno_path, out_path): + fp = open(anno_path, 'r', encoding='utf8') + loaded_json = json.load(fp) + annos = loaded_json['annotations'] + images = loaded_json['images'] + fp.close() + model = init_detector(config_file, checkpoint_file, device='cuda:0') + image_name_id_list = [] + for i in images: + image_name_id_list.append((i['file_name'], i['id'])) + for item in tqdm(image_name_id_list): + image_name = item[0] + image_id = item[1] + image = os.path.join(img_path, image_name) + predict_result = inference_detector(model, image) + label = [] + for anno in annos: + anno_belong_img_id = anno['image_id'] + if anno_belong_img_id == image_id: + bbox = topleftxywh_to_xyxy(anno['bbox']) + category = anno['category_id'] + bbox.append(category) + label.append(bbox) + f1score, precision, recall = _single_F1score(predict_result, label, THR) + if precision>=SCORE_THR and recall>=SCORE_THR: + write_names(out_path, image_name, True) + else: + write_names(out_path, image_name, False) + write_txt(out_path, image_name, f1score) + + +def write_txt(path, name, score): + txt = open(path, mode="a+", encoding='utf-8') + txt.write(name) + txt.write(" ") + txt.write(str(score)) + txt.write('\n') + txt.close() + + +def write_names(path, name, qualified): + dir_name = os.path.dirname(path) + if qualified: + txt = open(os.path.join(dir_name, "pass.txt"), mode="a+", encoding='utf-8') + else: + txt = open(os.path.join(dir_name, "NG.txt"), mode="a+", encoding='utf-8') + txt.write(name) + txt.write('\n') + txt.close() + + +def compute_iou(rec_1, rec_2): + s_rec1 = (rec_1[2] - rec_1[0]) * (rec_1[3] - rec_1[1]) + s_rec2 = (rec_2[2] - rec_2[0]) * (rec_2[3] - rec_2[1]) + sum_s = s_rec1 + s_rec2 + left = max(rec_1[0], rec_2[0]) + right = min(rec_1[2], rec_2[2]) + bottom = max(rec_1[1], rec_2[1]) + top = min(rec_1[3], rec_2[3]) + if left >= right or top <= bottom: + return 0 + else: + inter = (right - left) * (top - bottom) + iou = (inter / (sum_s - inter)) * 1.0 + return iou + + +if __name__ == '__main__': + F1score( + config_file="/custom_code/instance_based/model/fpn/known/faster_rcnn_r50_fpn_1x_yaoba.py", + checkpoint_file="/custom_code/instance_based/model/fpn/known/epoch_48.pth", + img_path='/media/huawei_YaoBa/Images', + anno_path='/custom_code/instance_based/json/known_test.json', + out_path='/custom_code/instance_based/txt/known_part/f1score.txt') diff --git a/examples/yaoba/singletask_learning_boost/resource/utils/TTA_augs_xyxy_cv2.py b/examples/yaoba/singletask_learning_boost/resource/utils/TTA_augs_xyxy_cv2.py new file mode 100644 index 00000000..c20876b0 --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/utils/TTA_augs_xyxy_cv2.py @@ -0,0 +1,513 @@ +import cv2 +import PIL +import mmcv +import numpy as np +from PIL import Image +import PIL.ImageOps, PIL.ImageDraw, PIL.ImageEnhance + +FILL_COLOR = (0, 0, 0) + + +def xyxy_to_xywh(boxes): + width = boxes[2] - boxes[0] + height = boxes[3] - boxes[1] + return [boxes[0], boxes[1], width, height] + + +def xywh_to_xyxy(boxes): + x = boxes[0] + boxes[2] + y = boxes[1] + boxes[3] + return [boxes[0], boxes[1], x, y] + + +def draw_bboxes(save_dir, img, bboxes): + img_copy = img.copy() + if bboxes: + for bbox in bboxes: + x1, y1 = int(bbox[0]), int(bbox[1]) + x2, y2 = int(bbox[2]), int(bbox[3]) + cv2.rectangle(img_copy, (x1, y1), (x2, y2), (0, 255, 0), 3) + print('show image shape: ', img_copy.shape) + cv2.imwrite(save_dir, img_copy) + + +def TTA_Resize(img, v=(800, 1333), bboxes=None): + img = img.copy() + h, w = img.shape[0], img.shape[1] + m = min(max(v) / max(h, w), min(v) / min(h, w)) + img_aug = cv2.resize(img, (int(w * m + 0.5), int(h * m + 0.5)), cv2.INTER_CUBIC) + # img_aug = padding_square(img_aug, v) + bboxes_aug = [] + if bboxes: + for bbox in bboxes: + x1, y1, x2, y2 = [int(i * m + 0.5) for i in bbox[:]] + bboxes_aug.append([x1, y1, x2, y2]) + return img_aug, bboxes_aug, m + + +def TTA_Resize_mmcv(img, v, bboxes=None): + aug_img, scale_factor = mmcv.imrescale(img, v, return_scale=True) + return aug_img, None, scale_factor + + +def TTA_Resize_re(bboxes, v): + bboxes_aug = [] + for bbox in bboxes: + bbox_aug = [int(i / v + 0.5) for i in bbox] + bboxes_aug.append(bbox_aug) + return bboxes_aug + + +def TTA_Flip(img, v, bboxes=None): + img = img.copy() + width = img.shape[1] + height = img.shape[0] + bboxes_aug = [] + if v == 0: + img_aug = cv2.flip(img, 0) + if bboxes: + for bbox in bboxes: + x1, y1, x2, y2 = [int(i) for i in bbox[:]] + h = y2 - y1 + y1 = height - y2 + y2 = y1 + h + bboxes_aug.append([x1, y1, x2, y2]) + elif v == 1: + img_aug = cv2.flip(img, 1) + if bboxes: + for bbox in bboxes: + x1, y1, x2, y2 = [int(i) for i in bbox[:]] + w = x2 - x1 + x1 = width - x2 + x2 = x1 + w + bboxes_aug.append([x1, y1, x2, y2]) + else: + img_aug = cv2.flip(img, -1) + if bboxes: + for bbox in bboxes: + x1, y1, x2, y2 = [int(i) for i in bbox[:]] + w = x2 - x1 + h = y2 - y1 + x1 = width - x2 + y1 = height - y2 + x2 = x1 + w + y2 = y1 + h + bboxes_aug.append([x1, y1, x2, y2]) + return img_aug, bboxes_aug, [v, img_aug.shape[1], img_aug.shape[0]] + + +def TTA_Flip_re(bboxes, v): + m = v[0] + width = v[1] + height = v[2] + if m == 0: + bboxes_re = [] + if bboxes: + for bbox in bboxes: + x1, y1, x2, y2 = [int(i) for i in bbox[:]] + h = y2 - y1 + y1 = height - y2 + y2 = y1 + h + bboxes_re.append([x1, y1, x2, y2]) + elif m == 1: + bboxes_re = [] + if bboxes: + for bbox in bboxes: + x1, y1, x2, y2 = [int(i) for i in bbox[:]] + w = x2 - x1 + x1 = width - x2 + x2 = x1 + w + bboxes_re.append([x1, y1, x2, y2]) + else: + bboxes_re = [] + if bboxes: + for bbox in bboxes: + x1, y1, x2, y2 = [int(i) for i in bbox[:]] + w = x2 - x1 + h = y2 - y1 + x1 = width - x2 + y1 = height - y2 + x2 = x1 + w + y2 = y1 + h + bboxes_re.append([x1, y1, x2, y2]) + return bboxes_re + + +def TTA_Rotate_no_pad(img, v, bboxes=None): + img = img.copy() + h, w = img.shape[:2] + bboxes_aug = [] + if v == 90: + img_aug = cv2.rotate(img, cv2.ROTATE_90_CLOCKWISE) + if bboxes: + for box in bboxes: + bboxes_aug.append([h - box[1], box[0], h - box[3], box[2]]) + elif v == 180: + img_aug = cv2.rotate(img, cv2.ROTATE_180) + if bboxes: + for box in bboxes: + bboxes_aug.append([w - box[0], h - box[1], w - box[2], h - box[3]]) + else: + img_aug = cv2.rotate(img, cv2.ROTATE_90_COUNTERCLOCKWISE) + if bboxes: + for box in bboxes: + bboxes_aug.append([box[1], w - box[0], box[3], w - box[2]]) + return img_aug, bboxes_aug, [v, img_aug.shape[0], img_aug.shape[1]] + + +def TTA_Rotate_no_pad_re(bboxes, v): + bboxes_re = [] + if bboxes: + if v[0] == 90: + for box in bboxes: + bboxes_re.append([box[1], v[2] - box[0], box[3], v[2] - box[2]]) + elif v[0] == 180: + for box in bboxes: + bboxes_re.append([v[2] - box[0], v[1] - box[1], v[2] - box[2], v[1] - box[3]]) + else: + for box in bboxes: + bboxes_re.append([v[1] - box[1], box[0], v[1] - box[3], box[2]]) + return bboxes_re + + +def TTA_Color(img, v, bboxes=None): # (0, 1) + img = Image.fromarray(img.copy()) + img_aug = PIL.ImageEnhance.Color(img).enhance(v) + return np.array(img_aug), bboxes, v + + +def TTA_Color_mmcv(img, v, bboxes=None): + gray_img = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) + gray_img = np.tile(gray_img[..., None], [1, 1, 3]) + beta = 1 - v + colored_img = cv2.addWeighted(img, v, gray_img, beta, 0) + if not colored_img.dtype == np.uint8: + colored_img = np.clip(colored_img, 0, 255) + return colored_img.astype(img.dtype), bboxes, v + + +def TTA_Color_re(bboxes, v): + return bboxes + + +def TTA_Contrast(img, v, bboxes=None): # (0, 1) + img = Image.fromarray(img.copy()) + img_aug = PIL.ImageEnhance.Contrast(img).enhance(v) + return np.array(img_aug), bboxes, v + + +def TTA_Contrast_mmcv(img, v, bboxes=None): + gray_img = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) + hist = np.histogram(gray_img, 256, (0, 255))[0] + mean = round(np.sum(gray_img) / np.sum(hist)) + degenerated = (np.ones_like(img[..., 0]) * mean).astype(img.dtype) + degenerated = cv2.cvtColor(degenerated, cv2.COLOR_GRAY2BGR) + contrasted_img = cv2.addWeighted( + img.astype(np.float32), v, degenerated.astype(np.float32), + 1 - v, 0) + contrasted_img = np.clip(contrasted_img, 0, 255) + return contrasted_img.astype(img.dtype), bboxes, v + + +def TTA_Contrast_re(bboxes, v): + return bboxes + + +def TTA_Brightness(img, v, bboxes=None): # (0, 1) + img = Image.fromarray(img.copy()) + img_aug = PIL.ImageEnhance.Brightness(img).enhance(v) + return np.array(img_aug), bboxes, v + + +def TTA_Brightness_mmcv(img, v, bboxes=None): + degenerated = np.zeros_like(img) + brightened_img = cv2.addWeighted( + img.astype(np.float32), v, degenerated.astype(np.float32), + 1 - v, 0) + brightened_img = np.clip(brightened_img, 0, 255) + return brightened_img.astype(img.dtype), bboxes, v + + +def TTA_Brightness_re(bboxes, v): + return bboxes + + +def TTA_Sharpness(img, v, bboxes=None): + img = Image.fromarray(img.copy()) + img_aug = PIL.ImageEnhance.Sharpness(img).enhance(v) + return np.array(img_aug), bboxes, v + + +def TTA_Sharpness_re(bboxes, v): + return bboxes + + +def TTA_SHarpness_mmcv(img, v, bboxes=None): + kernel = np.array([[1., 1., 1.], [1., 5., 1.], [1., 1., 1.]]) / 13 + degenerated = cv2.filter2D(img, -1, kernel) + sharpened_img = cv2.addWeighted( + img.astype(np.float32), v, degenerated.astype(np.float32), + 1 - v, 0) + sharpened_img = np.clip(sharpened_img, 0, 255) + return sharpened_img.astype(img.dtype), bboxes, v + + +def TTA_AutoContrast(img, v, bboxes=None): + img = Image.fromarray(img.copy()) + cutoff = abs(v) + img_aug = PIL.ImageOps.autocontrast(img, cutoff) + return np.array(img_aug), bboxes, v + + +def TTA_AutoContrast_re(bboxes, v): + return bboxes + + +def TTA_AutoContrast_mmcv(img, v, bboxes=None): + def _auto_contrast_channel(im, c, cutoff): + im = im[:, :, c] + # Compute the histogram of the image channel. + histo = np.histogram(im, 256, (0, 255))[0] + # Remove cut-off percent pixels from histo + histo_sum = np.cumsum(histo) + cut_low = histo_sum[-1] * cutoff[0] // 100 + cut_high = histo_sum[-1] - histo_sum[-1] * cutoff[1] // 100 + histo_sum = np.clip(histo_sum, cut_low, cut_high) - cut_low + histo = np.concatenate([[histo_sum[0]], np.diff(histo_sum)], 0) + + # Compute mapping + low, high = np.nonzero(histo)[0][0], np.nonzero(histo)[0][-1] + # If all the values have been cut off, return the origin img + if low >= high: + return im + scale = 255.0 / (high - low) + offset = -low * scale + lut = np.array(range(256)) + lut = lut * scale + offset + lut = np.clip(lut, 0, 255) + return lut[im] + + if isinstance(v, (int, float)): + cutoff = (v, v) + else: + assert isinstance(v, tuple), 'cutoff must be of type int, ' \ + f'float or tuple, but got {type(v)} instead.' + # Auto adjusts contrast for each channel independently and then stacks + # the result. + s1 = _auto_contrast_channel(img, 0, cutoff) + s2 = _auto_contrast_channel(img, 1, cutoff) + s3 = _auto_contrast_channel(img, 2, cutoff) + contrasted_img = np.stack([s1, s2, s3], axis=-1) + return contrasted_img.astype(img.dtype), bboxes, v + + +def TTA_Equalize(img, v, bboxes=None): + img = Image.fromarray(img.copy()) + img_aug = PIL.ImageOps.equalize(img) + return np.array(img_aug), bboxes, v + + +def TTA_Equalize_mmcv(img, v, bboxes=None): + def _scale_channel(im, c): + im = im[:, :, c] + histo = np.histogram(im, 256, (0, 255))[0] + nonzero_histo = histo[histo > 0] + step = (np.sum(nonzero_histo) - nonzero_histo[-1]) // 255 + if not step: + lut = np.array(range(256)) + else: + lut = (np.cumsum(histo) + (step // 2)) // step + lut = np.concatenate([[0], lut[:-1]], 0) + lut[lut > 255] = 255 + return np.where(np.equal(step, 0), im, lut[im]) + + s1 = _scale_channel(img, 0) + s2 = _scale_channel(img, 1) + s3 = _scale_channel(img, 2) + equalized_img = np.stack([s1, s2, s3], axis=-1) + return equalized_img.astype(img.dtype), bboxes, v + + +def TTA_Equalize_re(bboxes, v): + return bboxes + + +def TTA_Grey(img, v, bboxes=None): + img = img.copy() + img_aug = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) + img_aug = cv2.cvtColor(img_aug, cv2.COLOR_GRAY2BGR) + return img_aug, bboxes, v + + +def TTA_Grey_re(bboxes, v): + return bboxes + + +def TTA_Invert(img, v, bboxes=None): + img = img.copy() + img_aug = 255 - img + return img_aug, bboxes, v + + +def TTA_Invert_re(bboxes, v): + return bboxes + + +def TTA_Posterize(img, v, bboxes=None): + v = int(8 - abs(v) * 7) + img = Image.fromarray(img.copy()) + img_aug = PIL.ImageOps.posterize(img, v) + return np.array(img_aug), bboxes, v + + +def TTA_Posterize_mmcv(img, v, bboxes=None): + shift = 8 - int(abs(8 * v)) + img = np.left_shift(np.right_shift(img, shift), shift) + return img, bboxes, v + + +def TTA_Posterize_re(bboxes, v): + return bboxes + + +def TTA_Solarize(img, v, bboxes=None): + v = int((1 - abs(v)) * 255) + img = Image.fromarray(img.copy()) + img_aug = PIL.ImageOps.solarize(img, v) + return np.array(img_aug), bboxes, v + + +def TTA_Solarize_mmcv(img, v, bboxes=None): + v = int((1 - abs(v)) * 255) + img = np.where(img < v, img, 255 - img) + return img, bboxes, v + + +def TTA_Solarize_re(bboxes, v): + return bboxes + + +def TTA_HSV(img, v, bboxes=None): + img = img.copy() + img_aug = cv2.cvtColor(img, cv2.COLOR_BGR2HSV) + return img_aug, bboxes, v + + +def TTA_HSV_re(bboxes, v): + return bboxes + + +def TTA_PepperNoise(img, v, bboxes=None): + img = img.copy() + per = abs(v) / 2 + pix = img.shape[0] * img.shape[1] + num = int(pix * per * 0.5) + coords = [np.random.randint(0, i - 1, num) for i in img.shape[:2]] + img[coords[0], coords[1], :] = [255, 255, 255] + coords = [np.random.randint(0, i - 1, num) for i in img.shape[:2]] + img[coords[0], coords[1], :] = [0, 0, 0] + return img, bboxes, v + + +def TTA_PepperNoise_re(bboxes, v): + return bboxes + + +def TTA_GaussNoise(img, v, bboxes=None): + img = img.copy() + mean = 0 + sigma = abs(v) * 100 + gauss = np.random.normal(mean, sigma, (img.shape[0], img.shape[1], img.shape[2])) + noisy_img = img + gauss + noisy_img = np.clip(noisy_img, a_min=0, a_max=255) + return np.uint8(noisy_img), bboxes, v + + +def TTA_GaussNoise_re(bboxes, v): + return bboxes + + +def printf(x): + print(x) + exit(0) + + +def padding_square(img, out_size): + h, w = img.shape[:2] + ret = cv2.copyMakeBorder(img, 0, out_size[0] - h, 0, out_size[1] - w, cv2.BORDER_CONSTANT, value=FILL_COLOR) + return ret + + +def topleftxywh_to_xyxy(boxes): + """ + args: + boxes:list of topleft_x,topleft_y,width,height, + return: + boxes:list of x,y,x,y,cooresponding to top left and bottom right + """ + x_top_left = boxes[0] + y_top_left = boxes[1] + x_bottom_right = boxes[0] + boxes[2] + y_bottom_right = boxes[1] + boxes[3] + return [x_top_left, y_top_left, x_bottom_right, y_bottom_right] + + +def TTA_Aug_List(): + return [TTA_Resize, TTA_Flip, TTA_Rotate_no_pad, TTA_Color, TTA_Contrast, TTA_Brightness, TTA_Sharpness, + TTA_AutoContrast, TTA_Equalize, TTA_Grey, TTA_Invert, TTA_Posterize, TTA_Solarize, TTA_HSV, TTA_PepperNoise, + TTA_GaussNoise] + + +def TTA_Aug_Space(): + ''' + 0 TTA_Resize + 1 TTA_Flip + 2 TTA_Rotate_no_pad + 3 TTA_Color + 4 TTA_Contrast + 5 TTA_Brightness + 6 TTA_Sharpness + 7 TTA_AutoContrast + 8 TTA_Equalize + 9 TTA_Grey + 10 TTA_Invert + 11 TTA_Posterize + 12 TTA_Solarize + 13 TTA_HSV + 14 TTA_PepperNoise + 15 TTA_GaussNoise + ''' + return [(0, (640, 640)), + (0, (672, 672)), (0, (704, 704)), (0, (736, 736)), (0, (768, 768)), (0, (800, 800)), + (0, (832, 832)), (0, (864, 864)), + (0, (608, 608)), (0, (576, 576)), (0, (544, 544)), (0, (512, 512)), (0, (480, 480)), + (0, (448, 448)), (0, (416, 416)), + (1, 0), (1, 1), (1, -1), + (2, 90), (2, 180), (2, 270), + (3, 0.2), (3, 0.3), (3, 0.4), (3, 0.5), (3, 0.6), (3, 0.7), (3, 0.8), + (4, 0.2), (4, 0.3), (4, 0.4), (4, 0.5), (4, 0.6), (4, 0.7), (4, 0.8), + (5, 0.2), (5, 0.3), (5, 0.4), (5, 0.5), (5, 0.6), (5, 0.7), (5, 0.8), + (6, 0.2), (6, 0.3), (6, 0.4), (6, 0.5), (6, 0.6), (6, 0.7), (6, 0.8), + (7, 0.2), (7, 0.3), (7, 0.4), (7, 0.5), (7, 0.6), (7, 0.7), (7, 0.8), + (8, 1), + (9, 1), + (10, 1), + (11, 0.2), (11, 0.3), (11, 0.4), (11, 0.5), (11, 0.6), (11, 0.7), (11, 0.8), + (12, 0.2), (12, 0.3), (12, 0.4), (12, 0.5), (12, 0.6), (12, 0.7), (12, 0.8), + (13, 1), + (14, 0.2), (14, 0.3), (14, 0.4), (14, 0.5), (14, 0.6), (14, 0.7), (14, 0.8), + (15, 0.2), (15, 0.3), (15, 0.4), (15, 0.5), (15, 0.6), (15, 0.7), (15, 0.8)] + + +def Test_Aug_Space(): + return [(0, (672, 672)), + (1, -1), + (2, 90), + (3, 0.4), + (4, 0.2), + (5, 0.2), + (6, 0.2), + (7, 0.2), + (8, 1), + (9, 1), + ] diff --git a/examples/yaoba/singletask_learning_boost/resource/utils/infer_and_error.py b/examples/yaoba/singletask_learning_boost/resource/utils/infer_and_error.py new file mode 100644 index 00000000..4807e2b9 --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/utils/infer_and_error.py @@ -0,0 +1,202 @@ +import json +import os +import cv2 +from mmdet.apis import inference_detector, init_detector +from custom_code.instance_based.utils.transform_unkonwn import xyxy_to_xywh +from tqdm import tqdm +from custom_code.test_time_aug.general_TTA_v4 import topleftxywh_to_xyxy + +CATEGORY = [{"id": 0, "name": "yanse"}, + {"id": 1, "name": "huahen"}, + {"id": 2, "name": "mosun"}, + ] + + +def compute_iou(rec_1, rec_2): + """ + 计算两个矩形框的交并比(IOU) + :param rec_1: 矩形框1,格式为 (x_min, y_min, x_max, y_max) + :param rec_2: 矩形框2,格式为 (x_min, y_min, x_max, y_max) + :return: 交并比(IOU) + """ + # 计算两个矩形框的面积 + s_rec1 = (rec_1[2] - rec_1[0]) * (rec_1[3] - rec_1[1]) + s_rec2 = (rec_2[2] - rec_2[0]) * (rec_2[3] - rec_2[1]) + sum_s = s_rec1 + s_rec2 + + # 计算两个矩形框的重叠部分面积 + left = max(rec_1[0], rec_2[0]) + right = min(rec_1[2], rec_2[2]) + bottom = max(rec_1[1], rec_2[1]) + top = min(rec_1[3], rec_2[3]) + if left >= right or top <= bottom: + return 0 + else: + inter = (right - left) * (top - bottom) + + # 计算交并比 + iou = (inter / (sum_s - inter)) * 1.0 + return iou + + +def compute_error(predict_result_json): + new_json = [] + iou_0_num = 0 # 标注框没有任何预测框的个数 + label_num = 0 # 标注框总个数 + with open(predict_result_json) as f: + info = json.load(f) + for key in info.keys(): + output = [] + output.append(key) + preds = info[key]['predict'] # 预测框信息 + labels = info[key]['label'] # 标注框信息(x_min, y_min, x_max, y_max, c) + for label in labels: + new_label = label.copy() + xyxy = label[:4] # 取出标注框的坐标信息(x_min, y_min, x_max, y_max) + c = label[4] # 取出标注框的类别信息 + max_iou = [0, 0, 0] # 最高的交并比,对应的预测框,对应预测框的类别概率 + + # 对于每个标注框,遍历所有的预测框,找到最高的交并比以及对应的预测框和类别概率 + for i, pred in enumerate(preds): + for pred_box in pred: + if pred_box: + iou = compute_iou(pred_box[:4], xyxy) # 计算交并比 + if iou > max_iou[0]: + max_iou[0] = iou + max_iou[1] = i + max_iou[2] = pred_box[4] + + if max_iou == [0, 0, 0]: # 如果找不到任何预测框和标注框重叠,认为交并比为0 + iou_0_num += 1 + error = 2 # 认为错误程度最大,用2表示 + new_label.append(error) + else: + error_iou = abs(1 - max_iou[0]) # 交并比的误差 + if c == max_iou[1]: # 如果预测的类别和标注的类别一致 + error_c = abs(1 - max_iou[2]) # 类别概率的误差 + else: + error_c = 1 # 类别不同,则认为是最大误差,用1表示 + error = error_iou + error_c # 误差综合 + new_label.append(error) + + output.append(new_label) # 把该标注框的信息加入到输出结果列表中 + label_num += 1 + new_json.append(output) # 把该图片的输出结果加入到整个输出结果列表中 + + # 输出统计信息 + print('标注框没有任何预测框的个数', iou_0_num) + print('标注框总个数', label_num) + + return new_json + + +def get_new_train_json(predict_results, img_path, known_name_list, unknown_name_list, out_dir): + fp_known = open(known_name_list, mode="r", encoding="utf-8") + fp_unknown = open(unknown_name_list, mode="r", encoding="utf-8") + known_result = fp_known.readlines() + unknown_result = fp_unknown.readlines() + for i in range(len(known_result)): + known_result[i] = known_result[i][:-1] + for i in range(len(unknown_result)): + unknown_result[i] = unknown_result[i][:-1] + images = [] + annotations = [] + id_num = 0 + image_id = 0 + for item in tqdm(predict_results): + img_name = item[0] + img_id = image_id + image = {} + image['file_name'] = img_name + image["id"] = img_id + height, width = cv2.imread(img_path + "/" + img_name).shape[:2] + image["height"] = height + image["width"] = width + images.append(image) + image_id+=1 + for i in range(1, len(item)): + bbox_item = item[i] + bbox = xyxy_to_xywh([bbox_item[0], bbox_item[1], bbox_item[2], bbox_item[3]]) + error = bbox_item[5] + annotation = {} + annotation["image_id"] = img_id + annotation["bbox"] = bbox + annotation["category_id"] = bbox_item[4] + if img_name in known_result: + annotation["weight"] = (2 - error) + 1 + elif img_name in unknown_result: + annotation["weight"] = error + 1 + annotation["id"] = id_num + annotation["iscrowd"] = 0 + annotation["segmentation"] = [] + annotation["area"] = bbox[2] * bbox[3] + id_num += 1 + annotations.append(annotation) + dataset_dict = {} + dataset_dict["images"] = images + dataset_dict["annotations"] = annotations + dataset_dict["categories"] = CATEGORY + json_str = json.dumps(dataset_dict) + with open(out_dir, 'w') as json_file: + json_file.write(json_str) + print("json file write done...") + + +def infer_anno(config_file, checkpoint_file, img_path, anno_path, out_path): + dir=os.path.dirname(out_path) + if not os.path.exists(dir): + os.mkdir(dir) + fp = open(anno_path, 'r', encoding='utf8') + label_json = json.load(fp) + annos = label_json['annotations'] + image_infos = label_json['images'] + model = init_detector(config_file, checkpoint_file, device='cuda:0') + predict_results = {} + for image_info in tqdm(image_infos): + image_name = image_info['file_name'] + image_id = image_info['id'] + predict_result = {} + image = os.path.join(img_path, image_name) + model_out = inference_detector(model, image) + for i in range(len(model_out)): + model_out[i] = model_out[i].tolist() + predict_result["predict"] = model_out + bboxes = [] + for anno in annos: + anno_belong_image = anno['image_id'] + if anno_belong_image == image_id: + bbox = topleftxywh_to_xyxy(anno['bbox']) + bbox.append(anno['category_id']) + bboxes.append(bbox) + predict_result["label"] = bboxes + predict_results[image_name] = predict_result + json_str = json.dumps(predict_results) + with open(out_path, 'w') as json_file: + json_file.write(json_str) + + +def merge_predict_results(result1, result2, out_dir): + new_predict_result = {} + fp1 = open(result1, 'r', encoding='utf8') + fp2 = open(result2, 'r', encoding='utf8') + json1 = json.load(fp1) + json2 = json.load(fp2) + for item in json1.keys(): + result = json1[item] + new_predict_result[item] = result + for item in json2.keys(): + result = json2[item] + new_predict_result[item] = result + json_str = json.dumps(new_predict_result) + with open(out_dir, 'w') as json_file: + json_file.write(json_str) + + +def gen_txt_according_json(label_json, out_dir): + fp = open(label_json, 'r', encoding='utf8') + anno = json.load(fp) + w = open(out_dir, 'a+', encoding='utf8') + images = anno['images'] + for image in images: + w.write(image['file_name']) + w.write('\n') diff --git a/examples/yaoba/singletask_learning_boost/resource/utils/random_select.py b/examples/yaoba/singletask_learning_boost/resource/utils/random_select.py new file mode 100644 index 00000000..fb40e815 --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/utils/random_select.py @@ -0,0 +1,25 @@ +import os +import random +from random import sample + + +def random_select(src_txt, num, out_dir, select_name, rest_name): + fp = open(src_txt, mode="r", encoding='utf-8') + results = fp.readlines() + fp_select = open(os.path.join(out_dir, select_name), mode="a+", encoding='utf-8') + fp_rest = open(os.path.join(out_dir, rest_name), mode="a+", encoding='utf-8') + selected_items = sample(results, num) + for result in results: + if result in selected_items: + fp_select.write(result) + else: + fp_rest.write(result) + + +if __name__ == '__main__': + random.seed(5) + random_select("/custom_code/instance_based/txt/merged_part/NG.txt", + 139, + "/home/wjj/wjj/Public/code/huawei/custom_code/instance_based/txt/merged_part", + select_name="NG_test.txt", + rest_name="NG_labeled.txt") diff --git a/examples/yaoba/singletask_learning_boost/resource/utils/transform_unkonwn.py b/examples/yaoba/singletask_learning_boost/resource/utils/transform_unkonwn.py new file mode 100644 index 00000000..793b691c --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/utils/transform_unkonwn.py @@ -0,0 +1,167 @@ +import json +import shutil +import os.path +import copy +from tqdm import tqdm + +from .TTA_augs_xyxy_cv2 import * + + +def topleftxywh_to_xyxy(boxes): + """ + args: + boxes:list of topleft_x,topleft_y,width,height, + return: + boxes:list of x,y,x,y,cooresponding to top left and bottom right + """ + x_top_left = boxes[0] + y_top_left = boxes[1] + x_bottom_right = boxes[0] + boxes[2] + y_bottom_right = boxes[1] + boxes[3] + return [x_top_left, y_top_left, x_bottom_right, y_bottom_right] + + +def xyxy_to_xywh(boxes): + width = abs(boxes[2] - boxes[0]) + height = abs(boxes[3] - boxes[1]) + if boxes[0] < boxes[2]: + top_left_x = boxes[0] + else: + top_left_x = boxes[2] + if boxes[1] < boxes[3]: + top_left_y = boxes[1] + else: + top_left_y = boxes[3] + return [top_left_x, top_left_y, width, height] + + +def aug_image_bboxes_single(img_path, bboxes, labels, aug, image_id, anno_id, out_path): + new_bboxes = [] + bbox_category = [] + for i in range(len(bboxes)): + x, y, w, h = bboxes[i][0], bboxes[i][1], bboxes[i][2], bboxes[i][3] + xyxy_box = topleftxywh_to_xyxy([x, y, w, h]) + bbox_category.append(labels[i]) + new_bboxes.append(xyxy_box) + img = mmcv.imread(img_path) + method, v = aug[0], aug[1] + if method == "flip": + aug_img, aug_bboxes, _ = TTA_Flip(img, v=v, bboxes=new_bboxes) + elif method == "rotate": + aug_img, aug_bboxes, _ = TTA_Rotate_no_pad(img, v=v, bboxes=new_bboxes) + elif method == "brightness": + aug_img, aug_bboxes, _ = TTA_Brightness(img, v=v, bboxes=new_bboxes) + elif method == "resize": + aug_img, aug_bboxes, _ = TTA_Resize(img, v=v, bboxes=new_bboxes) + else: + raise ValueError("not implement") + aug_bboxes = [xyxy_to_xywh(aug_bbox) for aug_bbox in aug_bboxes] + image = {} + img_name = os.path.basename(img_path) + if img_name.endswith("jpg"): + img_name = img_name.replace(".jpg", "") + elif img_name.endswith("jpeg"): + img_name = img_name.replace(".jpeg", "") + else: + raise ValueError("current code only support .jpg or .jpeg") + aug_image_name = img_name + f"_{method}_{str(v)}.jpg" + height, width = img.shape[:2] + image["file_name"] = aug_image_name + image["height"] = height + image["width"] = width + image["id"] = image_id + annotations=[] + for i in range(len(aug_bboxes)): + annotation = {} + annotation["image_id"] = image_id + annotation["bbox"] = aug_bboxes[i] + annotation["category_id"] = bbox_category[i] + annotation["id"] = anno_id + annotation["iscrowd"] = 0 + annotation["segmentation"] = [] + annotation["area"] = aug_bboxes[i][2] * aug_bboxes[i][3] + annotations.append(annotation) + anno_id += 1 + mmcv.imwrite(aug_img, os.path.join(out_path, aug_image_name)) + return image, annotations, anno_id + + +def aug_image_bboxes(anno, augs, image_path, out_path): + if not os.path.exists(os.path.join(out_path,"aug_img_folder")): + os.mkdir(os.path.join(out_path,"aug_img_folder")) + aug_img_folder=os.path.join(out_path,"aug_img_folder") + fp = open(anno, mode="r", encoding="utf-8") + anno_json = json.load(fp) + fp.close() + images = anno_json['images'] + annotations = anno_json['annotations'] + categories = anno_json['categories'] + new_images = copy.deepcopy(images) + new_annotations = copy.deepcopy(annotations) + next_img_id = new_images[-1]['id'] + 1 + next_bbox_id = new_annotations[-1]['id'] + 1 + + for item in os.listdir(image_path): + shutil.copy(os.path.join(image_path,item),aug_img_folder) + for image in tqdm(images): + image_name, img_id = image['file_name'], image['id'] + bboxes = [] + labels = [] + for annotation in annotations: + if annotation['image_id'] == img_id: + bboxes.append(annotation['bbox']) + labels.append(annotation['category_id']) + for aug in augs: + image, annotation, next_bbox_id = aug_image_bboxes_single(os.path.join(image_path, image_name), + bboxes, + labels, + aug, + next_img_id, + next_bbox_id, + aug_img_folder, + ) + new_images.append(image) + for i in annotation: + new_annotations.append(i) + next_img_id += 1 + dataset_dict = {} + dataset_dict["images"] = new_images + dataset_dict["annotations"] = new_annotations + dataset_dict["categories"] = categories + json_str = json.dumps(dataset_dict) + with open(os.path.join(out_path, "aug_unknown.json"), 'w') as json_file: + json_file.write(json_str) + return aug_img_folder + +def merge_two_anno(anno1, anno2, out_dir): + fp1 = open(anno1, mode="r", encoding="utf-8") + anno_json1 = json.load(fp1) + fp1.close() + fp2 = open(anno2, mode="r", encoding="utf-8") + anno_json2 = json.load(fp2) + fp2.close() + categories = anno_json1['categories'] + anno1_images = anno_json1['images'] + anno1_bbox = anno_json1['annotations'] + anno2_images = anno_json2['images'] + anno2_bbox = anno_json2['annotations'] + next_image_id = anno1_images[-1]['id'] + 1 + next_bbox_id = anno1_bbox[-1]['id'] + 1 + for image in anno2_images: + old_image_id = image['id'] + for bbox in anno2_bbox: + if bbox['image_id'] == old_image_id: + bbox['id'] = next_bbox_id + bbox['image_id'] = next_image_id + anno1_bbox.append(bbox) + next_bbox_id += 1 + image['id'] = next_image_id + anno1_images.append(image) + next_image_id += 1 + dataset_dict = {} + dataset_dict["images"] = anno1_images + dataset_dict["annotations"] = anno1_bbox + dataset_dict["categories"] = categories + json_str = json.dumps(dataset_dict) + with open(os.path.join(out_dir, "merged.json"), 'w') as json_file: + json_file.write(json_str) diff --git a/examples/yaoba/singletask_learning_boost/resource/utils/txt2json_yaoba_change_id.py b/examples/yaoba/singletask_learning_boost/resource/utils/txt2json_yaoba_change_id.py new file mode 100644 index 00000000..9b59e988 --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/resource/utils/txt2json_yaoba_change_id.py @@ -0,0 +1,81 @@ +import json +from tqdm import tqdm +import os +import random + +category_list = ['yanse', 'huahen', 'mosun'] + + +def xyxy_to_xywh(boxes): + width = abs(boxes[2] - boxes[0]) + height = abs(boxes[3] - boxes[1]) + if boxes[0] < boxes[2]: + top_left_x = boxes[0] + else: + top_left_x = boxes[2] + if boxes[1] < boxes[3]: + top_left_y = boxes[1] + else: + top_left_y = boxes[3] + return [top_left_x, top_left_y, width, height] + + +def Convert_ZhouCheng_to_COCO(anno_dir, name_txt, output_dir): + categories = [{"id": 0, "name": "yanse"}, + {"id": 1, "name": "huahen"}, + {"id": 2, "name": "mosun"}, + ] + with open(name_txt, mode="r", encoding='utf-8') as fp: + results = fp.readlines() + name_list = [] + for item in results: + item = item[:-1] + name_list.append(item) + fp.close() + images = [] + annotations = [] + id_num = 0 + image_id = 10000 + for item in tqdm(name_list): + image = {} + image["file_name"] = item + image["id"] = image_id + with open(os.path.join(anno_dir, item.replace(".jpg", ".json")), 'r', encoding='utf8') as fp: + json_data = json.load(fp) + height, width = json_data["imageHeight"], json_data["imageWidth"] + image["height"] = height + image["width"] = width + images.append(image) + for v in json_data['shapes']: + annotation = {} + label = v['label'] + if len(v['points']) == 1: + continue + else: + bbox = [int(v['points'][0][0]), int(v['points'][0][1]), int(v['points'][1][0]), + int(v['points'][1][1])] + bbox = xyxy_to_xywh(bbox) + annotation["image_id"] = image_id + annotation["bbox"] = bbox + annotation["category_id"] = category_list.index(label) + annotation["id"] = id_num + annotation["iscrowd"] = 0 + annotation["weight"] = random.random() + annotation["segmentation"] = [] + annotation["area"] = bbox[2] * bbox[3] + id_num += 1 + annotations.append(annotation) + image_id += 1 + dataset_dict = {} + dataset_dict["images"] = images + dataset_dict["annotations"] = annotations + dataset_dict["categories"] = categories + json_str = json.dumps(dataset_dict) + with open(output_dir, 'w') as json_file: + json_file.write(json_str) + + +if __name__ == '__main__': + Convert_ZhouCheng_to_COCO(anno_dir=r"/media/huawei_YaoBa/Annotations", + name_txt=r"/home/wjj/wjj/Public/code/huawei/custom_code/instance_based/txt/merged_part/NG_test.txt", + output_dir=r'/custom_code/instance_based/json/NG_test.json') diff --git a/examples/yaoba/singletask_learning_boost/testalgorithms/algorithm.yaml b/examples/yaoba/singletask_learning_boost/testalgorithms/algorithm.yaml new file mode 100644 index 00000000..da834c29 --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/testalgorithms/algorithm.yaml @@ -0,0 +1,37 @@ +algorithm: + # paradigm name; string type; + # The paradigm determines how to execute the test program, + # In active_boost learning, the paradigm is singletasklearning_acboost + paradigm_type: "singletasklearning_acboost" + # The folder URL address for accessing some important base files + # e.g, the mmdet train script file train.py, + # the base config file base_config.py for active learning + initial_model_url: "" + # algorithm module configuration in the paradigm; list type; + modules: + # kind of algorithm module; string type; + # currently the options of value are as follows: + # 1> "basemodel" + - type: "basemodel" + # name of python module; string type; + # example: basemodel.py has BaseModel module that the alias is "FPN" for this benchmarking; + name: "FPN_ac_boost" + # the url address of python module; string type; + url: "examples/yaoba/singletask_learning_boost/testalgorithms/basemodel.py" + + # hyperparameters configuration for the python module; list type; + hyperparameters: + # name of the hyperparameter; string type; + # The config file URL address of the model to run the benchmark + # This case uses the FPN config file of mmdet, which is a python file + # you can refer to https://github.com/open-mmlab/mmdetection for more details of mmdet + - config: + values: + - "examples/yaoba/singletask_learning_boost/resource/FPN_model_config.py" + # The folder URL address to save the training log, checkpoints, training JSON file, etc. + - work_dir: + values: + - "examples/yaoba/singletask_learning_boost/work_dir" + - resource_dir: + values: + - "examples/yaoba/singletask_learning_boost/resource" diff --git a/examples/yaoba/singletask_learning_boost/testalgorithms/basemodel.py b/examples/yaoba/singletask_learning_boost/testalgorithms/basemodel.py new file mode 100644 index 00000000..160c2947 --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/testalgorithms/basemodel.py @@ -0,0 +1,231 @@ +from __future__ import absolute_import, division, print_function +import json +from sedna.common.class_factory import ClassType, ClassFactory +from sedna.datasources import TxtDataParse, JSONDataParse +from pycocotools.coco import COCO +import copy +import os +import os.path as osp +import time +import mmcv +import torch +from mmcv import Config +from mmcv.utils import get_git_hash +from multiprocessing import Pool +from mmdet import __version__ +from mmdet.apis import train_detector +from mmdet.datasets import build_dataset +from mmdet.models import build_detector +from mmdet.utils import (collect_env, get_device, get_root_logger, + replace_cfg_vals, + setup_multi_processes, update_data_root) +from mmdet.apis import init_detector, inference_detector + +__all__ = ["BaseModel"] + +from tqdm import tqdm + + + +# set backend +os.environ['BACKEND_TYPE'] = 'PYTORCH' + + +@ClassFactory.register(ClassType.GENERAL, alias="FPN_ac_boost") +class BaseModel: + + def __init__(self, config, work_dir, resource_dir, **kwargs): + self.config = config + self.work_dir = work_dir + self.resource_dir=resource_dir + cfg = Config.fromfile(self.config) + cfg.work_dir = self.work_dir + cfg = replace_cfg_vals(cfg) + update_data_root(cfg) + setup_multi_processes(cfg) + if cfg.get('cudnn_benchmark', False): + torch.backends.cudnn.benchmark = True + if cfg.get('work_dir', None) is None: + # use config filename as default work_dir if cfg.work_dir is None + cfg.work_dir = osp.join('./work_dirs', + osp.splitext(osp.basename(self.config))[0]) + self.distributed = False + cfg.gpu_ids = [0] + # create work_dir + mmcv.mkdir_or_exist(osp.abspath(cfg.work_dir)) + # dump config + cfg.dump(osp.join(cfg.work_dir, osp.basename(self.config))) + # init the logger before other steps + self.timestamp = time.strftime('%Y%m%d_%H%M%S', time.localtime()) + log_file = osp.join(cfg.work_dir, f'{self.timestamp}.log') + logger = get_root_logger(log_file=log_file, log_level=cfg.log_level) + self.meta = dict() + env_info_dict = collect_env() + env_info = '\n'.join([(f'{k}: {v}') for k, v in env_info_dict.items()]) + dash_line = '-' * 60 + '\n' + logger.info('Environment info:\n' + dash_line + env_info + '\n' + + dash_line) + self.meta['env_info'] = env_info + self.meta['config'] = cfg.pretty_text + # log some basic info + logger.info(f'Distributed training: {self.distributed}') + logger.info(f'Config:\n{cfg.pretty_text}') + cfg.device = get_device() + self.device = cfg.device + seed = 1 + logger.info(f'Set random seed to {seed}, ' + f'deterministic: False') + cfg.seed = seed + self.meta['seed'] = seed + self.meta['exp_name'] = osp.basename(self.config) + self.cfg = cfg + + def train(self, train_data, **kwargs): + img_prefix, ann_file = train_data[0], train_data[1] + # Get the number of categories and their names. + labels = json.load(open(ann_file, mode="r", encoding="utf-8")) + categories = labels['categories'] + classes = [c['name'] for c in categories] + num_classes = len(categories) + + # check dataset + if "dataset" in self.cfg.data.train.keys(): + self.cfg.data.train.dataset.classes = classes + self.cfg.data.train.dataset.ann_file = ann_file + self.cfg.data.train.dataset.img_prefix = img_prefix + else: + self.cfg.data.train.classes = classes + self.cfg.data.train.ann_file = ann_file + self.cfg.data.train.img_prefix = img_prefix + self.cfg.data.val.classes = classes + self.cfg.data.test.classes = classes + + # check detection head + if "roi_head" in self.cfg.model.keys(): + self.cfg.model.roi_head.bbox_head.num_classes = num_classes + else: + self.cfg.model.bbox_head.num_classes = num_classes + + + self.model = build_detector( + self.cfg.model, + train_cfg=self.cfg.get('train_cfg'), + test_cfg=self.cfg.get('test_cfg')) + self.model.init_weights() + + print("A total of", self.cfg.runner.max_epochs, "epoch") + + datasets = [build_dataset(self.cfg.data.train)] + if len(self.cfg.workflow) == 2: + val_dataset = copy.deepcopy(self.cfg.data.val) + val_dataset.pipeline = self.cfg.data.train.pipeline + datasets.append(build_dataset(val_dataset)) + if self.cfg.checkpoint_config is not None: + # save mmdet version, config file content and class names + # checkpoints as meta data + self.cfg.checkpoint_config.meta = dict( + mmdet_version=__version__ + get_git_hash()[:7], + CLASSES=datasets[0].CLASSES) + # add an attribute for visualization convenience + self.model.CLASSES = datasets[0].CLASSES + train_detector( + self.model, + datasets, + self.cfg, + distributed=self.distributed, + validate=False, + timestamp=self.timestamp, + meta=self.meta) + self.last_checkpoint_path = os.path.join(self.cfg.work_dir, "latest.pth") + return self.last_checkpoint_path + + def save(self, model_path): + return model_path + + def load(self, model_url=None): + self.load_model = init_detector(self.cfg, model_url) + return self.load_model + + def predict(self, data, **kwargs): + # ianvs格式 + predict_dict = {} + for imgPath in data: + print("inference predict->", imgPath) + imgName = osp.basename(imgPath) + predict_dict[str(imgName)] = [] + predict_result = inference_detector(self.load_model, imgPath) + for i, vs in enumerate(predict_result): + temp_dict = {} + temp_dict["category_id"] = i + temp_dict["bbox"] = vs + predict_dict[str(imgName)].append(temp_dict) + return predict_dict + + def _getAnnFromJSON(self, ann_file): + coco = COCO(ann_file) + imgIDs = coco.getImgIds() + catIDs = coco.getCatIds() + + y_true = {} + for id in imgIDs: + img = coco.loadImgs(id)[0] + name = img['file_name'] + y_true[name] = [] + for catID in catIDs: + temp_dict = {} + temp_dict["category_id"] = catID + + annIDs = coco.getAnnIds(imgIds=id, catIds=catID) + annotations = coco.loadAnns(annIDs) + temp_dict["annotations"] = annotations + y_true[name].append(temp_dict) + + return y_true + + def _JSONDataParse(self, data): + jsonfile = str(data.x["filepath"]) + img_prefix = str(data.data_dir) + + return img_prefix, jsonfile + + def _TXTDataParse(self, data): + # 生成COCO格式的JSON文件 + # 传入数据为图像名和COCO格式的JSON文件路径 + if data is None or data.x is None or data.y is None: + raise Exception("Train data is None.") + + ann_file = data.y[0] + coco = COCO(ann_file) + name2ID = {} + imgs = coco.loadImgs(coco.getImgIds()) + for img in imgs: + name = img["file_name"] + name2ID[name] = img["id"] + + images = [] + annotations = [] + for imgName in data.x: + imgName = osp.basename(imgName) + imgID = name2ID[imgName] + images.extend(coco.loadImgs(imgID)) + annID = coco.getAnnIds(imgIds=imgID) + annotations.extend(coco.loadAnns(annID)) + + categories = coco.loadCats(coco.getCatIds()) + coco_format_json = dict( + images=images, + annotations=annotations, + categories=categories) + + img_prefix = osp.split(data.x[0])[0] + out_file = osp.join(self.work_dir, osp.basename(ann_file)) + mmcv.dump(coco_format_json, out_file) # 保存标注文件(临时目录下) + return img_prefix, out_file + + def _data2coco(self, data): + if isinstance(data, TxtDataParse): + return self._TXTDataParse(data) + elif isinstance(data, JSONDataParse): + return self._JSONDataParse(data) + else: + raise Exception("Train data type is error.") diff --git a/examples/yaoba/singletask_learning_boost/testenv/map.py b/examples/yaoba/singletask_learning_boost/testenv/map.py new file mode 100644 index 00000000..a703a89e --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/testenv/map.py @@ -0,0 +1,35 @@ +import json + +from mmdet.datasets import build_dataset +from sedna.common.class_factory import ClassType, ClassFactory +__all__ = ["map"] + + +@ClassFactory.register(ClassType.GENERAL, alias="map") +def map(y_true, y_pred): + img_prefix = y_true[0] + ann_file = y_true[1] + fp = open(ann_file, mode="r", encoding="utf-8") + test_anno_json = json.load(fp) + categories = test_anno_json["categories"] + categories = [i['name'] for i in categories] + test_cfg = dict( + type='CocoDataset', + classes=categories, + ann_file=ann_file, + img_prefix=img_prefix, + pipeline=[], + test_mode=True + ) + dataset = build_dataset(test_cfg) + real_eval_items = list(y_pred.keys()) + predict_results = [] + for item in real_eval_items: + cur_predict = y_pred[item] + new_predict = [] + for result in cur_predict: + bbox = result['bbox'] + new_predict.append(bbox) + predict_results.append(new_predict) + metric = dataset.evaluate(predict_results) + return metric['bbox_mAP_50'] diff --git a/examples/yaoba/singletask_learning_boost/testenv/testenv.yaml b/examples/yaoba/singletask_learning_boost/testenv/testenv.yaml new file mode 100644 index 00000000..25ee1c70 --- /dev/null +++ b/examples/yaoba/singletask_learning_boost/testenv/testenv.yaml @@ -0,0 +1,24 @@ +testenv: + # dataset configuration + dataset: + # the url address of train dataset index; string type; + train_url: "examples/yaoba/singletask_learning_boost/resource/json/known_train.json" + # the url address of val dataset index; string type; + val_url: "examples/yaoba/singletask_learning_boost/resource/json/known_train.json" + # the url address of test dataset index; string type; + test_url: "examples/yaoba/singletask_learning_boost/resource/json/NG_test.json" + # the URL address of known dataset for training; + # string type; The data format type is MS COCO JSON format, which is commonly used in object detection; + # which you can refer https://zhuanlan.zhihu.com/p/29393415 for the format details + known_dataset_url: "examples/yaoba/singletask_learning_boost/resource/json/known_train.json" + # the URL address of unknown dataset for training; + # string type; the same as above known_data_url; + unknown_dataset_url: "examples/yaoba/singletask_learning_boost/resource/json/NG_labeled.json" + # the image folder URL address of known and unknown datasets above; + image_folder_url: "/home/wjj/wjj/Public/code/ianvs/dataset/yaoba/images" + # metrics configuration for test case's evaluation; list type; + metrics: + # metric name; string type; + - name: "map" + # the python file URL address for calculating the above metric + url: "examples/yaoba/singletask_learning_boost/testenv/map.py" \ No newline at end of file diff --git a/examples/yaoba/singletask_learning_yolox_tta/benchmarkingjob.yaml b/examples/yaoba/singletask_learning_yolox_tta/benchmarkingjob.yaml new file mode 100644 index 00000000..e400054d --- /dev/null +++ b/examples/yaoba/singletask_learning_yolox_tta/benchmarkingjob.yaml @@ -0,0 +1,70 @@ +benchmarkingjob: + # job name of bechmarking; string type; + name: "benchmarkingjob" + # the url address of job workspace that will reserve the output of tests; string type; + workspace: "examples/yaoba/singletask_learning_yolox_tta/workspace" + # the url address of test environment configuration file; string type; + # the file format supports yaml/yml; + testenv: "examples/yaoba/singletask_learning_yolox_tta/testenv/testenv.yaml" + # the configuration of test object + test_object: + # test type; string type; + # currently the option of value is "algorithms",the others will be added in succession. + type: "algorithms" + # test algorithm configuration files; list type; + algorithms: + # algorithm name; string type; + - name: "mmlab-model" + # the url address of test algorithm configuration file; string type; + # the file format supports yaml/yml; + url: "examples/yaoba/singletask_learning_yolox_tta/testalgorithms/algorithm.yaml" + + # the configuration of ranking leaderboard + rank: + # rank leaderboard with metric of test case's evaluation and order ; list type; + # the sorting priority is based on the sequence of metrics in the list from front to back; + sort_by: [ { "map": "descend" } ] + + # visualization configuration + visualization: + # mode of visualization in the leaderboard; string type; + # There are quite a few possible dataitems in the leaderboard. Not all of them can be shown simultaneously on the screen. + # In the leaderboard, we provide the "selected_only" mode for the user to configure what is shown or is not shown. + mode: "selected_only" + # method of visualization for selected dataitems; string type; + # currently the options of value are as follows: + # 1> "print_table": print selected dataitems; + method: "print_table" + + # selected dataitem configuration + # The user can add his/her interested dataitems in terms of "paradigms", "modules", "hyperparameters" and "metrics", + # so that the selected columns will be shown. + selected_dataitem: + # currently the options of value are as follows: + # 1> "all": select all paradigms in the leaderboard; + # 2> paradigms in the leaderboard, e.g., "singletasklearning" + paradigms: [ "all" ] + # currently the options of value are as follows: + # 1> "all": select all modules in the leaderboard; + # 2> modules in the leaderboard, e.g., "basemodel" + modules: [ "all" ] + # currently the options of value are as follows: + # 1> "all": select all hyperparameters in the leaderboard; + # 2> hyperparameters in the leaderboard, e.g., "momentum" + hyperparameters: [ "all" ] + # currently the options of value are as follows: + # 1> "all": select all metrics in the leaderboard; + # 2> metrics in the leaderboard, e.g., "f1_score" + metrics: [ "map" ] + + # model of save selected and all dataitems in workspace; string type; + # currently the options of value are as follows: + # 1> "selected_and_all": save selected and all dataitems; + # 2> "selected_only": save selected dataitems; + save_mode: "selected_and_all" + + + + + + diff --git a/examples/yaoba/singletask_learning_yolox_tta/dataset/test.json b/examples/yaoba/singletask_learning_yolox_tta/dataset/test.json new file mode 100644 index 00000000..d2e706f7 --- /dev/null +++ b/examples/yaoba/singletask_learning_yolox_tta/dataset/test.json @@ -0,0 +1 @@ +{"images": [{"file_name": "2021-05-16-10-09-46.jpg", "id": 10000, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-54-10.jpg", "id": 10001, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-56-14.jpg", "id": 10002, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-41-48.jpg", "id": 10003, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-26-30.jpg", "id": 10004, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-48-56.jpg", "id": 10005, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-33-08.jpg", "id": 10006, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-56-36.jpg", "id": 10007, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-53-02.jpg", "id": 10008, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-28-16.jpg", "id": 10009, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-01-12.jpg", "id": 10010, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-58-22.jpg", "id": 10011, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-20-16.jpg", "id": 10012, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-06-10.jpg", "id": 10013, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-44-16.jpg", "id": 10014, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-47-00.jpg", "id": 10015, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-19-52.jpg", "id": 10016, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-28-34.jpg", "id": 10017, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-57-26.jpg", "id": 10018, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-55-16.jpg", "id": 10019, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-58-56.jpg", "id": 10020, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-52-44.jpg", "id": 10021, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-51-00.jpg", "id": 10022, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-34-38.jpg", "id": 10023, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-22-02.jpg", "id": 10024, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-48-52.jpg", "id": 10025, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-07-18.jpg", "id": 10026, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-58-04.jpg", "id": 10027, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-54-44.jpg", "id": 10028, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-33-30.jpg", "id": 10029, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-25-16.jpg", "id": 10030, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-59-18.jpg", "id": 10031, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-33-42.jpg", "id": 10032, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-58-28.jpg", "id": 10033, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-55-26.jpg", "id": 10034, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-33-40.jpg", "id": 10035, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-29-40.jpg", "id": 10036, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-27-30.jpg", "id": 10037, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-43-08.jpg", "id": 10038, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-33-08.jpg", "id": 10039, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-40-10.jpg", "id": 10040, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-36-32.jpg", "id": 10041, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-12-26.jpg", "id": 10042, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-11-12.jpg", "id": 10043, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-41-48.jpg", "id": 10044, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-14-22.jpg", "id": 10045, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-16-36.jpg", "id": 10046, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-04-42.jpg", "id": 10047, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-53-00.jpg", "id": 10048, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-34-10.jpg", "id": 10049, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-08-06.jpg", "id": 10050, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-40-30.jpg", "id": 10051, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-31-14.jpg", "id": 10052, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-58-18.jpg", "id": 10053, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-46-30.jpg", "id": 10054, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-32-52.jpg", "id": 10055, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-29-20.jpg", "id": 10056, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-40-50.jpg", "id": 10057, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-08-34.jpg", "id": 10058, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-22-36.jpg", "id": 10059, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-50-32.jpg", "id": 10060, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-55-44.jpg", "id": 10061, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-32-40.jpg", "id": 10062, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-51-28.jpg", "id": 10063, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-23-12.jpg", "id": 10064, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-54-36.jpg", "id": 10065, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-59-34.jpg", "id": 10066, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-21-06.jpg", "id": 10067, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-14-36.jpg", "id": 10068, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-00-00.jpg", "id": 10069, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-45-54.jpg", "id": 10070, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-28-32.jpg", "id": 10071, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-11-44.jpg", "id": 10072, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-39-22.jpg", "id": 10073, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-09-24.jpg", "id": 10074, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-27-46.jpg", "id": 10075, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-56-22.jpg", "id": 10076, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-30-58.jpg", "id": 10077, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-27-08.jpg", "id": 10078, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-47-52.jpg", "id": 10079, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-06-44.jpg", "id": 10080, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-54-32.jpg", "id": 10081, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-18-38.jpg", "id": 10082, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-52-00.jpg", "id": 10083, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-11-06.jpg", "id": 10084, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-55-18.jpg", "id": 10085, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-22-44.jpg", "id": 10086, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-12-04.jpg", "id": 10087, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-47-16.jpg", "id": 10088, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-59-04.jpg", "id": 10089, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-58-36.jpg", "id": 10090, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-44-40.jpg", "id": 10091, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-43-12.jpg", "id": 10092, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-36-52.jpg", "id": 10093, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-36-48.jpg", "id": 10094, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-56-06.jpg", "id": 10095, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-44-44.jpg", "id": 10096, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-55-52.jpg", "id": 10097, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-27-40.jpg", "id": 10098, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-46-06.jpg", "id": 10099, "height": 3036, "width": 4024}], "annotations": [{"image_id": 10000, "bbox": [2840, 462, 924, 418], "category_id": 0, "id": 0, "iscrowd": 0, "weight": 0.4692992244334432, "segmentation": [], "area": 386232}, {"image_id": 10000, "bbox": [2564, 873, 50, 70], "category_id": 1, "id": 1, "iscrowd": 0, "weight": 0.4300596945244525, "segmentation": [], "area": 3500}, {"image_id": 10000, "bbox": [1110, 2402, 88, 42], "category_id": 2, "id": 2, "iscrowd": 0, "weight": 0.7680819956626268, "segmentation": [], "area": 3696}, {"image_id": 10001, "bbox": [891, 697, 627, 810], "category_id": 0, "id": 3, "iscrowd": 0, "weight": 0.2567323798329082, "segmentation": [], "area": 507870}, {"image_id": 10001, "bbox": [2064, 1570, 394, 660], "category_id": 1, "id": 4, "iscrowd": 0, "weight": 0.6773409961702749, "segmentation": [], "area": 260040}, {"image_id": 10001, "bbox": [584, 1390, 1374, 1093], "category_id": 2, "id": 5, "iscrowd": 0, "weight": 0.2865982544472342, "segmentation": [], "area": 1501782}, {"image_id": 10002, "bbox": [1451, 1423, 770, 344], "category_id": 0, "id": 6, "iscrowd": 0, "weight": 0.5643834756588613, "segmentation": [], "area": 264880}, {"image_id": 10002, "bbox": [1091, 1390, 503, 163], "category_id": 0, "id": 7, "iscrowd": 0, "weight": 0.8925002371931813, "segmentation": [], "area": 81989}, {"image_id": 10002, "bbox": [1072, 1833, 71, 64], "category_id": 0, "id": 8, "iscrowd": 0, "weight": 0.566884595660742, "segmentation": [], "area": 4544}, {"image_id": 10003, "bbox": [71, 17, 870, 1646], "category_id": 2, "id": 9, "iscrowd": 0, "weight": 0.9164749112384017, "segmentation": [], "area": 1432020}, {"image_id": 10003, "bbox": [2978, 2547, 843, 340], "category_id": 0, "id": 10, "iscrowd": 0, "weight": 0.4289164504094418, "segmentation": [], "area": 286620}, {"image_id": 10003, "bbox": [3804, 2527, 219, 342], "category_id": 0, "id": 11, "iscrowd": 0, "weight": 0.21418897593905462, "segmentation": [], "area": 74898}, {"image_id": 10004, "bbox": [2528, 1047, 1120, 1013], "category_id": 0, "id": 12, "iscrowd": 0, "weight": 0.9949152379925836, "segmentation": [], "area": 1134560}, {"image_id": 10004, "bbox": [3258, 1020, 33, 33], "category_id": 0, "id": 13, "iscrowd": 0, "weight": 0.09861550998237745, "segmentation": [], "area": 1089}, {"image_id": 10004, "bbox": [3348, 67, 626, 870], "category_id": 2, "id": 14, "iscrowd": 0, "weight": 0.09595033491030669, "segmentation": [], "area": 544620}, {"image_id": 10004, "bbox": [2758, 1073, 690, 457], "category_id": 0, "id": 15, "iscrowd": 0, "weight": 0.18147695127825336, "segmentation": [], "area": 315330}, {"image_id": 10005, "bbox": [1518, 1407, 523, 453], "category_id": 1, "id": 16, "iscrowd": 0, "weight": 0.5701460682307724, "segmentation": [], "area": 236919}, {"image_id": 10005, "bbox": [1074, 1800, 670, 430], "category_id": 0, "id": 17, "iscrowd": 0, "weight": 0.08786232128685023, "segmentation": [], "area": 288100}, {"image_id": 10005, "bbox": [1531, 2023, 590, 334], "category_id": 0, "id": 18, "iscrowd": 0, "weight": 0.7875864331494148, "segmentation": [], "area": 197060}, {"image_id": 10005, "bbox": [131, 2043, 647, 947], "category_id": 2, "id": 19, "iscrowd": 0, "weight": 0.5958867735216483, "segmentation": [], "area": 612709}, {"image_id": 10006, "bbox": [2574, 2347, 897, 520], "category_id": 0, "id": 20, "iscrowd": 0, "weight": 0.9828527510812125, "segmentation": [], "area": 466440}, {"image_id": 10006, "bbox": [161, 77, 1143, 860], "category_id": 2, "id": 21, "iscrowd": 0, "weight": 0.5718511987883712, "segmentation": [], "area": 982980}, {"image_id": 10006, "bbox": [3150, 2084, 691, 689], "category_id": 0, "id": 22, "iscrowd": 0, "weight": 0.9678949858980862, "segmentation": [], "area": 476099}, {"image_id": 10007, "bbox": [2094, 1317, 1067, 736], "category_id": 1, "id": 23, "iscrowd": 0, "weight": 0.539926072426275, "segmentation": [], "area": 785312}, {"image_id": 10007, "bbox": [3281, 2207, 740, 813], "category_id": 2, "id": 24, "iscrowd": 0, "weight": 0.1558606377605779, "segmentation": [], "area": 601620}, {"image_id": 10007, "bbox": [271, 47, 857, 856], "category_id": 0, "id": 25, "iscrowd": 0, "weight": 0.47588834127746493, "segmentation": [], "area": 733592}, {"image_id": 10008, "bbox": [2178, 1290, 156, 690], "category_id": 1, "id": 26, "iscrowd": 0, "weight": 0.011306810762673036, "segmentation": [], "area": 107640}, {"image_id": 10008, "bbox": [2199, 2044, 141, 349], "category_id": 1, "id": 27, "iscrowd": 0, "weight": 0.7804898438735809, "segmentation": [], "area": 49209}, {"image_id": 10009, "bbox": [1491, 893, 240, 370], "category_id": 0, "id": 28, "iscrowd": 0, "weight": 0.8104018905851194, "segmentation": [], "area": 88800}, {"image_id": 10009, "bbox": [1621, 1300, 423, 533], "category_id": 0, "id": 29, "iscrowd": 0, "weight": 0.9017392905713095, "segmentation": [], "area": 225459}, {"image_id": 10009, "bbox": [1974, 1823, 124, 130], "category_id": 0, "id": 30, "iscrowd": 0, "weight": 0.3123914323209328, "segmentation": [], "area": 16120}, {"image_id": 10009, "bbox": [2314, 673, 467, 740], "category_id": 1, "id": 31, "iscrowd": 0, "weight": 0.30994015219724325, "segmentation": [], "area": 345580}, {"image_id": 10010, "bbox": [398, 1947, 733, 1003], "category_id": 2, "id": 32, "iscrowd": 0, "weight": 0.49641357438594447, "segmentation": [], "area": 735199}, {"image_id": 10011, "bbox": [3001, 980, 677, 213], "category_id": 0, "id": 33, "iscrowd": 0, "weight": 0.6196926979908124, "segmentation": [], "area": 144201}, {"image_id": 10011, "bbox": [3761, 1203, 177, 527], "category_id": 0, "id": 34, "iscrowd": 0, "weight": 0.41554888903565723, "segmentation": [], "area": 93279}, {"image_id": 10011, "bbox": [1764, 1423, 1054, 210], "category_id": 1, "id": 35, "iscrowd": 0, "weight": 0.6654540021834647, "segmentation": [], "area": 221340}, {"image_id": 10011, "bbox": [984, 1960, 1400, 183], "category_id": 2, "id": 36, "iscrowd": 0, "weight": 0.8534448180517114, "segmentation": [], "area": 256200}, {"image_id": 10011, "bbox": [3183, 1201, 842, 942], "category_id": 2, "id": 37, "iscrowd": 0, "weight": 0.16310953417347906, "segmentation": [], "area": 793164}, {"image_id": 10011, "bbox": [2885, 1268, 533, 332], "category_id": 0, "id": 38, "iscrowd": 0, "weight": 0.6114374420614469, "segmentation": [], "area": 176956}, {"image_id": 10012, "bbox": [1148, 777, 600, 450], "category_id": 2, "id": 39, "iscrowd": 0, "weight": 0.8671687249156388, "segmentation": [], "area": 270000}, {"image_id": 10013, "bbox": [2028, 793, 416, 640], "category_id": 1, "id": 40, "iscrowd": 0, "weight": 0.5141153861283619, "segmentation": [], "area": 266240}, {"image_id": 10013, "bbox": [2181, 1510, 130, 153], "category_id": 1, "id": 41, "iscrowd": 0, "weight": 0.4161046096267188, "segmentation": [], "area": 19890}, {"image_id": 10013, "bbox": [221, 1873, 827, 1074], "category_id": 0, "id": 42, "iscrowd": 0, "weight": 0.5515407424016067, "segmentation": [], "area": 888198}, {"image_id": 10014, "bbox": [368, 940, 236, 237], "category_id": 0, "id": 43, "iscrowd": 0, "weight": 0.6230293126194422, "segmentation": [], "area": 55932}, {"image_id": 10014, "bbox": [548, 1237, 356, 553], "category_id": 0, "id": 44, "iscrowd": 0, "weight": 0.6360438028456102, "segmentation": [], "area": 196868}, {"image_id": 10014, "bbox": [638, 1890, 273, 110], "category_id": 0, "id": 45, "iscrowd": 0, "weight": 0.006562544938753745, "segmentation": [], "area": 30030}, {"image_id": 10014, "bbox": [1324, 1337, 1326, 399], "category_id": 1, "id": 46, "iscrowd": 0, "weight": 0.6420647091945048, "segmentation": [], "area": 529074}, {"image_id": 10015, "bbox": [378, 567, 750, 706], "category_id": 0, "id": 47, "iscrowd": 0, "weight": 0.333017269093249, "segmentation": [], "area": 529500}, {"image_id": 10016, "bbox": [1141, 1020, 523, 547], "category_id": 0, "id": 48, "iscrowd": 0, "weight": 0.6417426865609724, "segmentation": [], "area": 286081}, {"image_id": 10016, "bbox": [1584, 1663, 184, 70], "category_id": 0, "id": 49, "iscrowd": 0, "weight": 0.4017982848566566, "segmentation": [], "area": 12880}, {"image_id": 10016, "bbox": [11, 813, 437, 1040], "category_id": 2, "id": 50, "iscrowd": 0, "weight": 0.31835628930140425, "segmentation": [], "area": 454480}, {"image_id": 10017, "bbox": [2414, 1047, 1267, 156], "category_id": 0, "id": 51, "iscrowd": 0, "weight": 0.3734851245876567, "segmentation": [], "area": 197652}, {"image_id": 10017, "bbox": [2634, 1263, 1064, 60], "category_id": 0, "id": 52, "iscrowd": 0, "weight": 0.48895623415641143, "segmentation": [], "area": 63840}, {"image_id": 10017, "bbox": [1564, 1363, 897, 274], "category_id": 1, "id": 53, "iscrowd": 0, "weight": 0.578388061282327, "segmentation": [], "area": 245778}, {"image_id": 10017, "bbox": [121, 1560, 660, 613], "category_id": 2, "id": 54, "iscrowd": 0, "weight": 0.49342690649380294, "segmentation": [], "area": 404580}, {"image_id": 10018, "bbox": [1611, 1063, 693, 594], "category_id": 0, "id": 55, "iscrowd": 0, "weight": 0.5775743236228852, "segmentation": [], "area": 411642}, {"image_id": 10018, "bbox": [2104, 1460, 384, 290], "category_id": 0, "id": 56, "iscrowd": 0, "weight": 0.25694357171483406, "segmentation": [], "area": 111360}, {"image_id": 10018, "bbox": [814, 1707, 660, 570], "category_id": 1, "id": 57, "iscrowd": 0, "weight": 0.24863171844535648, "segmentation": [], "area": 376200}, {"image_id": 10018, "bbox": [11, 1543, 623, 1147], "category_id": 2, "id": 58, "iscrowd": 0, "weight": 0.7626953773981912, "segmentation": [], "area": 714581}, {"image_id": 10019, "bbox": [1414, 917, 417, 603], "category_id": 1, "id": 59, "iscrowd": 0, "weight": 0.5629527675916012, "segmentation": [], "area": 251451}, {"image_id": 10019, "bbox": [471, 410, 750, 710], "category_id": 0, "id": 60, "iscrowd": 0, "weight": 0.7549706591876808, "segmentation": [], "area": 532500}, {"image_id": 10019, "bbox": [1104, 377, 604, 333], "category_id": 0, "id": 61, "iscrowd": 0, "weight": 0.7667949359326115, "segmentation": [], "area": 201132}, {"image_id": 10019, "bbox": [154, 153, 524, 557], "category_id": 0, "id": 62, "iscrowd": 0, "weight": 0.7089732136183853, "segmentation": [], "area": 291868}, {"image_id": 10019, "bbox": [2994, 1870, 400, 1020], "category_id": 2, "id": 63, "iscrowd": 0, "weight": 0.5909222002991725, "segmentation": [], "area": 408000}, {"image_id": 10020, "bbox": [1601, 1867, 987, 816], "category_id": 2, "id": 64, "iscrowd": 0, "weight": 0.3060421457028881, "segmentation": [], "area": 805392}, {"image_id": 10021, "bbox": [1068, 2567, 303, 203], "category_id": 0, "id": 65, "iscrowd": 0, "weight": 0.19304582036509954, "segmentation": [], "area": 61509}, {"image_id": 10021, "bbox": [458, 2447, 813, 290], "category_id": 0, "id": 66, "iscrowd": 0, "weight": 0.8350757764546017, "segmentation": [], "area": 235770}, {"image_id": 10021, "bbox": [91, 2510, 294, 244], "category_id": 0, "id": 67, "iscrowd": 0, "weight": 0.18572936272348495, "segmentation": [], "area": 71736}, {"image_id": 10022, "bbox": [2804, 660, 1000, 403], "category_id": 0, "id": 68, "iscrowd": 0, "weight": 0.6910669006973168, "segmentation": [], "area": 403000}, {"image_id": 10022, "bbox": [2724, 657, 324, 263], "category_id": 0, "id": 69, "iscrowd": 0, "weight": 0.9853513120079648, "segmentation": [], "area": 85212}, {"image_id": 10023, "bbox": [2631, 690, 890, 413], "category_id": 0, "id": 70, "iscrowd": 0, "weight": 0.9116839997327946, "segmentation": [], "area": 367570}, {"image_id": 10023, "bbox": [3618, 687, 303, 396], "category_id": 0, "id": 71, "iscrowd": 0, "weight": 0.952881910256893, "segmentation": [], "area": 119988}, {"image_id": 10023, "bbox": [2621, 560, 170, 163], "category_id": 0, "id": 72, "iscrowd": 0, "weight": 0.24868004465417493, "segmentation": [], "area": 27710}, {"image_id": 10024, "bbox": [2308, 660, 1710, 193], "category_id": 2, "id": 73, "iscrowd": 0, "weight": 0.7206511854602098, "segmentation": [], "area": 330030}, {"image_id": 10024, "bbox": [1851, 870, 886, 192], "category_id": 0, "id": 74, "iscrowd": 0, "weight": 0.7052021312887059, "segmentation": [], "area": 170112}, {"image_id": 10024, "bbox": [1904, 1193, 514, 484], "category_id": 0, "id": 75, "iscrowd": 0, "weight": 0.8244970629578448, "segmentation": [], "area": 248776}, {"image_id": 10024, "bbox": [31, 853, 851, 932], "category_id": 2, "id": 76, "iscrowd": 0, "weight": 0.2144043282526905, "segmentation": [], "area": 793132}, {"image_id": 10025, "bbox": [928, 1737, 410, 703], "category_id": 0, "id": 77, "iscrowd": 0, "weight": 0.7327989872250733, "segmentation": [], "area": 288230}, {"image_id": 10025, "bbox": [1014, 2407, 297, 190], "category_id": 0, "id": 78, "iscrowd": 0, "weight": 0.3460844792319603, "segmentation": [], "area": 56430}, {"image_id": 10026, "bbox": [1558, 280, 843, 450], "category_id": 0, "id": 79, "iscrowd": 0, "weight": 0.6614190172468787, "segmentation": [], "area": 379350}, {"image_id": 10026, "bbox": [2078, 1087, 591, 881], "category_id": 1, "id": 80, "iscrowd": 0, "weight": 0.346793518261294, "segmentation": [], "area": 520671}, {"image_id": 10026, "bbox": [2917, 1600, 1100, 1426], "category_id": 2, "id": 81, "iscrowd": 0, "weight": 0.13364410708108776, "segmentation": [], "area": 1568600}, {"image_id": 10026, "bbox": [1458, 383, 356, 344], "category_id": 0, "id": 82, "iscrowd": 0, "weight": 0.5811812011598573, "segmentation": [], "area": 122464}, {"image_id": 10027, "bbox": [191, 1713, 787, 1184], "category_id": 0, "id": 83, "iscrowd": 0, "weight": 0.5840347402342454, "segmentation": [], "area": 931808}, {"image_id": 10028, "bbox": [2058, 980, 883, 427], "category_id": 1, "id": 84, "iscrowd": 0, "weight": 0.251698444666415, "segmentation": [], "area": 377041}, {"image_id": 10028, "bbox": [1321, 1103, 397, 350], "category_id": 2, "id": 85, "iscrowd": 0, "weight": 0.7043149692894246, "segmentation": [], "area": 138950}, {"image_id": 10028, "bbox": [1831, 1760, 567, 503], "category_id": 2, "id": 86, "iscrowd": 0, "weight": 0.9847647535557934, "segmentation": [], "area": 285201}, {"image_id": 10028, "bbox": [2704, 0, 1260, 870], "category_id": 0, "id": 87, "iscrowd": 0, "weight": 0.6429977591622674, "segmentation": [], "area": 1096200}, {"image_id": 10028, "bbox": [2884, 300, 730, 493], "category_id": 0, "id": 88, "iscrowd": 0, "weight": 0.13051939368611598, "segmentation": [], "area": 359890}, {"image_id": 10029, "bbox": [1150, 1193, 494, 524], "category_id": 0, "id": 89, "iscrowd": 0, "weight": 0.6736486619655216, "segmentation": [], "area": 258856}, {"image_id": 10029, "bbox": [1428, 840, 250, 200], "category_id": 0, "id": 90, "iscrowd": 0, "weight": 0.9134062342777082, "segmentation": [], "area": 50000}, {"image_id": 10029, "bbox": [1105, 1826, 393, 223], "category_id": 0, "id": 91, "iscrowd": 0, "weight": 0.5229310713977001, "segmentation": [], "area": 87639}, {"image_id": 10030, "bbox": [3138, 1217, 683, 630], "category_id": 0, "id": 92, "iscrowd": 0, "weight": 0.19113499679469603, "segmentation": [], "area": 430290}, {"image_id": 10030, "bbox": [3158, 1950, 166, 53], "category_id": 0, "id": 93, "iscrowd": 0, "weight": 0.09320904278629438, "segmentation": [], "area": 8798}, {"image_id": 10031, "bbox": [2241, 1427, 423, 443], "category_id": 2, "id": 94, "iscrowd": 0, "weight": 0.5637404609275072, "segmentation": [], "area": 187389}, {"image_id": 10032, "bbox": [2598, 1993, 673, 300], "category_id": 1, "id": 95, "iscrowd": 0, "weight": 0.9461916686763212, "segmentation": [], "area": 201900}, {"image_id": 10032, "bbox": [3171, 2377, 777, 630], "category_id": 2, "id": 96, "iscrowd": 0, "weight": 0.5961874104341361, "segmentation": [], "area": 489510}, {"image_id": 10033, "bbox": [151, 1987, 801, 1048], "category_id": 2, "id": 97, "iscrowd": 0, "weight": 0.2428835215288454, "segmentation": [], "area": 839448}, {"image_id": 10033, "bbox": [1182, 2256, 61, 66], "category_id": 2, "id": 98, "iscrowd": 0, "weight": 0.3101617534168918, "segmentation": [], "area": 4026}, {"image_id": 10034, "bbox": [2664, 1760, 390, 383], "category_id": 1, "id": 99, "iscrowd": 0, "weight": 0.27483669887436823, "segmentation": [], "area": 149370}, {"image_id": 10034, "bbox": [3391, 1763, 330, 310], "category_id": 0, "id": 100, "iscrowd": 0, "weight": 0.7662330633526171, "segmentation": [], "area": 102300}, {"image_id": 10034, "bbox": [2868, 1983, 730, 727], "category_id": 0, "id": 101, "iscrowd": 0, "weight": 0.9718518598044293, "segmentation": [], "area": 530710}, {"image_id": 10034, "bbox": [2631, 2557, 410, 333], "category_id": 0, "id": 102, "iscrowd": 0, "weight": 0.5552704593490653, "segmentation": [], "area": 136530}, {"image_id": 10035, "bbox": [1764, 1039, 421, 638], "category_id": 1, "id": 103, "iscrowd": 0, "weight": 0.29434992159036444, "segmentation": [], "area": 268598}, {"image_id": 10035, "bbox": [1558, 1597, 100, 163], "category_id": 1, "id": 104, "iscrowd": 0, "weight": 0.07728898531143347, "segmentation": [], "area": 16300}, {"image_id": 10035, "bbox": [1065, 1038, 123, 43], "category_id": 1, "id": 105, "iscrowd": 0, "weight": 0.5703783046456512, "segmentation": [], "area": 5289}, {"image_id": 10035, "bbox": [3756, 1127, 137, 433], "category_id": 2, "id": 106, "iscrowd": 0, "weight": 0.707811626976649, "segmentation": [], "area": 59321}, {"image_id": 10035, "bbox": [2892, 1194, 58, 61], "category_id": 0, "id": 107, "iscrowd": 0, "weight": 0.005276581095808419, "segmentation": [], "area": 3538}, {"image_id": 10035, "bbox": [2771, 840, 64, 31], "category_id": 0, "id": 108, "iscrowd": 0, "weight": 0.15107206898727965, "segmentation": [], "area": 1984}, {"image_id": 10036, "bbox": [1011, 867, 577, 186], "category_id": 0, "id": 109, "iscrowd": 0, "weight": 0.7792689401710572, "segmentation": [], "area": 107322}, {"image_id": 10036, "bbox": [1488, 1117, 753, 656], "category_id": 0, "id": 110, "iscrowd": 0, "weight": 0.6349731168019163, "segmentation": [], "area": 493968}, {"image_id": 10036, "bbox": [0, 917, 764, 1203], "category_id": 1, "id": 111, "iscrowd": 0, "weight": 0.23901343324237423, "segmentation": [], "area": 919092}, {"image_id": 10036, "bbox": [2818, 1167, 63, 183], "category_id": 1, "id": 112, "iscrowd": 0, "weight": 0.9283675732718166, "segmentation": [], "area": 11529}, {"image_id": 10037, "bbox": [1611, 1597, 520, 450], "category_id": 1, "id": 113, "iscrowd": 0, "weight": 0.9550291304591693, "segmentation": [], "area": 234000}, {"image_id": 10037, "bbox": [1321, 520, 70, 197], "category_id": 0, "id": 114, "iscrowd": 0, "weight": 0.9041675555758317, "segmentation": [], "area": 13790}, {"image_id": 10038, "bbox": [1171, 1583, 787, 310], "category_id": 0, "id": 115, "iscrowd": 0, "weight": 0.15240250064702632, "segmentation": [], "area": 243970}, {"image_id": 10038, "bbox": [1224, 2389, 200, 140], "category_id": 0, "id": 116, "iscrowd": 0, "weight": 0.12029959275955615, "segmentation": [], "area": 28000}, {"image_id": 10038, "bbox": [1495, 2252, 58, 26], "category_id": 0, "id": 117, "iscrowd": 0, "weight": 0.6799568473612758, "segmentation": [], "area": 1508}, {"image_id": 10039, "bbox": [1988, 947, 1513, 373], "category_id": 1, "id": 118, "iscrowd": 0, "weight": 0.006245814746543954, "segmentation": [], "area": 564349}, {"image_id": 10039, "bbox": [3511, 255, 207, 329], "category_id": 2, "id": 119, "iscrowd": 0, "weight": 0.4577556844479327, "segmentation": [], "area": 68103}, {"image_id": 10039, "bbox": [2404, 1597, 97, 76], "category_id": 2, "id": 120, "iscrowd": 0, "weight": 0.5614408183713928, "segmentation": [], "area": 7372}, {"image_id": 10039, "bbox": [1858, 1920, 146, 93], "category_id": 1, "id": 121, "iscrowd": 0, "weight": 0.556646222597677, "segmentation": [], "area": 13578}, {"image_id": 10039, "bbox": [1834, 1870, 744, 547], "category_id": 2, "id": 122, "iscrowd": 0, "weight": 0.7900596293271649, "segmentation": [], "area": 406968}, {"image_id": 10040, "bbox": [1958, 967, 433, 980], "category_id": 1, "id": 123, "iscrowd": 0, "weight": 0.1823240722604209, "segmentation": [], "area": 424340}, {"image_id": 10041, "bbox": [1018, 810, 913, 817], "category_id": 1, "id": 124, "iscrowd": 0, "weight": 0.183721587261223, "segmentation": [], "area": 745921}, {"image_id": 10041, "bbox": [611, 1200, 303, 183], "category_id": 2, "id": 125, "iscrowd": 0, "weight": 0.8269472414266879, "segmentation": [], "area": 55449}, {"image_id": 10041, "bbox": [551, 500, 338, 311], "category_id": 2, "id": 126, "iscrowd": 0, "weight": 0.08045280844897573, "segmentation": [], "area": 105118}, {"image_id": 10041, "bbox": [721, 77, 1136, 660], "category_id": 2, "id": 127, "iscrowd": 0, "weight": 0.3829396650092287, "segmentation": [], "area": 749760}, {"image_id": 10041, "bbox": [569, 871, 426, 162], "category_id": 2, "id": 128, "iscrowd": 0, "weight": 0.5877476934050175, "segmentation": [], "area": 69012}, {"image_id": 10042, "bbox": [174, 360, 824, 730], "category_id": 2, "id": 129, "iscrowd": 0, "weight": 0.37432455067873105, "segmentation": [], "area": 601520}, {"image_id": 10042, "bbox": [1974, 1453, 727, 1347], "category_id": 0, "id": 130, "iscrowd": 0, "weight": 0.041268220667060485, "segmentation": [], "area": 979269}, {"image_id": 10042, "bbox": [2848, 2235, 1055, 630], "category_id": 1, "id": 131, "iscrowd": 0, "weight": 0.610873354056258, "segmentation": [], "area": 664650}, {"image_id": 10043, "bbox": [8, 7, 833, 703], "category_id": 2, "id": 132, "iscrowd": 0, "weight": 0.15855320641085646, "segmentation": [], "area": 585599}, {"image_id": 10043, "bbox": [2461, 1550, 120, 203], "category_id": 1, "id": 133, "iscrowd": 0, "weight": 0.5128515166134777, "segmentation": [], "area": 24360}, {"image_id": 10043, "bbox": [2364, 1350, 110, 150], "category_id": 1, "id": 134, "iscrowd": 0, "weight": 0.7259777554709773, "segmentation": [], "area": 16500}, {"image_id": 10044, "bbox": [2364, 870, 770, 700], "category_id": 1, "id": 135, "iscrowd": 0, "weight": 0.5305264083805603, "segmentation": [], "area": 539000}, {"image_id": 10044, "bbox": [3214, 43, 804, 554], "category_id": 2, "id": 136, "iscrowd": 0, "weight": 0.13835492422898776, "segmentation": [], "area": 445416}, {"image_id": 10044, "bbox": [1814, 1953, 104, 87], "category_id": 1, "id": 137, "iscrowd": 0, "weight": 0.7513737514752167, "segmentation": [], "area": 9048}, {"image_id": 10045, "bbox": [171, 570, 1470, 1023], "category_id": 0, "id": 138, "iscrowd": 0, "weight": 0.31301405835719287, "segmentation": [], "area": 1503810}, {"image_id": 10045, "bbox": [2608, 1147, 116, 93], "category_id": 2, "id": 139, "iscrowd": 0, "weight": 0.5752848498578443, "segmentation": [], "area": 10788}, {"image_id": 10045, "bbox": [2231, 1637, 343, 240], "category_id": 2, "id": 140, "iscrowd": 0, "weight": 0.8422070556449839, "segmentation": [], "area": 82320}, {"image_id": 10045, "bbox": [1948, 1703, 233, 290], "category_id": 2, "id": 141, "iscrowd": 0, "weight": 0.6235803837198367, "segmentation": [], "area": 67570}, {"image_id": 10045, "bbox": [1294, 1760, 957, 633], "category_id": 2, "id": 142, "iscrowd": 0, "weight": 0.7193891018034652, "segmentation": [], "area": 605781}, {"image_id": 10046, "bbox": [1698, 1187, 496, 640], "category_id": 1, "id": 143, "iscrowd": 0, "weight": 0.5455494338085217, "segmentation": [], "area": 317440}, {"image_id": 10047, "bbox": [1418, 1597, 1006, 336], "category_id": 0, "id": 144, "iscrowd": 0, "weight": 0.25176826102003447, "segmentation": [], "area": 338016}, {"image_id": 10047, "bbox": [611, 1750, 987, 510], "category_id": 1, "id": 145, "iscrowd": 0, "weight": 0.3427327955606232, "segmentation": [], "area": 503370}, {"image_id": 10048, "bbox": [258, 277, 298, 385], "category_id": 2, "id": 146, "iscrowd": 0, "weight": 0.3248504468093317, "segmentation": [], "area": 114730}, {"image_id": 10048, "bbox": [914, 1147, 1260, 813], "category_id": 1, "id": 147, "iscrowd": 0, "weight": 0.8769165070196615, "segmentation": [], "area": 1024380}, {"image_id": 10048, "bbox": [2401, 1440, 77, 137], "category_id": 1, "id": 148, "iscrowd": 0, "weight": 0.12017562913085666, "segmentation": [], "area": 10549}, {"image_id": 10049, "bbox": [1814, 1047, 1137, 856], "category_id": 1, "id": 149, "iscrowd": 0, "weight": 0.6084610175013467, "segmentation": [], "area": 973272}, {"image_id": 10050, "bbox": [2324, 786, 960, 371], "category_id": 0, "id": 150, "iscrowd": 0, "weight": 0.15072083436594863, "segmentation": [], "area": 356160}, {"image_id": 10051, "bbox": [1984, 833, 1670, 347], "category_id": 1, "id": 151, "iscrowd": 0, "weight": 0.6571754217206519, "segmentation": [], "area": 579490}, {"image_id": 10051, "bbox": [2161, 1550, 53, 60], "category_id": 1, "id": 152, "iscrowd": 0, "weight": 0.3303275343012374, "segmentation": [], "area": 3180}, {"image_id": 10051, "bbox": [1651, 1463, 1387, 930], "category_id": 2, "id": 153, "iscrowd": 0, "weight": 0.6345539706763149, "segmentation": [], "area": 1289910}, {"image_id": 10052, "bbox": [1974, 1173, 1594, 217], "category_id": 1, "id": 154, "iscrowd": 0, "weight": 0.09309496159688924, "segmentation": [], "area": 345898}, {"image_id": 10052, "bbox": [3678, 359, 176, 262], "category_id": 2, "id": 155, "iscrowd": 0, "weight": 0.30210601026305806, "segmentation": [], "area": 46112}, {"image_id": 10052, "bbox": [1868, 1837, 110, 93], "category_id": 1, "id": 156, "iscrowd": 0, "weight": 0.6551272067985491, "segmentation": [], "area": 10230}, {"image_id": 10053, "bbox": [1771, 1167, 783, 570], "category_id": 1, "id": 157, "iscrowd": 0, "weight": 0.11736573382421223, "segmentation": [], "area": 446310}, {"image_id": 10053, "bbox": [3378, 200, 516, 733], "category_id": 2, "id": 158, "iscrowd": 0, "weight": 0.11265000794191737, "segmentation": [], "area": 378228}, {"image_id": 10053, "bbox": [2128, 1053, 96, 90], "category_id": 1, "id": 159, "iscrowd": 0, "weight": 0.1968245683525106, "segmentation": [], "area": 8640}, {"image_id": 10053, "bbox": [284, 2280, 210, 317], "category_id": 2, "id": 160, "iscrowd": 0, "weight": 0.6778934912207214, "segmentation": [], "area": 66570}, {"image_id": 10054, "bbox": [128, 173, 746, 684], "category_id": 2, "id": 161, "iscrowd": 0, "weight": 0.12718729556232045, "segmentation": [], "area": 510264}, {"image_id": 10054, "bbox": [1611, 1507, 63, 133], "category_id": 1, "id": 162, "iscrowd": 0, "weight": 0.8532412887454183, "segmentation": [], "area": 8379}, {"image_id": 10054, "bbox": [2691, 1300, 347, 1327], "category_id": 1, "id": 163, "iscrowd": 0, "weight": 0.7833564767533123, "segmentation": [], "area": 460469}, {"image_id": 10054, "bbox": [3611, 2247, 233, 366], "category_id": 2, "id": 164, "iscrowd": 0, "weight": 0.491534067980832, "segmentation": [], "area": 85278}, {"image_id": 10055, "bbox": [3771, 400, 124, 273], "category_id": 2, "id": 165, "iscrowd": 0, "weight": 0.6491669149163554, "segmentation": [], "area": 33852}, {"image_id": 10055, "bbox": [1671, 1390, 870, 560], "category_id": 1, "id": 166, "iscrowd": 0, "weight": 0.34176404872900734, "segmentation": [], "area": 487200}, {"image_id": 10056, "bbox": [1451, 1420, 1003, 250], "category_id": 1, "id": 167, "iscrowd": 0, "weight": 0.006254059416776592, "segmentation": [], "area": 250750}, {"image_id": 10056, "bbox": [258, 2063, 313, 420], "category_id": 2, "id": 168, "iscrowd": 0, "weight": 0.7190687718287605, "segmentation": [], "area": 131460}, {"image_id": 10057, "bbox": [2681, 967, 67, 136], "category_id": 1, "id": 169, "iscrowd": 0, "weight": 0.44663135805365906, "segmentation": [], "area": 9112}, {"image_id": 10057, "bbox": [1781, 847, 1100, 740], "category_id": 1, "id": 170, "iscrowd": 0, "weight": 0.4261428206188077, "segmentation": [], "area": 814000}, {"image_id": 10057, "bbox": [3194, 863, 60, 60], "category_id": 1, "id": 171, "iscrowd": 0, "weight": 0.5288553574084864, "segmentation": [], "area": 3600}, {"image_id": 10057, "bbox": [118, 647, 630, 940], "category_id": 2, "id": 172, "iscrowd": 0, "weight": 0.767948359163335, "segmentation": [], "area": 592200}, {"image_id": 10058, "bbox": [1664, 557, 1344, 1030], "category_id": 0, "id": 173, "iscrowd": 0, "weight": 0.9412939727180614, "segmentation": [], "area": 1384320}, {"image_id": 10058, "bbox": [1254, 1240, 967, 683], "category_id": 1, "id": 174, "iscrowd": 0, "weight": 0.37388333696582365, "segmentation": [], "area": 660461}, {"image_id": 10058, "bbox": [3208, 1780, 683, 1177], "category_id": 2, "id": 175, "iscrowd": 0, "weight": 0.04587824118965589, "segmentation": [], "area": 803891}, {"image_id": 10058, "bbox": [3264, 2203, 100, 157], "category_id": 2, "id": 176, "iscrowd": 0, "weight": 0.7585183601190031, "segmentation": [], "area": 15700}, {"image_id": 10059, "bbox": [1221, 1440, 63, 277], "category_id": 1, "id": 177, "iscrowd": 0, "weight": 0.921561100790481, "segmentation": [], "area": 17451}, {"image_id": 10059, "bbox": [2424, 1460, 434, 1287], "category_id": 1, "id": 178, "iscrowd": 0, "weight": 0.06872396308401418, "segmentation": [], "area": 558558}, {"image_id": 10059, "bbox": [2928, 1517, 93, 76], "category_id": 0, "id": 179, "iscrowd": 0, "weight": 0.9659966344744761, "segmentation": [], "area": 7068}, {"image_id": 10059, "bbox": [3408, 1952, 513, 835], "category_id": 2, "id": 180, "iscrowd": 0, "weight": 0.7518043202708731, "segmentation": [], "area": 428355}, {"image_id": 10059, "bbox": [1714, 1410, 797, 1227], "category_id": 0, "id": 181, "iscrowd": 0, "weight": 0.2396805430893275, "segmentation": [], "area": 977919}, {"image_id": 10059, "bbox": [2091, 1207, 57, 53], "category_id": 0, "id": 182, "iscrowd": 0, "weight": 0.46755575522379844, "segmentation": [], "area": 3021}, {"image_id": 10059, "bbox": [1643, 1160, 315, 150], "category_id": 0, "id": 183, "iscrowd": 0, "weight": 0.6799253785906418, "segmentation": [], "area": 47250}, {"image_id": 10059, "bbox": [1511, 1990, 133, 83], "category_id": 0, "id": 184, "iscrowd": 0, "weight": 0.28889852960437035, "segmentation": [], "area": 11039}, {"image_id": 10059, "bbox": [1551, 1590, 60, 67], "category_id": 0, "id": 185, "iscrowd": 0, "weight": 0.7519776236568397, "segmentation": [], "area": 4020}, {"image_id": 10059, "bbox": [1431, 1800, 103, 80], "category_id": 0, "id": 186, "iscrowd": 0, "weight": 0.6482714186616815, "segmentation": [], "area": 8240}, {"image_id": 10059, "bbox": [1454, 1727, 50, 50], "category_id": 0, "id": 187, "iscrowd": 0, "weight": 0.7800791508463372, "segmentation": [], "area": 2500}, {"image_id": 10060, "bbox": [18, 7, 1203, 646], "category_id": 2, "id": 188, "iscrowd": 0, "weight": 0.38887095519799275, "segmentation": [], "area": 777138}, {"image_id": 10060, "bbox": [1744, 747, 684, 883], "category_id": 0, "id": 189, "iscrowd": 0, "weight": 0.10386223400325234, "segmentation": [], "area": 603972}, {"image_id": 10060, "bbox": [1254, 873, 557, 1060], "category_id": 1, "id": 190, "iscrowd": 0, "weight": 0.23695222367729873, "segmentation": [], "area": 590420}, {"image_id": 10060, "bbox": [2315, 1772, 100, 100], "category_id": 0, "id": 191, "iscrowd": 0, "weight": 0.2391778459595959, "segmentation": [], "area": 10000}, {"image_id": 10061, "bbox": [1963, 724, 1698, 333], "category_id": 1, "id": 192, "iscrowd": 0, "weight": 0.7611700334534768, "segmentation": [], "area": 565434}, {"image_id": 10061, "bbox": [788, 1433, 136, 150], "category_id": 2, "id": 193, "iscrowd": 0, "weight": 0.14229976316826365, "segmentation": [], "area": 20400}, {"image_id": 10062, "bbox": [2338, 1150, 1533, 763], "category_id": 1, "id": 194, "iscrowd": 0, "weight": 0.4180990321725616, "segmentation": [], "area": 1169679}, {"image_id": 10062, "bbox": [1268, 1940, 543, 153], "category_id": 2, "id": 195, "iscrowd": 0, "weight": 0.3147548102218761, "segmentation": [], "area": 83079}, {"image_id": 10063, "bbox": [2151, 913, 147, 140], "category_id": 1, "id": 196, "iscrowd": 0, "weight": 0.3313376914555626, "segmentation": [], "area": 20580}, {"image_id": 10063, "bbox": [1534, 920, 1247, 767], "category_id": 0, "id": 197, "iscrowd": 0, "weight": 0.37780058835266617, "segmentation": [], "area": 956449}, {"image_id": 10063, "bbox": [1024, 1283, 994, 974], "category_id": 1, "id": 198, "iscrowd": 0, "weight": 0.9107842512476525, "segmentation": [], "area": 968156}, {"image_id": 10063, "bbox": [3324, 123, 600, 787], "category_id": 2, "id": 199, "iscrowd": 0, "weight": 0.3743547376424188, "segmentation": [], "area": 472200}, {"image_id": 10064, "bbox": [1361, 887, 373, 386], "category_id": 0, "id": 200, "iscrowd": 0, "weight": 0.9545317721115532, "segmentation": [], "area": 143978}, {"image_id": 10064, "bbox": [1231, 1377, 737, 733], "category_id": 0, "id": 201, "iscrowd": 0, "weight": 0.24632532799077056, "segmentation": [], "area": 540221}, {"image_id": 10064, "bbox": [2668, 1373, 573, 960], "category_id": 1, "id": 202, "iscrowd": 0, "weight": 0.044013714844495566, "segmentation": [], "area": 550080}, {"image_id": 10064, "bbox": [3558, 2510, 73, 123], "category_id": 0, "id": 203, "iscrowd": 0, "weight": 0.7654799847897019, "segmentation": [], "area": 8979}, {"image_id": 10064, "bbox": [2064, 2127, 1204, 906], "category_id": 2, "id": 204, "iscrowd": 0, "weight": 0.43431218080010625, "segmentation": [], "area": 1090824}, {"image_id": 10064, "bbox": [2541, 2553, 310, 244], "category_id": 0, "id": 205, "iscrowd": 0, "weight": 0.321416254890567, "segmentation": [], "area": 75640}, {"image_id": 10065, "bbox": [2701, 843, 627, 1010], "category_id": 1, "id": 206, "iscrowd": 0, "weight": 0.9144851297850963, "segmentation": [], "area": 633270}, {"image_id": 10066, "bbox": [1958, 783, 483, 1067], "category_id": 1, "id": 207, "iscrowd": 0, "weight": 0.7202918093754076, "segmentation": [], "area": 515361}, {"image_id": 10066, "bbox": [1214, 960, 390, 1307], "category_id": 0, "id": 208, "iscrowd": 0, "weight": 0.14462945600266675, "segmentation": [], "area": 509730}, {"image_id": 10066, "bbox": [41, 1723, 493, 1134], "category_id": 2, "id": 209, "iscrowd": 0, "weight": 0.996811587809164, "segmentation": [], "area": 559062}, {"image_id": 10067, "bbox": [1050, 1504, 914, 636], "category_id": 0, "id": 210, "iscrowd": 0, "weight": 0.30240418401769076, "segmentation": [], "area": 581304}, {"image_id": 10067, "bbox": [1954, 853, 507, 884], "category_id": 1, "id": 211, "iscrowd": 0, "weight": 0.24274371160502484, "segmentation": [], "area": 448188}, {"image_id": 10067, "bbox": [2278, 767, 170, 143], "category_id": 1, "id": 212, "iscrowd": 0, "weight": 0.006338283788373977, "segmentation": [], "area": 24310}, {"image_id": 10067, "bbox": [1338, 1977, 146, 160], "category_id": 0, "id": 213, "iscrowd": 0, "weight": 0.5981956864898536, "segmentation": [], "area": 23360}, {"image_id": 10067, "bbox": [71, 2113, 977, 810], "category_id": 2, "id": 214, "iscrowd": 0, "weight": 0.8937849959199244, "segmentation": [], "area": 791370}, {"image_id": 10067, "bbox": [521, 1577, 340, 270], "category_id": 2, "id": 215, "iscrowd": 0, "weight": 0.3106893914515563, "segmentation": [], "area": 91800}, {"image_id": 10067, "bbox": [831, 1359, 435, 226], "category_id": 0, "id": 216, "iscrowd": 0, "weight": 0.17780814221151153, "segmentation": [], "area": 98310}, {"image_id": 10068, "bbox": [3528, 1686, 429, 265], "category_id": 2, "id": 217, "iscrowd": 0, "weight": 0.2614719280465818, "segmentation": [], "area": 113685}, {"image_id": 10068, "bbox": [2161, 1223, 70, 144], "category_id": 1, "id": 218, "iscrowd": 0, "weight": 0.6631321249012633, "segmentation": [], "area": 10080}, {"image_id": 10068, "bbox": [3460, 2062, 471, 206], "category_id": 2, "id": 219, "iscrowd": 0, "weight": 0.9320650638914828, "segmentation": [], "area": 97026}, {"image_id": 10069, "bbox": [18, 837, 826, 1226], "category_id": 2, "id": 220, "iscrowd": 0, "weight": 0.30578330381332375, "segmentation": [], "area": 1012676}, {"image_id": 10069, "bbox": [1464, 797, 257, 116], "category_id": 0, "id": 221, "iscrowd": 0, "weight": 0.04431980852573725, "segmentation": [], "area": 29812}, {"image_id": 10069, "bbox": [1861, 837, 323, 70], "category_id": 0, "id": 222, "iscrowd": 0, "weight": 0.47897588992595175, "segmentation": [], "area": 22610}, {"image_id": 10069, "bbox": [2804, 1107, 124, 190], "category_id": 1, "id": 223, "iscrowd": 0, "weight": 0.5387560647115357, "segmentation": [], "area": 23560}, {"image_id": 10070, "bbox": [1341, 1410, 1040, 363], "category_id": 0, "id": 224, "iscrowd": 0, "weight": 0.48765976127199184, "segmentation": [], "area": 377520}, {"image_id": 10070, "bbox": [2231, 1100, 120, 100], "category_id": 1, "id": 225, "iscrowd": 0, "weight": 0.10140575993286649, "segmentation": [], "area": 12000}, {"image_id": 10071, "bbox": [1454, 1420, 994, 243], "category_id": 1, "id": 226, "iscrowd": 0, "weight": 0.4210124024090961, "segmentation": [], "area": 241542}, {"image_id": 10071, "bbox": [258, 2080, 326, 400], "category_id": 2, "id": 227, "iscrowd": 0, "weight": 0.5460216972598244, "segmentation": [], "area": 130400}, {"image_id": 10071, "bbox": [3882, 224, 84, 129], "category_id": 2, "id": 228, "iscrowd": 0, "weight": 0.6842263056335128, "segmentation": [], "area": 10836}, {"image_id": 10072, "bbox": [2698, 363, 676, 834], "category_id": 2, "id": 229, "iscrowd": 0, "weight": 0.1926055090758796, "segmentation": [], "area": 563784}, {"image_id": 10073, "bbox": [2874, 2794, 505, 241], "category_id": 0, "id": 230, "iscrowd": 0, "weight": 0.4127835553503617, "segmentation": [], "area": 121705}, {"image_id": 10073, "bbox": [3618, 2120, 238, 235], "category_id": 0, "id": 231, "iscrowd": 0, "weight": 0.2456680602264255, "segmentation": [], "area": 55930}, {"image_id": 10073, "bbox": [3160, 2226, 409, 491], "category_id": 0, "id": 232, "iscrowd": 0, "weight": 0.3071953797236231, "segmentation": [], "area": 200819}, {"image_id": 10074, "bbox": [1301, 1273, 563, 447], "category_id": 0, "id": 233, "iscrowd": 0, "weight": 0.8692275365314448, "segmentation": [], "area": 251661}, {"image_id": 10074, "bbox": [1218, 1853, 340, 154], "category_id": 0, "id": 234, "iscrowd": 0, "weight": 0.8684760921345677, "segmentation": [], "area": 52360}, {"image_id": 10074, "bbox": [2148, 1117, 1246, 656], "category_id": 1, "id": 235, "iscrowd": 0, "weight": 0.08584389925742442, "segmentation": [], "area": 817376}, {"image_id": 10074, "bbox": [3208, 1437, 810, 813], "category_id": 2, "id": 236, "iscrowd": 0, "weight": 0.5511325372393477, "segmentation": [], "area": 658530}, {"image_id": 10075, "bbox": [376, 1652, 662, 1295], "category_id": 0, "id": 237, "iscrowd": 0, "weight": 0.11769562899305441, "segmentation": [], "area": 857290}, {"image_id": 10076, "bbox": [2254, 1370, 907, 547], "category_id": 1, "id": 238, "iscrowd": 0, "weight": 0.4607821044883017, "segmentation": [], "area": 496129}, {"image_id": 10076, "bbox": [3078, 1067, 190, 80], "category_id": 0, "id": 239, "iscrowd": 0, "weight": 0.873184153781648, "segmentation": [], "area": 15200}, {"image_id": 10076, "bbox": [2921, 1237, 763, 670], "category_id": 0, "id": 240, "iscrowd": 0, "weight": 0.5072357622871663, "segmentation": [], "area": 511210}, {"image_id": 10076, "bbox": [3541, 1807, 410, 350], "category_id": 0, "id": 241, "iscrowd": 0, "weight": 0.004938553494162168, "segmentation": [], "area": 143500}, {"image_id": 10077, "bbox": [2944, 3, 1030, 857], "category_id": 0, "id": 242, "iscrowd": 0, "weight": 0.3883372934029167, "segmentation": [], "area": 882710}, {"image_id": 10077, "bbox": [0, 2035, 531, 882], "category_id": 2, "id": 243, "iscrowd": 0, "weight": 0.7116147906089105, "segmentation": [], "area": 468342}, {"image_id": 10078, "bbox": [1178, 1500, 973, 337], "category_id": 0, "id": 244, "iscrowd": 0, "weight": 0.07492100204130803, "segmentation": [], "area": 327901}, {"image_id": 10078, "bbox": [1848, 1907, 466, 80], "category_id": 0, "id": 245, "iscrowd": 0, "weight": 0.27040641880049576, "segmentation": [], "area": 37280}, {"image_id": 10078, "bbox": [2514, 1563, 1094, 237], "category_id": 1, "id": 246, "iscrowd": 0, "weight": 0.15377299637992115, "segmentation": [], "area": 259278}, {"image_id": 10078, "bbox": [224, 907, 504, 1133], "category_id": 2, "id": 247, "iscrowd": 0, "weight": 0.30516915949062795, "segmentation": [], "area": 571032}, {"image_id": 10079, "bbox": [1564, 1330, 394, 800], "category_id": 0, "id": 248, "iscrowd": 0, "weight": 0.9681203203721284, "segmentation": [], "area": 315200}, {"image_id": 10079, "bbox": [1774, 923, 200, 400], "category_id": 0, "id": 249, "iscrowd": 0, "weight": 0.7639831820869472, "segmentation": [], "area": 80000}, {"image_id": 10080, "bbox": [3558, 827, 465, 1029], "category_id": 2, "id": 250, "iscrowd": 0, "weight": 0.5872879125250678, "segmentation": [], "area": 478485}, {"image_id": 10081, "bbox": [1704, 643, 160, 184], "category_id": 0, "id": 251, "iscrowd": 0, "weight": 0.8699167473189441, "segmentation": [], "area": 29440}, {"image_id": 10081, "bbox": [1981, 733, 253, 364], "category_id": 0, "id": 252, "iscrowd": 0, "weight": 0.7218637271213973, "segmentation": [], "area": 92092}, {"image_id": 10081, "bbox": [2441, 1140, 470, 320], "category_id": 0, "id": 253, "iscrowd": 0, "weight": 0.5931567499743271, "segmentation": [], "area": 150400}, {"image_id": 10081, "bbox": [1941, 1337, 743, 470], "category_id": 0, "id": 254, "iscrowd": 0, "weight": 0.13601417102703006, "segmentation": [], "area": 349210}, {"image_id": 10081, "bbox": [1831, 1767, 260, 140], "category_id": 0, "id": 255, "iscrowd": 0, "weight": 0.297236398306869, "segmentation": [], "area": 36400}, {"image_id": 10081, "bbox": [631, 787, 309, 171], "category_id": 2, "id": 256, "iscrowd": 0, "weight": 0.9136252789571536, "segmentation": [], "area": 52839}, {"image_id": 10081, "bbox": [1066, 642, 336, 165], "category_id": 2, "id": 257, "iscrowd": 0, "weight": 0.2428507694992934, "segmentation": [], "area": 55440}, {"image_id": 10081, "bbox": [1486, 825, 355, 777], "category_id": 1, "id": 258, "iscrowd": 0, "weight": 0.4579282547042981, "segmentation": [], "area": 275835}, {"image_id": 10082, "bbox": [1894, 717, 344, 280], "category_id": 0, "id": 259, "iscrowd": 0, "weight": 0.6809792093418632, "segmentation": [], "area": 96320}, {"image_id": 10082, "bbox": [1834, 1100, 354, 497], "category_id": 0, "id": 260, "iscrowd": 0, "weight": 0.44137156265809874, "segmentation": [], "area": 175938}, {"image_id": 10082, "bbox": [2674, 1183, 557, 417], "category_id": 1, "id": 261, "iscrowd": 0, "weight": 0.5672423399634337, "segmentation": [], "area": 232269}, {"image_id": 10083, "bbox": [318, 1943, 760, 567], "category_id": 0, "id": 262, "iscrowd": 0, "weight": 0.5531668435340489, "segmentation": [], "area": 430920}, {"image_id": 10084, "bbox": [3441, 1013, 550, 1150], "category_id": 2, "id": 263, "iscrowd": 0, "weight": 0.15586724223073145, "segmentation": [], "area": 632500}, {"image_id": 10084, "bbox": [2539, 1269, 26, 38], "category_id": 1, "id": 264, "iscrowd": 0, "weight": 0.7346117426986434, "segmentation": [], "area": 988}, {"image_id": 10085, "bbox": [394, 1023, 930, 557], "category_id": 0, "id": 265, "iscrowd": 0, "weight": 0.8811386420415267, "segmentation": [], "area": 518010}, {"image_id": 10085, "bbox": [912, 896, 373, 53], "category_id": 0, "id": 266, "iscrowd": 0, "weight": 0.20036865284810967, "segmentation": [], "area": 19769}, {"image_id": 10085, "bbox": [411, 1617, 297, 96], "category_id": 0, "id": 267, "iscrowd": 0, "weight": 0.9119022221779151, "segmentation": [], "area": 28512}, {"image_id": 10085, "bbox": [72, 1367, 85, 176], "category_id": 0, "id": 268, "iscrowd": 0, "weight": 0.3840638058923127, "segmentation": [], "area": 14960}, {"image_id": 10085, "bbox": [263, 1163, 53, 99], "category_id": 0, "id": 269, "iscrowd": 0, "weight": 0.6753179800523231, "segmentation": [], "area": 5247}, {"image_id": 10085, "bbox": [279, 1720, 206, 145], "category_id": 0, "id": 270, "iscrowd": 0, "weight": 0.8652859758149991, "segmentation": [], "area": 29870}, {"image_id": 10086, "bbox": [2711, 313, 653, 1287], "category_id": 2, "id": 271, "iscrowd": 0, "weight": 0.1771505348678707, "segmentation": [], "area": 840411}, {"image_id": 10087, "bbox": [214, 803, 600, 904], "category_id": 0, "id": 272, "iscrowd": 0, "weight": 0.5176699342522901, "segmentation": [], "area": 542400}, {"image_id": 10088, "bbox": [3038, 1407, 876, 206], "category_id": 0, "id": 273, "iscrowd": 0, "weight": 0.1778291606563588, "segmentation": [], "area": 180456}, {"image_id": 10088, "bbox": [3798, 1320, 68, 45], "category_id": 0, "id": 274, "iscrowd": 0, "weight": 0.6027261100762724, "segmentation": [], "area": 3060}, {"image_id": 10089, "bbox": [91, 1262, 1049, 32], "category_id": 1, "id": 275, "iscrowd": 0, "weight": 0.7271717021127702, "segmentation": [], "area": 33568}, {"image_id": 10090, "bbox": [1501, 880, 853, 533], "category_id": 0, "id": 276, "iscrowd": 0, "weight": 0.8242129084009563, "segmentation": [], "area": 454649}, {"image_id": 10090, "bbox": [1491, 1187, 970, 600], "category_id": 0, "id": 277, "iscrowd": 0, "weight": 0.0013216374161715283, "segmentation": [], "area": 582000}, {"image_id": 10090, "bbox": [2247, 1536, 435, 309], "category_id": 0, "id": 278, "iscrowd": 0, "weight": 0.7583621216638341, "segmentation": [], "area": 134415}, {"image_id": 10090, "bbox": [1008, 1813, 203, 574], "category_id": 1, "id": 279, "iscrowd": 0, "weight": 0.18857815215603624, "segmentation": [], "area": 116522}, {"image_id": 10090, "bbox": [101, 2213, 697, 820], "category_id": 2, "id": 280, "iscrowd": 0, "weight": 0.33786859071974484, "segmentation": [], "area": 571540}, {"image_id": 10091, "bbox": [1114, 1417, 1510, 363], "category_id": 1, "id": 281, "iscrowd": 0, "weight": 0.45023664979529965, "segmentation": [], "area": 548130}, {"image_id": 10092, "bbox": [1871, 1057, 380, 243], "category_id": 0, "id": 282, "iscrowd": 0, "weight": 0.34665317906164517, "segmentation": [], "area": 92340}, {"image_id": 10092, "bbox": [1861, 1393, 597, 464], "category_id": 0, "id": 283, "iscrowd": 0, "weight": 0.9940597045188094, "segmentation": [], "area": 277008}, {"image_id": 10092, "bbox": [2068, 1937, 360, 206], "category_id": 0, "id": 284, "iscrowd": 0, "weight": 0.9953552692347893, "segmentation": [], "area": 74160}, {"image_id": 10092, "bbox": [2876, 1661, 373, 30], "category_id": 1, "id": 285, "iscrowd": 0, "weight": 0.8099642044765637, "segmentation": [], "area": 11190}, {"image_id": 10092, "bbox": [3641, 1480, 60, 247], "category_id": 1, "id": 286, "iscrowd": 0, "weight": 0.7274470217014631, "segmentation": [], "area": 14820}, {"image_id": 10092, "bbox": [3284, 1587, 74, 53], "category_id": 1, "id": 287, "iscrowd": 0, "weight": 0.6913094394990489, "segmentation": [], "area": 3922}, {"image_id": 10092, "bbox": [2576, 1500, 365, 115], "category_id": 1, "id": 288, "iscrowd": 0, "weight": 0.9624524700965817, "segmentation": [], "area": 41975}, {"image_id": 10093, "bbox": [341, 990, 503, 760], "category_id": 0, "id": 289, "iscrowd": 0, "weight": 0.021126817819604127, "segmentation": [], "area": 382280}, {"image_id": 10094, "bbox": [494, 460, 1007, 963], "category_id": 0, "id": 290, "iscrowd": 0, "weight": 0.01152830364522306, "segmentation": [], "area": 969741}, {"image_id": 10094, "bbox": [38, 50, 796, 530], "category_id": 2, "id": 291, "iscrowd": 0, "weight": 0.410661434883679, "segmentation": [], "area": 421880}, {"image_id": 10094, "bbox": [1774, 1563, 1049, 351], "category_id": 1, "id": 292, "iscrowd": 0, "weight": 0.6656612331421464, "segmentation": [], "area": 368199}, {"image_id": 10095, "bbox": [221, 647, 673, 1170], "category_id": 0, "id": 293, "iscrowd": 0, "weight": 0.5528974781634298, "segmentation": [], "area": 787410}, {"image_id": 10095, "bbox": [418, 1080, 460, 533], "category_id": 0, "id": 294, "iscrowd": 0, "weight": 0.6254996283863733, "segmentation": [], "area": 245180}, {"image_id": 10095, "bbox": [2471, 1080, 580, 543], "category_id": 1, "id": 295, "iscrowd": 0, "weight": 0.7684177348054436, "segmentation": [], "area": 314940}, {"image_id": 10096, "bbox": [1831, 613, 1660, 187], "category_id": 2, "id": 296, "iscrowd": 0, "weight": 0.29612171485005767, "segmentation": [], "area": 310420}, {"image_id": 10096, "bbox": [3128, 1257, 883, 513], "category_id": 0, "id": 297, "iscrowd": 0, "weight": 0.7609426220625072, "segmentation": [], "area": 452979}, {"image_id": 10096, "bbox": [2941, 1847, 507, 253], "category_id": 0, "id": 298, "iscrowd": 0, "weight": 0.7429772672528623, "segmentation": [], "area": 128271}, {"image_id": 10097, "bbox": [1474, 1590, 810, 343], "category_id": 1, "id": 299, "iscrowd": 0, "weight": 0.8801476757741903, "segmentation": [], "area": 277830}, {"image_id": 10097, "bbox": [2171, 1007, 860, 413], "category_id": 0, "id": 300, "iscrowd": 0, "weight": 0.7440976484801509, "segmentation": [], "area": 355180}, {"image_id": 10097, "bbox": [2028, 933, 333, 254], "category_id": 0, "id": 301, "iscrowd": 0, "weight": 0.5243397992066199, "segmentation": [], "area": 84582}, {"image_id": 10097, "bbox": [301, 1800, 933, 667], "category_id": 2, "id": 302, "iscrowd": 0, "weight": 0.306719014578245, "segmentation": [], "area": 622311}, {"image_id": 10098, "bbox": [1434, 593, 610, 534], "category_id": 0, "id": 303, "iscrowd": 0, "weight": 0.8080306195557915, "segmentation": [], "area": 325740}, {"image_id": 10098, "bbox": [1438, 930, 623, 827], "category_id": 0, "id": 304, "iscrowd": 0, "weight": 0.43470648769259834, "segmentation": [], "area": 515221}, {"image_id": 10098, "bbox": [3528, 2187, 440, 676], "category_id": 2, "id": 305, "iscrowd": 0, "weight": 0.6720962976845467, "segmentation": [], "area": 297440}, {"image_id": 10098, "bbox": [1153, 600, 81, 84], "category_id": 0, "id": 306, "iscrowd": 0, "weight": 0.9378750963840932, "segmentation": [], "area": 6804}, {"image_id": 10099, "bbox": [1828, 823, 966, 754], "category_id": 2, "id": 307, "iscrowd": 0, "weight": 0.3897212214619733, "segmentation": [], "area": 728364}, {"image_id": 10099, "bbox": [1084, 1470, 57, 50], "category_id": 0, "id": 308, "iscrowd": 0, "weight": 0.2677967536298188, "segmentation": [], "area": 2850}, {"image_id": 10099, "bbox": [478, 263, 863, 1297], "category_id": 0, "id": 309, "iscrowd": 0, "weight": 0.7803079514003416, "segmentation": [], "area": 1119311}, {"image_id": 10099, "bbox": [1018, 910, 670, 403], "category_id": 1, "id": 310, "iscrowd": 0, "weight": 0.29075601992845135, "segmentation": [], "area": 270010}], "categories": [{"id": 0, "name": "yanse"}, {"id": 1, "name": "huahen"}, {"id": 2, "name": "mosun"}]} \ No newline at end of file diff --git a/examples/yaoba/singletask_learning_yolox_tta/dataset/train.json b/examples/yaoba/singletask_learning_yolox_tta/dataset/train.json new file mode 100644 index 00000000..30f08b4a --- /dev/null +++ b/examples/yaoba/singletask_learning_yolox_tta/dataset/train.json @@ -0,0 +1 @@ +{"images": [{"file_name": "2021-05-17-14-01-30.jpg", "id": 10000, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-51-30.jpg", "id": 10001, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-46-48.jpg", "id": 10002, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-07-48.jpg", "id": 10003, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-33-58.jpg", "id": 10004, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-17-02.jpg", "id": 10005, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-09-20.jpg", "id": 10006, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-38-52.jpg", "id": 10007, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-46-22.jpg", "id": 10008, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-35-00.jpg", "id": 10009, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-26-14.jpg", "id": 10010, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-03-06.jpg", "id": 10011, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-02-46.jpg", "id": 10012, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-16-56-04.jpg", "id": 10013, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-10-12.jpg", "id": 10014, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-41-48.jpg", "id": 10015, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-58-42.jpg", "id": 10016, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-06-24.jpg", "id": 10017, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-58-28.jpg", "id": 10018, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-34-30.jpg", "id": 10019, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-56-56.jpg", "id": 10020, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-04-28.jpg", "id": 10021, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-50-20.jpg", "id": 10022, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-13-22.jpg", "id": 10023, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-20-52.jpg", "id": 10024, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-52-32.jpg", "id": 10025, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-11-18.jpg", "id": 10026, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-48-10.jpg", "id": 10027, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-47-56.jpg", "id": 10028, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-51-30.jpg", "id": 10029, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-50-44.jpg", "id": 10030, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-26-10.jpg", "id": 10031, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-17-48.jpg", "id": 10032, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-54-16.jpg", "id": 10033, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-53-52.jpg", "id": 10034, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-54-06.jpg", "id": 10035, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-43-52.jpg", "id": 10036, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-33-24.jpg", "id": 10037, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-16-22.jpg", "id": 10038, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-40-52.jpg", "id": 10039, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-50-08.jpg", "id": 10040, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-35-22.jpg", "id": 10041, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-16-55-42.jpg", "id": 10042, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-40-50.jpg", "id": 10043, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-52-36.jpg", "id": 10044, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-54-36.jpg", "id": 10045, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-02-40.jpg", "id": 10046, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-57-36.jpg", "id": 10047, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-44-18.jpg", "id": 10048, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-08-42.jpg", "id": 10049, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-54-34.jpg", "id": 10050, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-46-00.jpg", "id": 10051, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-36-14.jpg", "id": 10052, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-04-06.jpg", "id": 10053, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-06-32.jpg", "id": 10054, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-53-30.jpg", "id": 10055, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-28-20.jpg", "id": 10056, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-38-36.jpg", "id": 10057, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-20-56.jpg", "id": 10058, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-40-36.jpg", "id": 10059, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-16-02.jpg", "id": 10060, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-00-02.jpg", "id": 10061, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-29-12.jpg", "id": 10062, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-58-32.jpg", "id": 10063, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-49-32.jpg", "id": 10064, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-16-57-38.jpg", "id": 10065, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-48-58.jpg", "id": 10066, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-43-42.jpg", "id": 10067, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-14-42.jpg", "id": 10068, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-03-36.jpg", "id": 10069, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-48-24.jpg", "id": 10070, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-34-08.jpg", "id": 10071, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-17-34.jpg", "id": 10072, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-12-20.jpg", "id": 10073, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-56-16.jpg", "id": 10074, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-28-06.jpg", "id": 10075, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-53-54.jpg", "id": 10076, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-16-54-32.jpg", "id": 10077, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-39-00.jpg", "id": 10078, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-45-22.jpg", "id": 10079, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-43-44.jpg", "id": 10080, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-16-40.jpg", "id": 10081, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-36-00.jpg", "id": 10082, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-14-00.jpg", "id": 10083, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-59-12.jpg", "id": 10084, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-38-02.jpg", "id": 10085, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-00-52.jpg", "id": 10086, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-16-59-16.jpg", "id": 10087, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-07-08.jpg", "id": 10088, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-43-14.jpg", "id": 10089, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-09-34.jpg", "id": 10090, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-52-56.jpg", "id": 10091, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-45-00.jpg", "id": 10092, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-30-48.jpg", "id": 10093, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-48-40.jpg", "id": 10094, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-49-48.jpg", "id": 10095, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-01-48.jpg", "id": 10096, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-00-32.jpg", "id": 10097, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-01-02.jpg", "id": 10098, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-10-24.jpg", "id": 10099, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-16-55-04.jpg", "id": 10100, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-32-30.jpg", "id": 10101, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-00-26.jpg", "id": 10102, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-47-32.jpg", "id": 10103, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-37-02.jpg", "id": 10104, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-44-18.jpg", "id": 10105, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-42-54.jpg", "id": 10106, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-56-50.jpg", "id": 10107, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-57-06.jpg", "id": 10108, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-07-44.jpg", "id": 10109, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-56-14.jpg", "id": 10110, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-57-34.jpg", "id": 10111, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-57-52.jpg", "id": 10112, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-09-02.jpg", "id": 10113, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-02-18.jpg", "id": 10114, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-59-44.jpg", "id": 10115, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-53-06.jpg", "id": 10116, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-48-20.jpg", "id": 10117, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-18-06.jpg", "id": 10118, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-58-16.jpg", "id": 10119, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-28-18.jpg", "id": 10120, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-49-20.jpg", "id": 10121, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-53-02.jpg", "id": 10122, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-44-50.jpg", "id": 10123, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-54-12.jpg", "id": 10124, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-56-56.jpg", "id": 10125, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-16-53-42.jpg", "id": 10126, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-42-16.jpg", "id": 10127, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-04-18.jpg", "id": 10128, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-42-28.jpg", "id": 10129, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-57-12.jpg", "id": 10130, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-38-18.jpg", "id": 10131, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-10-38.jpg", "id": 10132, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-10-36.jpg", "id": 10133, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-35-10.jpg", "id": 10134, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-54-30.jpg", "id": 10135, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-51-20.jpg", "id": 10136, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-52-16.jpg", "id": 10137, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-17-04-10.jpg", "id": 10138, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-22-44.jpg", "id": 10139, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-10-06.jpg", "id": 10140, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-53-16.jpg", "id": 10141, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-18-44.jpg", "id": 10142, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-38-46.jpg", "id": 10143, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-55-00.jpg", "id": 10144, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-57-18.jpg", "id": 10145, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-55-56.jpg", "id": 10146, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-42-06.jpg", "id": 10147, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-30-16.jpg", "id": 10148, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-55-36.jpg", "id": 10149, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-08-04.jpg", "id": 10150, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-53-32.jpg", "id": 10151, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-39-56.jpg", "id": 10152, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-49-32.jpg", "id": 10153, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-26-52.jpg", "id": 10154, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-43-06.jpg", "id": 10155, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-45-52.jpg", "id": 10156, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-22-18.jpg", "id": 10157, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-33-22.jpg", "id": 10158, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-11-48.jpg", "id": 10159, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-48-14.jpg", "id": 10160, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-58-34.jpg", "id": 10161, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-05-30.jpg", "id": 10162, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-08-24.jpg", "id": 10163, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-05-52.jpg", "id": 10164, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-32-12.jpg", "id": 10165, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-36-12.jpg", "id": 10166, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-06-30.jpg", "id": 10167, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-07-40.jpg", "id": 10168, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-50-46.jpg", "id": 10169, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-51-54.jpg", "id": 10170, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-21-50.jpg", "id": 10171, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-33-54.jpg", "id": 10172, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-56-10.jpg", "id": 10173, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-21-58.jpg", "id": 10174, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-52-22.jpg", "id": 10175, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-27-04.jpg", "id": 10176, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-18-28.jpg", "id": 10177, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-34-40.jpg", "id": 10178, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-11-40.jpg", "id": 10179, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-34-12.jpg", "id": 10180, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-13-52.jpg", "id": 10181, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-44-12.jpg", "id": 10182, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-22-58.jpg", "id": 10183, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-31-50.jpg", "id": 10184, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-49-50.jpg", "id": 10185, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-09-34.jpg", "id": 10186, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-21-44.jpg", "id": 10187, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-57-28.jpg", "id": 10188, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-42-40.jpg", "id": 10189, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-55-16.jpg", "id": 10190, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-08-08.jpg", "id": 10191, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-15-52.jpg", "id": 10192, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-58-24.jpg", "id": 10193, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-13-44.jpg", "id": 10194, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-56-00.jpg", "id": 10195, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-48-34.jpg", "id": 10196, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-53-20.jpg", "id": 10197, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-32-24.jpg", "id": 10198, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-48-14.jpg", "id": 10199, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-37-38.jpg", "id": 10200, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-09-06.jpg", "id": 10201, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-04-36.jpg", "id": 10202, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-12-44.jpg", "id": 10203, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-01-04.jpg", "id": 10204, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-28-20.jpg", "id": 10205, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-46-08.jpg", "id": 10206, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-09-10.jpg", "id": 10207, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-07-12.jpg", "id": 10208, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-42-50.jpg", "id": 10209, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-38-16.jpg", "id": 10210, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-34-42.jpg", "id": 10211, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-30-42.jpg", "id": 10212, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-20-36.jpg", "id": 10213, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-53-02.jpg", "id": 10214, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-22-18.jpg", "id": 10215, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-33-44.jpg", "id": 10216, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-52-36.jpg", "id": 10217, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-57-16.jpg", "id": 10218, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-03-06.jpg", "id": 10219, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-05-10.jpg", "id": 10220, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-02-02.jpg", "id": 10221, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-09-42.jpg", "id": 10222, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-35-58.jpg", "id": 10223, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-00-58.jpg", "id": 10224, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-03-36.jpg", "id": 10225, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-30-34.jpg", "id": 10226, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-31-12.jpg", "id": 10227, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-36-20.jpg", "id": 10228, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-24-02.jpg", "id": 10229, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-17-12.jpg", "id": 10230, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-02-58.jpg", "id": 10231, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-48-10.jpg", "id": 10232, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-26-08.jpg", "id": 10233, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-59-00.jpg", "id": 10234, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-14-24.jpg", "id": 10235, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-37-26.jpg", "id": 10236, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-41-42.jpg", "id": 10237, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-27-40.jpg", "id": 10238, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-37-34.jpg", "id": 10239, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-03-14.jpg", "id": 10240, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-20-16.jpg", "id": 10241, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-53-16.jpg", "id": 10242, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-02-26.jpg", "id": 10243, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-09-44.jpg", "id": 10244, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-02-26.jpg", "id": 10245, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-09-56.jpg", "id": 10246, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-32-02.jpg", "id": 10247, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-01-48.jpg", "id": 10248, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-18-02.jpg", "id": 10249, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-55-24.jpg", "id": 10250, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-39-06.jpg", "id": 10251, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-07-56.jpg", "id": 10252, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-03-10.jpg", "id": 10253, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-30-12.jpg", "id": 10254, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-15-04.jpg", "id": 10255, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-22-30.jpg", "id": 10256, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-24-14.jpg", "id": 10257, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-02-44.jpg", "id": 10258, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-24-26.jpg", "id": 10259, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-35-50.jpg", "id": 10260, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-36-04.jpg", "id": 10261, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-18-58.jpg", "id": 10262, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-59-00.jpg", "id": 10263, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-31-14.jpg", "id": 10264, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-20-50.jpg", "id": 10265, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-01-30.jpg", "id": 10266, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-03-46.jpg", "id": 10267, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-33-22.jpg", "id": 10268, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-01-58.jpg", "id": 10269, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-16-42.jpg", "id": 10270, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-12-10.jpg", "id": 10271, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-36-30.jpg", "id": 10272, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-56-42.jpg", "id": 10273, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-52-44.jpg", "id": 10274, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-35-24.jpg", "id": 10275, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-28-04.jpg", "id": 10276, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-26-24.jpg", "id": 10277, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-25-28.jpg", "id": 10278, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-19-06.jpg", "id": 10279, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-21-00.jpg", "id": 10280, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-56-46.jpg", "id": 10281, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-39-32.jpg", "id": 10282, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-49-04.jpg", "id": 10283, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-46-48.jpg", "id": 10284, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-58-36.jpg", "id": 10285, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-57-26.jpg", "id": 10286, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-16-18.jpg", "id": 10287, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-45-06.jpg", "id": 10288, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-35-26.jpg", "id": 10289, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-34-38.jpg", "id": 10290, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-34-44.jpg", "id": 10291, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-25-56.jpg", "id": 10292, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-36-34.jpg", "id": 10293, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-46-36.jpg", "id": 10294, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-01-34.jpg", "id": 10295, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-40-50.jpg", "id": 10296, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-06-34.jpg", "id": 10297, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-01-08.jpg", "id": 10298, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-32-16.jpg", "id": 10299, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-19-04.jpg", "id": 10300, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-14-32.jpg", "id": 10301, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-04-12.jpg", "id": 10302, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-53-00.jpg", "id": 10303, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-37-56.jpg", "id": 10304, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-30-16.jpg", "id": 10305, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-20-16.jpg", "id": 10306, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-47-28.jpg", "id": 10307, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-45-44.jpg", "id": 10308, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-19-56.jpg", "id": 10309, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-55-48.jpg", "id": 10310, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-14-56.jpg", "id": 10311, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-21-22.jpg", "id": 10312, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-24-26.jpg", "id": 10313, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-59-12.jpg", "id": 10314, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-21-52.jpg", "id": 10315, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-35-12.jpg", "id": 10316, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-24-26.jpg", "id": 10317, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-36-30.jpg", "id": 10318, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-03-40.jpg", "id": 10319, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-41-48.jpg", "id": 10320, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-46-04.jpg", "id": 10321, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-37-14.jpg", "id": 10322, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-41-24.jpg", "id": 10323, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-53-50.jpg", "id": 10324, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-38-44.jpg", "id": 10325, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-57-08.jpg", "id": 10326, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-17-46.jpg", "id": 10327, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-29-56.jpg", "id": 10328, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-00-10.jpg", "id": 10329, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-57-46.jpg", "id": 10330, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-23-12.jpg", "id": 10331, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-19-30.jpg", "id": 10332, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-22-44.jpg", "id": 10333, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-54-02.jpg", "id": 10334, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-09-14.jpg", "id": 10335, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-23-22.jpg", "id": 10336, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-55-14.jpg", "id": 10337, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-09-20.jpg", "id": 10338, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-21-10.jpg", "id": 10339, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-54-22.jpg", "id": 10340, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-13-14.jpg", "id": 10341, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-06-08.jpg", "id": 10342, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-58-18.jpg", "id": 10343, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-27-02.jpg", "id": 10344, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-08-40.jpg", "id": 10345, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-51-02.jpg", "id": 10346, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-35-10.jpg", "id": 10347, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-02-34.jpg", "id": 10348, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-16-56.jpg", "id": 10349, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-47-50.jpg", "id": 10350, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-35-12.jpg", "id": 10351, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-52-14.jpg", "id": 10352, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-20-44.jpg", "id": 10353, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-36-30.jpg", "id": 10354, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-52-42.jpg", "id": 10355, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-24-52.jpg", "id": 10356, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-15-46.jpg", "id": 10357, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-54-10.jpg", "id": 10358, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-16-00.jpg", "id": 10359, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-21-22.jpg", "id": 10360, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-58-34.jpg", "id": 10361, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-38-38.jpg", "id": 10362, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-21-12.jpg", "id": 10363, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-47-20.jpg", "id": 10364, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-09-52.jpg", "id": 10365, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-01-30.jpg", "id": 10366, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-08-52.jpg", "id": 10367, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-54-38.jpg", "id": 10368, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-07-04.jpg", "id": 10369, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-39-06.jpg", "id": 10370, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-44-16.jpg", "id": 10371, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-03-54.jpg", "id": 10372, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-23-54.jpg", "id": 10373, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-57-48.jpg", "id": 10374, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-18-14.jpg", "id": 10375, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-55-56.jpg", "id": 10376, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-01-16.jpg", "id": 10377, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-41-22.jpg", "id": 10378, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-17-06-44.jpg", "id": 10379, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-03-34.jpg", "id": 10380, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-00-30.jpg", "id": 10381, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-09-30.jpg", "id": 10382, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-51-54.jpg", "id": 10383, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-02-24.jpg", "id": 10384, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-52-32.jpg", "id": 10385, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-54-06.jpg", "id": 10386, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-16-16.jpg", "id": 10387, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-30-12.jpg", "id": 10388, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-03-04.jpg", "id": 10389, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-49-58.jpg", "id": 10390, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-57-40.jpg", "id": 10391, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-20-30.jpg", "id": 10392, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-57-10.jpg", "id": 10393, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-27-32.jpg", "id": 10394, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-29-28.jpg", "id": 10395, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-59-38.jpg", "id": 10396, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-16-46.jpg", "id": 10397, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-57-56.jpg", "id": 10398, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-01-06.jpg", "id": 10399, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-30-36.jpg", "id": 10400, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-20-46.jpg", "id": 10401, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-16-00-54.jpg", "id": 10402, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-15-16.jpg", "id": 10403, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-36-10.jpg", "id": 10404, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-20-14.jpg", "id": 10405, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-17-09-30.jpg", "id": 10406, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-46-24.jpg", "id": 10407, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-36-52.jpg", "id": 10408, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-17-07-44.jpg", "id": 10409, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-50-20.jpg", "id": 10410, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-47-32.jpg", "id": 10411, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-19-03-34.jpg", "id": 10412, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-58-16.jpg", "id": 10413, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-49-34.jpg", "id": 10414, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-09-52.jpg", "id": 10415, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-46-36.jpg", "id": 10416, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-50-26.jpg", "id": 10417, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-57-00.jpg", "id": 10418, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-55-28.jpg", "id": 10419, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-29-02.jpg", "id": 10420, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-31-46.jpg", "id": 10421, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-11-08.jpg", "id": 10422, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-16-48.jpg", "id": 10423, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-17-05-18.jpg", "id": 10424, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-00-22.jpg", "id": 10425, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-54-58.jpg", "id": 10426, "height": 3036, "width": 4024}], "annotations": [{"image_id": 10000, "bbox": [2664, 563, 1044, 1240], "category_id": 2, "id": 0, "iscrowd": 0, "weight": 0.6139048829068122, "segmentation": [], "area": 1294560}, {"image_id": 10000, "bbox": [641, 1437, 70, 67], "category_id": 1, "id": 1, "iscrowd": 0, "weight": 0.09853199183654804, "segmentation": [], "area": 4690}, {"image_id": 10001, "bbox": [2248, 883, 680, 220], "category_id": 1, "id": 2, "iscrowd": 0, "weight": 0.4725961956577749, "segmentation": [], "area": 149600}, {"image_id": 10001, "bbox": [2131, 701, 421, 355], "category_id": 1, "id": 3, "iscrowd": 0, "weight": 0.34263898515067315, "segmentation": [], "area": 149455}, {"image_id": 10002, "bbox": [3188, 1773, 562, 1262], "category_id": 0, "id": 4, "iscrowd": 0, "weight": 0.34257723281324215, "segmentation": [], "area": 709244}, {"image_id": 10003, "bbox": [2571, 2647, 1355, 388], "category_id": 2, "id": 5, "iscrowd": 0, "weight": 0.18209087462862528, "segmentation": [], "area": 525740}, {"image_id": 10004, "bbox": [2192, 2029, 351, 384], "category_id": 0, "id": 6, "iscrowd": 0, "weight": 0.7982888345984732, "segmentation": [], "area": 134784}, {"image_id": 10004, "bbox": [2227, 1303, 336, 717], "category_id": 0, "id": 7, "iscrowd": 0, "weight": 0.7227989126894431, "segmentation": [], "area": 240912}, {"image_id": 10004, "bbox": [2274, 830, 314, 440], "category_id": 0, "id": 8, "iscrowd": 0, "weight": 0.4136607012765473, "segmentation": [], "area": 138160}, {"image_id": 10005, "bbox": [1644, 753, 180, 157], "category_id": 0, "id": 9, "iscrowd": 0, "weight": 0.22103379688921598, "segmentation": [], "area": 28260}, {"image_id": 10005, "bbox": [1614, 893, 580, 920], "category_id": 0, "id": 10, "iscrowd": 0, "weight": 0.9291215857542612, "segmentation": [], "area": 533600}, {"image_id": 10005, "bbox": [1981, 1813, 127, 117], "category_id": 0, "id": 11, "iscrowd": 0, "weight": 0.07818433271706349, "segmentation": [], "area": 14859}, {"image_id": 10005, "bbox": [2631, 1657, 573, 980], "category_id": 2, "id": 12, "iscrowd": 0, "weight": 0.6096246523276041, "segmentation": [], "area": 561540}, {"image_id": 10006, "bbox": [1448, 833, 766, 714], "category_id": 2, "id": 13, "iscrowd": 0, "weight": 0.6952802436967769, "segmentation": [], "area": 546924}, {"image_id": 10006, "bbox": [2064, 1837, 804, 483], "category_id": 2, "id": 14, "iscrowd": 0, "weight": 0.6336227078445869, "segmentation": [], "area": 388332}, {"image_id": 10006, "bbox": [2764, 607, 640, 506], "category_id": 1, "id": 15, "iscrowd": 0, "weight": 0.6419351057049856, "segmentation": [], "area": 323840}, {"image_id": 10007, "bbox": [2881, 1870, 933, 1165], "category_id": 0, "id": 16, "iscrowd": 0, "weight": 0.5178164912048935, "segmentation": [], "area": 1086945}, {"image_id": 10008, "bbox": [1160, 1033, 1278, 329], "category_id": 0, "id": 17, "iscrowd": 0, "weight": 0.5696246965152401, "segmentation": [], "area": 420462}, {"image_id": 10008, "bbox": [2233, 1789, 38, 95], "category_id": 1, "id": 18, "iscrowd": 0, "weight": 0.8713735545410756, "segmentation": [], "area": 3610}, {"image_id": 10008, "bbox": [2625, 1454, 37, 54], "category_id": 1, "id": 19, "iscrowd": 0, "weight": 0.581470238634097, "segmentation": [], "area": 1998}, {"image_id": 10008, "bbox": [1968, 1760, 30, 62], "category_id": 1, "id": 20, "iscrowd": 0, "weight": 0.09832194968520669, "segmentation": [], "area": 1860}, {"image_id": 10008, "bbox": [995, 1473, 784, 455], "category_id": 0, "id": 21, "iscrowd": 0, "weight": 0.7659663327730625, "segmentation": [], "area": 356720}, {"image_id": 10008, "bbox": [1079, 2033, 316, 180], "category_id": 0, "id": 22, "iscrowd": 0, "weight": 0.27911674730311153, "segmentation": [], "area": 56880}, {"image_id": 10008, "bbox": [3101, 1416, 105, 35], "category_id": 2, "id": 23, "iscrowd": 0, "weight": 0.3879289444729913, "segmentation": [], "area": 3675}, {"image_id": 10009, "bbox": [1298, 273, 870, 740], "category_id": 2, "id": 24, "iscrowd": 0, "weight": 0.37475207936588306, "segmentation": [], "area": 643800}, {"image_id": 10009, "bbox": [1864, 627, 564, 1020], "category_id": 1, "id": 25, "iscrowd": 0, "weight": 0.399719639866038, "segmentation": [], "area": 575280}, {"image_id": 10010, "bbox": [1691, 917, 237, 230], "category_id": 0, "id": 26, "iscrowd": 0, "weight": 0.5778412755980071, "segmentation": [], "area": 54510}, {"image_id": 10010, "bbox": [2094, 933, 370, 244], "category_id": 0, "id": 27, "iscrowd": 0, "weight": 0.08123962529682816, "segmentation": [], "area": 90280}, {"image_id": 10010, "bbox": [1724, 1250, 500, 470], "category_id": 0, "id": 28, "iscrowd": 0, "weight": 0.9424313743617583, "segmentation": [], "area": 235000}, {"image_id": 10010, "bbox": [2088, 1807, 596, 230], "category_id": 0, "id": 29, "iscrowd": 0, "weight": 0.978623629631266, "segmentation": [], "area": 137080}, {"image_id": 10010, "bbox": [0, 1068, 401, 992], "category_id": 2, "id": 30, "iscrowd": 0, "weight": 0.8842514889868921, "segmentation": [], "area": 397792}, {"image_id": 10010, "bbox": [2098, 1258, 529, 449], "category_id": 0, "id": 31, "iscrowd": 0, "weight": 0.7387171018613657, "segmentation": [], "area": 237521}, {"image_id": 10011, "bbox": [124, 2040, 590, 860], "category_id": 2, "id": 32, "iscrowd": 0, "weight": 0.19501629294108047, "segmentation": [], "area": 507400}, {"image_id": 10011, "bbox": [1543, 1957, 52, 49], "category_id": 1, "id": 33, "iscrowd": 0, "weight": 0.713867715796706, "segmentation": [], "area": 2548}, {"image_id": 10012, "bbox": [2618, 783, 450, 227], "category_id": 0, "id": 34, "iscrowd": 0, "weight": 0.14317903494736361, "segmentation": [], "area": 102150}, {"image_id": 10012, "bbox": [2684, 1007, 540, 523], "category_id": 0, "id": 35, "iscrowd": 0, "weight": 0.9576000241778327, "segmentation": [], "area": 282420}, {"image_id": 10012, "bbox": [2554, 1483, 730, 610], "category_id": 0, "id": 36, "iscrowd": 0, "weight": 0.44573374663815957, "segmentation": [], "area": 445300}, {"image_id": 10012, "bbox": [1834, 1437, 664, 203], "category_id": 1, "id": 37, "iscrowd": 0, "weight": 0.5910522551994207, "segmentation": [], "area": 134792}, {"image_id": 10012, "bbox": [1638, 1530, 903, 227], "category_id": 1, "id": 38, "iscrowd": 0, "weight": 0.7841198992393104, "segmentation": [], "area": 204981}, {"image_id": 10013, "bbox": [638, 193, 1816, 1497], "category_id": 1, "id": 39, "iscrowd": 0, "weight": 0.4143815794002139, "segmentation": [], "area": 2718552}, {"image_id": 10014, "bbox": [961, 1597, 873, 520], "category_id": 2, "id": 40, "iscrowd": 0, "weight": 0.8030069070711866, "segmentation": [], "area": 453960}, {"image_id": 10015, "bbox": [1476, 1300, 609, 575], "category_id": 0, "id": 41, "iscrowd": 0, "weight": 0.3350295800574379, "segmentation": [], "area": 350175}, {"image_id": 10015, "bbox": [1371, 1777, 597, 616], "category_id": 0, "id": 42, "iscrowd": 0, "weight": 0.2715926097206913, "segmentation": [], "area": 367752}, {"image_id": 10015, "bbox": [1794, 1057, 437, 293], "category_id": 0, "id": 43, "iscrowd": 0, "weight": 0.13664418312681914, "segmentation": [], "area": 128041}, {"image_id": 10015, "bbox": [3023, 2049, 21, 40], "category_id": 1, "id": 44, "iscrowd": 0, "weight": 0.9152790759609869, "segmentation": [], "area": 840}, {"image_id": 10015, "bbox": [2504, 1856, 80, 96], "category_id": 1, "id": 45, "iscrowd": 0, "weight": 0.04634844090333168, "segmentation": [], "area": 7680}, {"image_id": 10015, "bbox": [3218, 2714, 250, 155], "category_id": 2, "id": 46, "iscrowd": 0, "weight": 0.5586174134443335, "segmentation": [], "area": 38750}, {"image_id": 10015, "bbox": [3817, 2358, 155, 231], "category_id": 2, "id": 47, "iscrowd": 0, "weight": 0.7255747219277559, "segmentation": [], "area": 35805}, {"image_id": 10016, "bbox": [1894, 1287, 467, 116], "category_id": 1, "id": 48, "iscrowd": 0, "weight": 0.5008592776581854, "segmentation": [], "area": 54172}, {"image_id": 10016, "bbox": [788, 1700, 903, 377], "category_id": 0, "id": 49, "iscrowd": 0, "weight": 0.16801028622837244, "segmentation": [], "area": 340431}, {"image_id": 10016, "bbox": [651, 1620, 340, 233], "category_id": 0, "id": 50, "iscrowd": 0, "weight": 0.029774432528746786, "segmentation": [], "area": 79220}, {"image_id": 10016, "bbox": [118, 2257, 703, 693], "category_id": 2, "id": 51, "iscrowd": 0, "weight": 0.9561360419763794, "segmentation": [], "area": 487179}, {"image_id": 10017, "bbox": [1884, 467, 400, 506], "category_id": 0, "id": 52, "iscrowd": 0, "weight": 0.11396217648135742, "segmentation": [], "area": 202400}, {"image_id": 10017, "bbox": [698, 1637, 590, 667], "category_id": 1, "id": 53, "iscrowd": 0, "weight": 0.3669046660956955, "segmentation": [], "area": 393530}, {"image_id": 10017, "bbox": [8, 1833, 433, 914], "category_id": 2, "id": 54, "iscrowd": 0, "weight": 0.3202811907868338, "segmentation": [], "area": 395762}, {"image_id": 10017, "bbox": [1874, 890, 424, 727], "category_id": 0, "id": 55, "iscrowd": 0, "weight": 0.43070114179754926, "segmentation": [], "area": 308248}, {"image_id": 10018, "bbox": [2498, 1533, 710, 624], "category_id": 1, "id": 56, "iscrowd": 0, "weight": 0.9623384630358259, "segmentation": [], "area": 443040}, {"image_id": 10018, "bbox": [3114, 2037, 757, 806], "category_id": 2, "id": 57, "iscrowd": 0, "weight": 0.8827222236923512, "segmentation": [], "area": 610142}, {"image_id": 10018, "bbox": [2028, 763, 1013, 446], "category_id": 0, "id": 58, "iscrowd": 0, "weight": 0.8405955730187284, "segmentation": [], "area": 451798}, {"image_id": 10018, "bbox": [1954, 900, 254, 230], "category_id": 0, "id": 59, "iscrowd": 0, "weight": 0.30586900672687933, "segmentation": [], "area": 58420}, {"image_id": 10019, "bbox": [317, 1568, 687, 1262], "category_id": 0, "id": 60, "iscrowd": 0, "weight": 0.0809982454373952, "segmentation": [], "area": 866994}, {"image_id": 10020, "bbox": [1824, 843, 244, 140], "category_id": 0, "id": 61, "iscrowd": 0, "weight": 0.41164058528644654, "segmentation": [], "area": 34160}, {"image_id": 10020, "bbox": [2018, 900, 690, 313], "category_id": 0, "id": 62, "iscrowd": 0, "weight": 0.5303249705709453, "segmentation": [], "area": 215970}, {"image_id": 10020, "bbox": [2691, 567, 750, 106], "category_id": 1, "id": 63, "iscrowd": 0, "weight": 0.9521087073113539, "segmentation": [], "area": 79500}, {"image_id": 10020, "bbox": [1851, 1807, 430, 323], "category_id": 2, "id": 64, "iscrowd": 0, "weight": 0.814109923858392, "segmentation": [], "area": 138890}, {"image_id": 10021, "bbox": [2124, 1063, 600, 300], "category_id": 1, "id": 65, "iscrowd": 0, "weight": 0.16381548722725225, "segmentation": [], "area": 180000}, {"image_id": 10021, "bbox": [1111, 1003, 687, 584], "category_id": 0, "id": 66, "iscrowd": 0, "weight": 0.8329609485230134, "segmentation": [], "area": 401208}, {"image_id": 10021, "bbox": [1344, 1243, 824, 577], "category_id": 0, "id": 67, "iscrowd": 0, "weight": 0.8589215062318041, "segmentation": [], "area": 475448}, {"image_id": 10021, "bbox": [1954, 1677, 384, 290], "category_id": 0, "id": 68, "iscrowd": 0, "weight": 0.3050208958986135, "segmentation": [], "area": 111360}, {"image_id": 10022, "bbox": [1424, 1547, 737, 703], "category_id": 1, "id": 69, "iscrowd": 0, "weight": 0.9450197434561721, "segmentation": [], "area": 518111}, {"image_id": 10022, "bbox": [354, 1853, 690, 317], "category_id": 0, "id": 70, "iscrowd": 0, "weight": 0.6489394705672387, "segmentation": [], "area": 218730}, {"image_id": 10022, "bbox": [858, 2010, 436, 383], "category_id": 0, "id": 71, "iscrowd": 0, "weight": 0.8969318302908338, "segmentation": [], "area": 166988}, {"image_id": 10023, "bbox": [1918, 1283, 373, 490], "category_id": 0, "id": 72, "iscrowd": 0, "weight": 0.2797976138426973, "segmentation": [], "area": 182770}, {"image_id": 10023, "bbox": [2228, 1670, 130, 107], "category_id": 0, "id": 73, "iscrowd": 0, "weight": 0.5190096272506699, "segmentation": [], "area": 13910}, {"image_id": 10023, "bbox": [3711, 0, 312, 790], "category_id": 2, "id": 74, "iscrowd": 0, "weight": 0.2717684634105588, "segmentation": [], "area": 246480}, {"image_id": 10024, "bbox": [1971, 1153, 817, 357], "category_id": 1, "id": 75, "iscrowd": 0, "weight": 0.5504629774717367, "segmentation": [], "area": 291669}, {"image_id": 10024, "bbox": [3388, 1870, 626, 1013], "category_id": 2, "id": 76, "iscrowd": 0, "weight": 0.1482702668410606, "segmentation": [], "area": 634138}, {"image_id": 10024, "bbox": [1451, 359, 96, 79], "category_id": 0, "id": 77, "iscrowd": 0, "weight": 0.2363005963460827, "segmentation": [], "area": 7584}, {"image_id": 10024, "bbox": [1004, 509, 659, 1235], "category_id": 0, "id": 78, "iscrowd": 0, "weight": 0.9114708876387259, "segmentation": [], "area": 813865}, {"image_id": 10025, "bbox": [1688, 1237, 873, 410], "category_id": 1, "id": 79, "iscrowd": 0, "weight": 0.9866287056728129, "segmentation": [], "area": 357930}, {"image_id": 10025, "bbox": [2571, 1683, 323, 210], "category_id": 1, "id": 80, "iscrowd": 0, "weight": 0.9902334741613263, "segmentation": [], "area": 67830}, {"image_id": 10025, "bbox": [1981, 763, 837, 144], "category_id": 2, "id": 81, "iscrowd": 0, "weight": 0.018356579679546514, "segmentation": [], "area": 120528}, {"image_id": 10025, "bbox": [401, 1123, 933, 420], "category_id": 0, "id": 82, "iscrowd": 0, "weight": 0.7400817627413441, "segmentation": [], "area": 391860}, {"image_id": 10025, "bbox": [74, 970, 364, 400], "category_id": 0, "id": 83, "iscrowd": 0, "weight": 0.2942517608805397, "segmentation": [], "area": 145600}, {"image_id": 10025, "bbox": [0, 1354, 1205, 530], "category_id": 0, "id": 84, "iscrowd": 0, "weight": 0.9510359280963877, "segmentation": [], "area": 638650}, {"image_id": 10025, "bbox": [1282, 1668, 297, 365], "category_id": 0, "id": 85, "iscrowd": 0, "weight": 0.4960266786631443, "segmentation": [], "area": 108405}, {"image_id": 10026, "bbox": [1638, 1390, 183, 547], "category_id": 1, "id": 86, "iscrowd": 0, "weight": 0.3391925126885895, "segmentation": [], "area": 100101}, {"image_id": 10026, "bbox": [638, 1773, 883, 727], "category_id": 1, "id": 87, "iscrowd": 0, "weight": 0.3553622122431397, "segmentation": [], "area": 641941}, {"image_id": 10026, "bbox": [341, 2323, 163, 617], "category_id": 1, "id": 88, "iscrowd": 0, "weight": 0.0832765654333435, "segmentation": [], "area": 100571}, {"image_id": 10026, "bbox": [3401, 377, 327, 753], "category_id": 0, "id": 89, "iscrowd": 0, "weight": 0.6934368105913334, "segmentation": [], "area": 246231}, {"image_id": 10027, "bbox": [2844, 1087, 816, 526], "category_id": 0, "id": 90, "iscrowd": 0, "weight": 0.8146560869862, "segmentation": [], "area": 429216}, {"image_id": 10027, "bbox": [3637, 1568, 335, 219], "category_id": 0, "id": 91, "iscrowd": 0, "weight": 0.9340644501875274, "segmentation": [], "area": 73365}, {"image_id": 10028, "bbox": [1118, 1181, 313, 321], "category_id": 0, "id": 92, "iscrowd": 0, "weight": 0.03386279311022011, "segmentation": [], "area": 100473}, {"image_id": 10028, "bbox": [1378, 1397, 803, 396], "category_id": 0, "id": 93, "iscrowd": 0, "weight": 0.22916525150969957, "segmentation": [], "area": 317988}, {"image_id": 10028, "bbox": [1968, 1657, 410, 193], "category_id": 0, "id": 94, "iscrowd": 0, "weight": 0.5430187211438479, "segmentation": [], "area": 79130}, {"image_id": 10029, "bbox": [1724, 1303, 537, 350], "category_id": 1, "id": 95, "iscrowd": 0, "weight": 0.3183695052420502, "segmentation": [], "area": 187950}, {"image_id": 10029, "bbox": [2641, 1970, 1173, 1013], "category_id": 0, "id": 96, "iscrowd": 0, "weight": 0.5678179553879757, "segmentation": [], "area": 1188249}, {"image_id": 10030, "bbox": [551, 283, 753, 800], "category_id": 0, "id": 97, "iscrowd": 0, "weight": 0.16385875722530885, "segmentation": [], "area": 602400}, {"image_id": 10030, "bbox": [3574, 2313, 87, 164], "category_id": 2, "id": 98, "iscrowd": 0, "weight": 0.3502641473368996, "segmentation": [], "area": 14268}, {"image_id": 10030, "bbox": [3137, 2390, 320, 287], "category_id": 2, "id": 99, "iscrowd": 0, "weight": 0.26517037915523134, "segmentation": [], "area": 91840}, {"image_id": 10031, "bbox": [779, 672, 459, 128], "category_id": 2, "id": 100, "iscrowd": 0, "weight": 0.020698641230122883, "segmentation": [], "area": 58752}, {"image_id": 10031, "bbox": [1441, 1101, 554, 572], "category_id": 1, "id": 101, "iscrowd": 0, "weight": 0.9860350954280803, "segmentation": [], "area": 316888}, {"image_id": 10031, "bbox": [231, 840, 257, 113], "category_id": 2, "id": 102, "iscrowd": 0, "weight": 0.20595449923551123, "segmentation": [], "area": 29041}, {"image_id": 10031, "bbox": [4, 1490, 1414, 753], "category_id": 2, "id": 103, "iscrowd": 0, "weight": 0.15440590980758628, "segmentation": [], "area": 1064742}, {"image_id": 10031, "bbox": [3551, 1097, 472, 1044], "category_id": 0, "id": 104, "iscrowd": 0, "weight": 0.61630424482453, "segmentation": [], "area": 492768}, {"image_id": 10031, "bbox": [1892, 707, 239, 339], "category_id": 1, "id": 105, "iscrowd": 0, "weight": 0.3170290561939363, "segmentation": [], "area": 81021}, {"image_id": 10031, "bbox": [1398, 711, 439, 264], "category_id": 2, "id": 106, "iscrowd": 0, "weight": 0.4569039834145556, "segmentation": [], "area": 115896}, {"image_id": 10031, "bbox": [1763, 1733, 268, 162], "category_id": 1, "id": 107, "iscrowd": 0, "weight": 0.7853143170567427, "segmentation": [], "area": 43416}, {"image_id": 10032, "bbox": [1698, 827, 396, 156], "category_id": 0, "id": 108, "iscrowd": 0, "weight": 0.2568402895528673, "segmentation": [], "area": 61776}, {"image_id": 10032, "bbox": [964, 877, 777, 283], "category_id": 0, "id": 109, "iscrowd": 0, "weight": 0.14092756270782436, "segmentation": [], "area": 219891}, {"image_id": 10032, "bbox": [1348, 1690, 703, 480], "category_id": 2, "id": 110, "iscrowd": 0, "weight": 0.6065432227979076, "segmentation": [], "area": 337440}, {"image_id": 10033, "bbox": [1172, 547, 806, 295], "category_id": 0, "id": 111, "iscrowd": 0, "weight": 0.8177470219625553, "segmentation": [], "area": 237770}, {"image_id": 10033, "bbox": [1271, 913, 553, 460], "category_id": 0, "id": 112, "iscrowd": 0, "weight": 0.8166762481881131, "segmentation": [], "area": 254380}, {"image_id": 10033, "bbox": [1341, 1443, 406, 264], "category_id": 0, "id": 113, "iscrowd": 0, "weight": 0.38943625179262875, "segmentation": [], "area": 107184}, {"image_id": 10033, "bbox": [0, 1480, 264, 205], "category_id": 0, "id": 114, "iscrowd": 0, "weight": 0.7690509536850372, "segmentation": [], "area": 54120}, {"image_id": 10033, "bbox": [2004, 877, 624, 436], "category_id": 1, "id": 115, "iscrowd": 0, "weight": 0.799639587882049, "segmentation": [], "area": 272064}, {"image_id": 10033, "bbox": [2658, 1090, 890, 323], "category_id": 1, "id": 116, "iscrowd": 0, "weight": 0.2791257434754061, "segmentation": [], "area": 287470}, {"image_id": 10033, "bbox": [3044, 653, 979, 1204], "category_id": 2, "id": 117, "iscrowd": 0, "weight": 0.7299035365426036, "segmentation": [], "area": 1178716}, {"image_id": 10034, "bbox": [2747, 2027, 1037, 667], "category_id": 0, "id": 118, "iscrowd": 0, "weight": 0.5924664039096936, "segmentation": [], "area": 691679}, {"image_id": 10035, "bbox": [1138, 830, 196, 110], "category_id": 1, "id": 119, "iscrowd": 0, "weight": 0.12042861038699892, "segmentation": [], "area": 21560}, {"image_id": 10035, "bbox": [3011, 2077, 483, 730], "category_id": 1, "id": 120, "iscrowd": 0, "weight": 0.43904642424974527, "segmentation": [], "area": 352590}, {"image_id": 10036, "bbox": [2368, 1277, 270, 183], "category_id": 0, "id": 121, "iscrowd": 0, "weight": 0.8194810148180766, "segmentation": [], "area": 49410}, {"image_id": 10036, "bbox": [2268, 1393, 756, 937], "category_id": 0, "id": 122, "iscrowd": 0, "weight": 0.9211689230974284, "segmentation": [], "area": 708372}, {"image_id": 10036, "bbox": [1414, 1220, 654, 83], "category_id": 1, "id": 123, "iscrowd": 0, "weight": 0.11313317297199221, "segmentation": [], "area": 54282}, {"image_id": 10037, "bbox": [3634, 261, 284, 1023], "category_id": 2, "id": 124, "iscrowd": 0, "weight": 0.9983900619253895, "segmentation": [], "area": 290532}, {"image_id": 10037, "bbox": [2824, 1110, 466, 387], "category_id": 2, "id": 125, "iscrowd": 0, "weight": 0.6649191737944733, "segmentation": [], "area": 180342}, {"image_id": 10038, "bbox": [2128, 1010, 1006, 347], "category_id": 0, "id": 126, "iscrowd": 0, "weight": 0.5059077101909447, "segmentation": [], "area": 349082}, {"image_id": 10038, "bbox": [3568, 83, 450, 970], "category_id": 2, "id": 127, "iscrowd": 0, "weight": 0.36490029685237646, "segmentation": [], "area": 436500}, {"image_id": 10039, "bbox": [3018, 1303, 493, 97], "category_id": 1, "id": 128, "iscrowd": 0, "weight": 0.14026434843712543, "segmentation": [], "area": 47821}, {"image_id": 10040, "bbox": [3218, 1104, 163, 39], "category_id": 0, "id": 129, "iscrowd": 0, "weight": 0.07969791226190592, "segmentation": [], "area": 6357}, {"image_id": 10040, "bbox": [2716, 1222, 804, 515], "category_id": 0, "id": 130, "iscrowd": 0, "weight": 0.28479062276948575, "segmentation": [], "area": 414060}, {"image_id": 10040, "bbox": [2626, 1821, 235, 75], "category_id": 0, "id": 131, "iscrowd": 0, "weight": 0.198084584840595, "segmentation": [], "area": 17625}, {"image_id": 10041, "bbox": [3081, 2687, 523, 286], "category_id": 0, "id": 132, "iscrowd": 0, "weight": 0.20114435117000262, "segmentation": [], "area": 149578}, {"image_id": 10041, "bbox": [2551, 1767, 790, 863], "category_id": 0, "id": 133, "iscrowd": 0, "weight": 0.7821182984098228, "segmentation": [], "area": 681770}, {"image_id": 10042, "bbox": [2034, 1483, 1494, 160], "category_id": 1, "id": 134, "iscrowd": 0, "weight": 0.7629436299998396, "segmentation": [], "area": 239040}, {"image_id": 10043, "bbox": [1518, 1343, 1113, 361], "category_id": 0, "id": 135, "iscrowd": 0, "weight": 0.8666894327192544, "segmentation": [], "area": 401793}, {"image_id": 10043, "bbox": [1141, 1267, 453, 200], "category_id": 0, "id": 136, "iscrowd": 0, "weight": 0.7792221915466507, "segmentation": [], "area": 90600}, {"image_id": 10043, "bbox": [2147, 1778, 93, 45], "category_id": 0, "id": 137, "iscrowd": 0, "weight": 0.18050435190622505, "segmentation": [], "area": 4185}, {"image_id": 10044, "bbox": [1204, 500, 224, 160], "category_id": 0, "id": 138, "iscrowd": 0, "weight": 0.5535345672243923, "segmentation": [], "area": 35840}, {"image_id": 10044, "bbox": [418, 490, 840, 617], "category_id": 0, "id": 139, "iscrowd": 0, "weight": 0.15284478781211297, "segmentation": [], "area": 518280}, {"image_id": 10044, "bbox": [198, 867, 256, 353], "category_id": 0, "id": 140, "iscrowd": 0, "weight": 0.37049120559644855, "segmentation": [], "area": 90368}, {"image_id": 10044, "bbox": [1144, 923, 270, 404], "category_id": 1, "id": 141, "iscrowd": 0, "weight": 0.2563751915092237, "segmentation": [], "area": 109080}, {"image_id": 10044, "bbox": [1228, 1140, 353, 277], "category_id": 1, "id": 142, "iscrowd": 0, "weight": 0.46900481569012675, "segmentation": [], "area": 97781}, {"image_id": 10045, "bbox": [127, 904, 287, 433], "category_id": 0, "id": 143, "iscrowd": 0, "weight": 0.9594375009376167, "segmentation": [], "area": 124271}, {"image_id": 10045, "bbox": [364, 1210, 647, 553], "category_id": 0, "id": 144, "iscrowd": 0, "weight": 0.20847493082060442, "segmentation": [], "area": 357791}, {"image_id": 10045, "bbox": [661, 1820, 490, 160], "category_id": 0, "id": 145, "iscrowd": 0, "weight": 0.5065586787588916, "segmentation": [], "area": 78400}, {"image_id": 10046, "bbox": [2828, 860, 780, 367], "category_id": 0, "id": 146, "iscrowd": 0, "weight": 0.5824580521214464, "segmentation": [], "area": 286260}, {"image_id": 10046, "bbox": [928, 1273, 976, 618], "category_id": 1, "id": 147, "iscrowd": 0, "weight": 0.2189572722596751, "segmentation": [], "area": 603168}, {"image_id": 10046, "bbox": [879, 837, 1009, 232], "category_id": 2, "id": 148, "iscrowd": 0, "weight": 0.21166771381182903, "segmentation": [], "area": 234088}, {"image_id": 10046, "bbox": [2661, 1303, 703, 304], "category_id": 0, "id": 149, "iscrowd": 0, "weight": 0.4691855931165394, "segmentation": [], "area": 213712}, {"image_id": 10047, "bbox": [734, 307, 622, 761], "category_id": 0, "id": 150, "iscrowd": 0, "weight": 0.1191933726032145, "segmentation": [], "area": 473342}, {"image_id": 10047, "bbox": [608, 0, 452, 338], "category_id": 0, "id": 151, "iscrowd": 0, "weight": 0.9700464963454277, "segmentation": [], "area": 152776}, {"image_id": 10048, "bbox": [1554, 1150, 420, 280], "category_id": 0, "id": 152, "iscrowd": 0, "weight": 0.5976126753529588, "segmentation": [], "area": 117600}, {"image_id": 10048, "bbox": [3646, 1196, 110, 151], "category_id": 2, "id": 153, "iscrowd": 0, "weight": 0.909544484665509, "segmentation": [], "area": 16610}, {"image_id": 10048, "bbox": [3299, 1534, 281, 122], "category_id": 2, "id": 154, "iscrowd": 0, "weight": 0.019347283524652314, "segmentation": [], "area": 34282}, {"image_id": 10048, "bbox": [1728, 850, 413, 203], "category_id": 0, "id": 155, "iscrowd": 0, "weight": 0.31318576836361667, "segmentation": [], "area": 83839}, {"image_id": 10049, "bbox": [1768, 890, 753, 433], "category_id": 0, "id": 156, "iscrowd": 0, "weight": 0.7301137688971686, "segmentation": [], "area": 326049}, {"image_id": 10049, "bbox": [1564, 1223, 440, 587], "category_id": 0, "id": 157, "iscrowd": 0, "weight": 0.5598815261149792, "segmentation": [], "area": 258280}, {"image_id": 10049, "bbox": [1718, 1830, 186, 143], "category_id": 0, "id": 158, "iscrowd": 0, "weight": 0.3022789102879041, "segmentation": [], "area": 26598}, {"image_id": 10049, "bbox": [2391, 1583, 380, 637], "category_id": 1, "id": 159, "iscrowd": 0, "weight": 0.3036882107616955, "segmentation": [], "area": 242060}, {"image_id": 10050, "bbox": [1744, 1297, 387, 610], "category_id": 1, "id": 160, "iscrowd": 0, "weight": 0.9980330896009115, "segmentation": [], "area": 236070}, {"image_id": 10050, "bbox": [2714, 1663, 287, 280], "category_id": 0, "id": 161, "iscrowd": 0, "weight": 0.4147666699708563, "segmentation": [], "area": 80360}, {"image_id": 10050, "bbox": [2184, 1790, 650, 490], "category_id": 0, "id": 162, "iscrowd": 0, "weight": 0.3601805133423146, "segmentation": [], "area": 318500}, {"image_id": 10050, "bbox": [1991, 2400, 97, 100], "category_id": 0, "id": 163, "iscrowd": 0, "weight": 0.34231861541249, "segmentation": [], "area": 9700}, {"image_id": 10051, "bbox": [2691, 323, 178, 229], "category_id": 0, "id": 164, "iscrowd": 0, "weight": 0.5515566705002359, "segmentation": [], "area": 40762}, {"image_id": 10051, "bbox": [2756, 462, 784, 423], "category_id": 0, "id": 165, "iscrowd": 0, "weight": 0.15028124966048806, "segmentation": [], "area": 331632}, {"image_id": 10051, "bbox": [3475, 778, 258, 213], "category_id": 0, "id": 166, "iscrowd": 0, "weight": 0.9975675124638682, "segmentation": [], "area": 54954}, {"image_id": 10052, "bbox": [858, 1550, 366, 237], "category_id": 0, "id": 167, "iscrowd": 0, "weight": 0.0557452810439395, "segmentation": [], "area": 86742}, {"image_id": 10052, "bbox": [2514, 1137, 107, 83], "category_id": 0, "id": 168, "iscrowd": 0, "weight": 0.3747549080767085, "segmentation": [], "area": 8881}, {"image_id": 10052, "bbox": [91, 2280, 652, 755], "category_id": 2, "id": 169, "iscrowd": 0, "weight": 0.44999586189663154, "segmentation": [], "area": 492260}, {"image_id": 10052, "bbox": [824, 2050, 90, 113], "category_id": 0, "id": 170, "iscrowd": 0, "weight": 0.307448412249842, "segmentation": [], "area": 10170}, {"image_id": 10052, "bbox": [958, 1623, 1036, 687], "category_id": 0, "id": 171, "iscrowd": 0, "weight": 0.17241566249690854, "segmentation": [], "area": 711732}, {"image_id": 10052, "bbox": [1748, 2093, 490, 250], "category_id": 0, "id": 172, "iscrowd": 0, "weight": 0.4205622432967975, "segmentation": [], "area": 122500}, {"image_id": 10052, "bbox": [2134, 1736, 138, 103], "category_id": 0, "id": 173, "iscrowd": 0, "weight": 0.7236960693769753, "segmentation": [], "area": 14214}, {"image_id": 10053, "bbox": [264, 277, 544, 340], "category_id": 0, "id": 174, "iscrowd": 0, "weight": 0.43282635149501614, "segmentation": [], "area": 184960}, {"image_id": 10053, "bbox": [448, 630, 1170, 1197], "category_id": 0, "id": 175, "iscrowd": 0, "weight": 0.7579623712750735, "segmentation": [], "area": 1400490}, {"image_id": 10053, "bbox": [591, 1390, 850, 580], "category_id": 0, "id": 176, "iscrowd": 0, "weight": 0.30248961488942916, "segmentation": [], "area": 493000}, {"image_id": 10053, "bbox": [1531, 1323, 416, 668], "category_id": 1, "id": 177, "iscrowd": 0, "weight": 0.018183623443560837, "segmentation": [], "area": 277888}, {"image_id": 10053, "bbox": [502, 723, 974, 613], "category_id": 2, "id": 178, "iscrowd": 0, "weight": 0.4673613856467358, "segmentation": [], "area": 597062}, {"image_id": 10054, "bbox": [181, 220, 1030, 730], "category_id": 2, "id": 179, "iscrowd": 0, "weight": 0.702780875000071, "segmentation": [], "area": 751900}, {"image_id": 10055, "bbox": [1871, 1103, 623, 484], "category_id": 1, "id": 180, "iscrowd": 0, "weight": 0.21043643750469632, "segmentation": [], "area": 301532}, {"image_id": 10055, "bbox": [2868, 473, 823, 790], "category_id": 0, "id": 181, "iscrowd": 0, "weight": 0.43461410715272086, "segmentation": [], "area": 650170}, {"image_id": 10055, "bbox": [3698, 533, 90, 147], "category_id": 0, "id": 182, "iscrowd": 0, "weight": 0.9133934475820641, "segmentation": [], "area": 13230}, {"image_id": 10055, "bbox": [3024, 1177, 357, 373], "category_id": 0, "id": 183, "iscrowd": 0, "weight": 0.42484647354995764, "segmentation": [], "area": 133161}, {"image_id": 10055, "bbox": [3018, 100, 496, 387], "category_id": 0, "id": 184, "iscrowd": 0, "weight": 0.027208809208141282, "segmentation": [], "area": 191952}, {"image_id": 10055, "bbox": [75, 1770, 1027, 543], "category_id": 2, "id": 185, "iscrowd": 0, "weight": 0.20181411522179848, "segmentation": [], "area": 557661}, {"image_id": 10056, "bbox": [1338, 823, 790, 800], "category_id": 0, "id": 186, "iscrowd": 0, "weight": 0.6036518804424803, "segmentation": [], "area": 632000}, {"image_id": 10056, "bbox": [1991, 1007, 950, 960], "category_id": 1, "id": 187, "iscrowd": 0, "weight": 0.09487753580843472, "segmentation": [], "area": 912000}, {"image_id": 10056, "bbox": [3434, 3, 564, 824], "category_id": 2, "id": 188, "iscrowd": 0, "weight": 0.6724369464885814, "segmentation": [], "area": 464736}, {"image_id": 10057, "bbox": [1541, 1283, 477, 410], "category_id": 1, "id": 189, "iscrowd": 0, "weight": 0.10703686214720254, "segmentation": [], "area": 195570}, {"image_id": 10057, "bbox": [2051, 907, 1040, 303], "category_id": 2, "id": 190, "iscrowd": 0, "weight": 0.701053146521676, "segmentation": [], "area": 315120}, {"image_id": 10057, "bbox": [3114, 1280, 107, 87], "category_id": 0, "id": 191, "iscrowd": 0, "weight": 0.1703763427801004, "segmentation": [], "area": 9309}, {"image_id": 10057, "bbox": [2521, 1687, 63, 53], "category_id": 0, "id": 192, "iscrowd": 0, "weight": 0.8282463764609294, "segmentation": [], "area": 3339}, {"image_id": 10057, "bbox": [2171, 1810, 537, 267], "category_id": 2, "id": 193, "iscrowd": 0, "weight": 0.6130693971201885, "segmentation": [], "area": 143379}, {"image_id": 10057, "bbox": [78, 827, 600, 1223], "category_id": 0, "id": 194, "iscrowd": 0, "weight": 0.054097188324065626, "segmentation": [], "area": 733800}, {"image_id": 10058, "bbox": [2038, 683, 1313, 300], "category_id": 2, "id": 195, "iscrowd": 0, "weight": 0.9762668072365052, "segmentation": [], "area": 393900}, {"image_id": 10058, "bbox": [104, 1220, 1214, 727], "category_id": 0, "id": 196, "iscrowd": 0, "weight": 0.916704218865228, "segmentation": [], "area": 882578}, {"image_id": 10058, "bbox": [2150, 1829, 468, 288], "category_id": 2, "id": 197, "iscrowd": 0, "weight": 0.6269143915450349, "segmentation": [], "area": 134784}, {"image_id": 10059, "bbox": [1731, 980, 333, 217], "category_id": 0, "id": 198, "iscrowd": 0, "weight": 0.047351234828239, "segmentation": [], "area": 72261}, {"image_id": 10059, "bbox": [1894, 1077, 680, 470], "category_id": 0, "id": 199, "iscrowd": 0, "weight": 0.08195034360118114, "segmentation": [], "area": 319600}, {"image_id": 10059, "bbox": [2291, 1453, 453, 320], "category_id": 0, "id": 200, "iscrowd": 0, "weight": 0.05244417187632344, "segmentation": [], "area": 144960}, {"image_id": 10059, "bbox": [1353, 1640, 545, 154], "category_id": 1, "id": 201, "iscrowd": 0, "weight": 0.668703190520097, "segmentation": [], "area": 83930}, {"image_id": 10060, "bbox": [2081, 1003, 223, 107], "category_id": 0, "id": 202, "iscrowd": 0, "weight": 0.6031772424731722, "segmentation": [], "area": 23861}, {"image_id": 10060, "bbox": [1308, 1170, 1040, 457], "category_id": 0, "id": 203, "iscrowd": 0, "weight": 0.9318567254343438, "segmentation": [], "area": 475280}, {"image_id": 10060, "bbox": [2008, 1777, 610, 250], "category_id": 2, "id": 204, "iscrowd": 0, "weight": 0.8074941163512805, "segmentation": [], "area": 152500}, {"image_id": 10061, "bbox": [2118, 890, 593, 647], "category_id": 1, "id": 205, "iscrowd": 0, "weight": 0.0590925616588861, "segmentation": [], "area": 383671}, {"image_id": 10061, "bbox": [2801, 333, 1160, 1400], "category_id": 0, "id": 206, "iscrowd": 0, "weight": 0.3247332756668182, "segmentation": [], "area": 1624000}, {"image_id": 10061, "bbox": [3434, 683, 124, 157], "category_id": 0, "id": 207, "iscrowd": 0, "weight": 0.7988753994497534, "segmentation": [], "area": 19468}, {"image_id": 10061, "bbox": [2254, 1897, 324, 186], "category_id": 0, "id": 208, "iscrowd": 0, "weight": 0.5817846534079839, "segmentation": [], "area": 60264}, {"image_id": 10062, "bbox": [1028, 1250, 756, 687], "category_id": 2, "id": 209, "iscrowd": 0, "weight": 0.5625802919874834, "segmentation": [], "area": 519372}, {"image_id": 10062, "bbox": [1831, 1995, 391, 66], "category_id": 1, "id": 210, "iscrowd": 0, "weight": 0.6159492318227442, "segmentation": [], "area": 25806}, {"image_id": 10063, "bbox": [2398, 377, 1046, 616], "category_id": 0, "id": 211, "iscrowd": 0, "weight": 0.7323405392569671, "segmentation": [], "area": 644336}, {"image_id": 10063, "bbox": [2854, 213, 590, 320], "category_id": 0, "id": 212, "iscrowd": 0, "weight": 0.977667855156975, "segmentation": [], "area": 188800}, {"image_id": 10063, "bbox": [3541, 57, 226, 73], "category_id": 0, "id": 213, "iscrowd": 0, "weight": 0.5757454243329729, "segmentation": [], "area": 16498}, {"image_id": 10063, "bbox": [2424, 755, 103, 97], "category_id": 0, "id": 214, "iscrowd": 0, "weight": 0.5393747714359785, "segmentation": [], "area": 9991}, {"image_id": 10064, "bbox": [1781, 1327, 233, 653], "category_id": 1, "id": 215, "iscrowd": 0, "weight": 0.9473561813578902, "segmentation": [], "area": 152149}, {"image_id": 10065, "bbox": [1468, 1440, 1260, 1037], "category_id": 1, "id": 216, "iscrowd": 0, "weight": 0.9934414021890694, "segmentation": [], "area": 1306620}, {"image_id": 10066, "bbox": [1788, 1527, 470, 363], "category_id": 1, "id": 217, "iscrowd": 0, "weight": 0.7227645714965868, "segmentation": [], "area": 170610}, {"image_id": 10066, "bbox": [2351, 1903, 107, 104], "category_id": 1, "id": 218, "iscrowd": 0, "weight": 0.4281391110792454, "segmentation": [], "area": 11128}, {"image_id": 10066, "bbox": [2788, 1387, 390, 646], "category_id": 0, "id": 219, "iscrowd": 0, "weight": 0.8240760777687393, "segmentation": [], "area": 251940}, {"image_id": 10066, "bbox": [2774, 1910, 334, 290], "category_id": 0, "id": 220, "iscrowd": 0, "weight": 0.10965619550470529, "segmentation": [], "area": 96860}, {"image_id": 10067, "bbox": [2191, 923, 553, 677], "category_id": 2, "id": 221, "iscrowd": 0, "weight": 0.8711872505434824, "segmentation": [], "area": 374381}, {"image_id": 10067, "bbox": [221, 1077, 633, 410], "category_id": 0, "id": 222, "iscrowd": 0, "weight": 0.9247756969228804, "segmentation": [], "area": 259530}, {"image_id": 10067, "bbox": [734, 947, 867, 453], "category_id": 0, "id": 223, "iscrowd": 0, "weight": 0.11998133281499657, "segmentation": [], "area": 392751}, {"image_id": 10068, "bbox": [1488, 1580, 863, 187], "category_id": 0, "id": 224, "iscrowd": 0, "weight": 0.21871434248837462, "segmentation": [], "area": 161381}, {"image_id": 10068, "bbox": [1484, 2087, 800, 663], "category_id": 2, "id": 225, "iscrowd": 0, "weight": 0.845683559842052, "segmentation": [], "area": 530400}, {"image_id": 10069, "bbox": [1658, 653, 786, 237], "category_id": 2, "id": 226, "iscrowd": 0, "weight": 0.7860481919478004, "segmentation": [], "area": 186282}, {"image_id": 10070, "bbox": [2868, 307, 676, 550], "category_id": 0, "id": 227, "iscrowd": 0, "weight": 0.24266911789592427, "segmentation": [], "area": 371800}, {"image_id": 10070, "bbox": [3504, 657, 374, 213], "category_id": 0, "id": 228, "iscrowd": 0, "weight": 0.6775927293114036, "segmentation": [], "area": 79662}, {"image_id": 10071, "bbox": [1748, 300, 960, 570], "category_id": 2, "id": 229, "iscrowd": 0, "weight": 0.6013587471258194, "segmentation": [], "area": 547200}, {"image_id": 10071, "bbox": [2304, 950, 167, 310], "category_id": 2, "id": 230, "iscrowd": 0, "weight": 0.26233488806975713, "segmentation": [], "area": 51770}, {"image_id": 10071, "bbox": [1961, 1470, 950, 647], "category_id": 2, "id": 231, "iscrowd": 0, "weight": 0.22079457326122676, "segmentation": [], "area": 614650}, {"image_id": 10071, "bbox": [34, 1867, 740, 1168], "category_id": 0, "id": 232, "iscrowd": 0, "weight": 0.32775896129970283, "segmentation": [], "area": 864320}, {"image_id": 10072, "bbox": [1488, 790, 823, 203], "category_id": 0, "id": 233, "iscrowd": 0, "weight": 0.9426396563590661, "segmentation": [], "area": 167069}, {"image_id": 10072, "bbox": [1852, 1057, 842, 470], "category_id": 0, "id": 234, "iscrowd": 0, "weight": 0.3025395551436054, "segmentation": [], "area": 395740}, {"image_id": 10072, "bbox": [414, 713, 594, 1320], "category_id": 2, "id": 235, "iscrowd": 0, "weight": 0.21580587356948233, "segmentation": [], "area": 784080}, {"image_id": 10072, "bbox": [2334, 1636, 177, 55], "category_id": 0, "id": 236, "iscrowd": 0, "weight": 0.31742425996874735, "segmentation": [], "area": 9735}, {"image_id": 10072, "bbox": [3372, 1836, 155, 64], "category_id": 0, "id": 237, "iscrowd": 0, "weight": 0.22242203739558397, "segmentation": [], "area": 9920}, {"image_id": 10073, "bbox": [484, 33, 1597, 1574], "category_id": 1, "id": 238, "iscrowd": 0, "weight": 0.9034572502094887, "segmentation": [], "area": 2513678}, {"image_id": 10073, "bbox": [3271, 2113, 743, 644], "category_id": 0, "id": 239, "iscrowd": 0, "weight": 0.7375503678828476, "segmentation": [], "area": 478492}, {"image_id": 10074, "bbox": [1558, 1103, 326, 777], "category_id": 1, "id": 240, "iscrowd": 0, "weight": 0.6890829065144887, "segmentation": [], "area": 253302}, {"image_id": 10074, "bbox": [531, 113, 403, 277], "category_id": 0, "id": 241, "iscrowd": 0, "weight": 0.07338492860378953, "segmentation": [], "area": 111631}, {"image_id": 10074, "bbox": [674, 457, 614, 776], "category_id": 0, "id": 242, "iscrowd": 0, "weight": 0.09235220294382118, "segmentation": [], "area": 476464}, {"image_id": 10074, "bbox": [1411, 720, 187, 167], "category_id": 0, "id": 243, "iscrowd": 0, "weight": 0.7696729203894442, "segmentation": [], "area": 31229}, {"image_id": 10074, "bbox": [2774, 2063, 574, 747], "category_id": 2, "id": 244, "iscrowd": 0, "weight": 0.1434888615822214, "segmentation": [], "area": 428778}, {"image_id": 10075, "bbox": [1291, 373, 490, 440], "category_id": 0, "id": 245, "iscrowd": 0, "weight": 0.4246043888904849, "segmentation": [], "area": 215600}, {"image_id": 10075, "bbox": [1238, 527, 906, 1110], "category_id": 0, "id": 246, "iscrowd": 0, "weight": 0.39741464801513016, "segmentation": [], "area": 1005660}, {"image_id": 10075, "bbox": [1581, 1537, 263, 263], "category_id": 0, "id": 247, "iscrowd": 0, "weight": 0.15922549575490053, "segmentation": [], "area": 69169}, {"image_id": 10076, "bbox": [2972, 323, 672, 741], "category_id": 0, "id": 248, "iscrowd": 0, "weight": 0.9023497776096129, "segmentation": [], "area": 497952}, {"image_id": 10076, "bbox": [3628, 93, 200, 330], "category_id": 0, "id": 249, "iscrowd": 0, "weight": 0.4883807940956957, "segmentation": [], "area": 66000}, {"image_id": 10076, "bbox": [3253, 987, 297, 149], "category_id": 0, "id": 250, "iscrowd": 0, "weight": 0.47746291471845825, "segmentation": [], "area": 44253}, {"image_id": 10077, "bbox": [735, 1103, 2023, 381], "category_id": 1, "id": 251, "iscrowd": 0, "weight": 0.6627554181362777, "segmentation": [], "area": 770763}, {"image_id": 10078, "bbox": [1934, 990, 210, 587], "category_id": 1, "id": 252, "iscrowd": 0, "weight": 0.18808850105575847, "segmentation": [], "area": 123270}, {"image_id": 10078, "bbox": [2821, 0, 1200, 1410], "category_id": 2, "id": 253, "iscrowd": 0, "weight": 0.3101774031914196, "segmentation": [], "area": 1692000}, {"image_id": 10079, "bbox": [818, 1213, 756, 314], "category_id": 0, "id": 254, "iscrowd": 0, "weight": 0.8412915491809976, "segmentation": [], "area": 237384}, {"image_id": 10079, "bbox": [248, 1230, 663, 337], "category_id": 0, "id": 255, "iscrowd": 0, "weight": 0.1363203709427636, "segmentation": [], "area": 223431}, {"image_id": 10080, "bbox": [424, 1230, 1480, 957], "category_id": 1, "id": 256, "iscrowd": 0, "weight": 0.6622018036517935, "segmentation": [], "area": 1416360}, {"image_id": 10081, "bbox": [1818, 920, 220, 197], "category_id": 0, "id": 257, "iscrowd": 0, "weight": 0.02579207377796966, "segmentation": [], "area": 43340}, {"image_id": 10081, "bbox": [1098, 1217, 890, 510], "category_id": 0, "id": 258, "iscrowd": 0, "weight": 0.737875885914583, "segmentation": [], "area": 453900}, {"image_id": 10081, "bbox": [751, 1820, 593, 187], "category_id": 0, "id": 259, "iscrowd": 0, "weight": 0.7045504480274615, "segmentation": [], "area": 110891}, {"image_id": 10081, "bbox": [0, 843, 501, 717], "category_id": 2, "id": 260, "iscrowd": 0, "weight": 0.9619147797916172, "segmentation": [], "area": 359217}, {"image_id": 10082, "bbox": [138, 1897, 1586, 893], "category_id": 0, "id": 261, "iscrowd": 0, "weight": 0.6965114735285683, "segmentation": [], "area": 1416298}, {"image_id": 10083, "bbox": [264, 243, 704, 674], "category_id": 0, "id": 262, "iscrowd": 0, "weight": 0.6643237520968925, "segmentation": [], "area": 474496}, {"image_id": 10083, "bbox": [3615, 2904, 244, 130], "category_id": 2, "id": 263, "iscrowd": 0, "weight": 0.9584102039179503, "segmentation": [], "area": 31720}, {"image_id": 10084, "bbox": [1284, 887, 477, 376], "category_id": 2, "id": 264, "iscrowd": 0, "weight": 0.35177070897733853, "segmentation": [], "area": 179352}, {"image_id": 10084, "bbox": [1871, 733, 690, 994], "category_id": 0, "id": 265, "iscrowd": 0, "weight": 0.3207316370585659, "segmentation": [], "area": 685860}, {"image_id": 10084, "bbox": [1898, 823, 156, 217], "category_id": 0, "id": 266, "iscrowd": 0, "weight": 0.35164606359740114, "segmentation": [], "area": 33852}, {"image_id": 10084, "bbox": [2018, 1660, 186, 130], "category_id": 0, "id": 267, "iscrowd": 0, "weight": 0.8581161599684256, "segmentation": [], "area": 24180}, {"image_id": 10084, "bbox": [2644, 317, 584, 710], "category_id": 1, "id": 268, "iscrowd": 0, "weight": 0.557365490059791, "segmentation": [], "area": 414640}, {"image_id": 10085, "bbox": [2, 1, 452, 484], "category_id": 0, "id": 269, "iscrowd": 0, "weight": 0.7738191203174427, "segmentation": [], "area": 218768}, {"image_id": 10085, "bbox": [353, 191, 649, 446], "category_id": 0, "id": 270, "iscrowd": 0, "weight": 0.5799360421702554, "segmentation": [], "area": 289454}, {"image_id": 10085, "bbox": [3103, 2303, 922, 713], "category_id": 2, "id": 271, "iscrowd": 0, "weight": 0.8752700587262432, "segmentation": [], "area": 657386}, {"image_id": 10086, "bbox": [1777, 1010, 757, 113], "category_id": 2, "id": 272, "iscrowd": 0, "weight": 0.13131404859496, "segmentation": [], "area": 85541}, {"image_id": 10086, "bbox": [1901, 1933, 577, 414], "category_id": 2, "id": 273, "iscrowd": 0, "weight": 0.07311079129302167, "segmentation": [], "area": 238878}, {"image_id": 10086, "bbox": [1171, 1003, 563, 310], "category_id": 0, "id": 274, "iscrowd": 0, "weight": 0.1202327244557958, "segmentation": [], "area": 174530}, {"image_id": 10086, "bbox": [1148, 1360, 746, 453], "category_id": 0, "id": 275, "iscrowd": 0, "weight": 0.026165783661628805, "segmentation": [], "area": 337938}, {"image_id": 10086, "bbox": [1011, 1660, 67, 73], "category_id": 0, "id": 276, "iscrowd": 0, "weight": 0.7453499718487892, "segmentation": [], "area": 4891}, {"image_id": 10086, "bbox": [911, 1970, 153, 63], "category_id": 0, "id": 277, "iscrowd": 0, "weight": 0.9416705168180165, "segmentation": [], "area": 9639}, {"image_id": 10086, "bbox": [3181, 1610, 120, 290], "category_id": 2, "id": 278, "iscrowd": 0, "weight": 0.7519269626602973, "segmentation": [], "area": 34800}, {"image_id": 10086, "bbox": [428, 1303, 433, 504], "category_id": 1, "id": 279, "iscrowd": 0, "weight": 0.8628246502626169, "segmentation": [], "area": 218232}, {"image_id": 10086, "bbox": [1934, 1107, 74, 61], "category_id": 0, "id": 280, "iscrowd": 0, "weight": 0.8437373113243605, "segmentation": [], "area": 4514}, {"image_id": 10086, "bbox": [1372, 2091, 517, 87], "category_id": 0, "id": 281, "iscrowd": 0, "weight": 0.027730028395136386, "segmentation": [], "area": 44979}, {"image_id": 10087, "bbox": [731, 1470, 733, 510], "category_id": 1, "id": 282, "iscrowd": 0, "weight": 0.29658295693769277, "segmentation": [], "area": 373830}, {"image_id": 10088, "bbox": [1951, 1343, 540, 450], "category_id": 0, "id": 283, "iscrowd": 0, "weight": 0.688310756082509, "segmentation": [], "area": 243000}, {"image_id": 10088, "bbox": [2321, 1263, 807, 290], "category_id": 0, "id": 284, "iscrowd": 0, "weight": 0.6435320661840579, "segmentation": [], "area": 234030}, {"image_id": 10088, "bbox": [1811, 1203, 140, 80], "category_id": 1, "id": 285, "iscrowd": 0, "weight": 0.8828746045860872, "segmentation": [], "area": 11200}, {"image_id": 10089, "bbox": [631, 1946, 992, 262], "category_id": 0, "id": 286, "iscrowd": 0, "weight": 0.620059571531994, "segmentation": [], "area": 259904}, {"image_id": 10089, "bbox": [447, 2043, 214, 129], "category_id": 0, "id": 287, "iscrowd": 0, "weight": 0.14334543387789334, "segmentation": [], "area": 27606}, {"image_id": 10090, "bbox": [1391, 1483, 390, 380], "category_id": 1, "id": 288, "iscrowd": 0, "weight": 0.9573619324313031, "segmentation": [], "area": 148200}, {"image_id": 10090, "bbox": [468, 1990, 826, 553], "category_id": 0, "id": 289, "iscrowd": 0, "weight": 0.26125208746426776, "segmentation": [], "area": 456778}, {"image_id": 10090, "bbox": [168, 2217, 383, 510], "category_id": 0, "id": 290, "iscrowd": 0, "weight": 0.715849033777277, "segmentation": [], "area": 195330}, {"image_id": 10091, "bbox": [1208, 957, 1240, 313], "category_id": 0, "id": 291, "iscrowd": 0, "weight": 0.3316999845983788, "segmentation": [], "area": 388120}, {"image_id": 10091, "bbox": [1001, 1383, 773, 464], "category_id": 0, "id": 292, "iscrowd": 0, "weight": 0.6935022359562518, "segmentation": [], "area": 358672}, {"image_id": 10091, "bbox": [1092, 1950, 286, 176], "category_id": 0, "id": 293, "iscrowd": 0, "weight": 0.6672482526438182, "segmentation": [], "area": 50336}, {"image_id": 10091, "bbox": [1968, 1350, 906, 427], "category_id": 1, "id": 294, "iscrowd": 0, "weight": 0.10712035671607223, "segmentation": [], "area": 386862}, {"image_id": 10092, "bbox": [1551, 347, 1037, 1066], "category_id": 0, "id": 295, "iscrowd": 0, "weight": 0.14735957473820704, "segmentation": [], "area": 1105442}, {"image_id": 10092, "bbox": [2294, 1340, 350, 487], "category_id": 0, "id": 296, "iscrowd": 0, "weight": 0.36067428173918703, "segmentation": [], "area": 170450}, {"image_id": 10092, "bbox": [1374, 733, 500, 680], "category_id": 1, "id": 297, "iscrowd": 0, "weight": 0.5403485669767182, "segmentation": [], "area": 340000}, {"image_id": 10093, "bbox": [1684, 710, 487, 347], "category_id": 2, "id": 298, "iscrowd": 0, "weight": 0.1827459157167337, "segmentation": [], "area": 168989}, {"image_id": 10093, "bbox": [2414, 1437, 437, 323], "category_id": 2, "id": 299, "iscrowd": 0, "weight": 0.5230264704335087, "segmentation": [], "area": 141151}, {"image_id": 10093, "bbox": [634, 1157, 1030, 546], "category_id": 0, "id": 300, "iscrowd": 0, "weight": 0.18985578602068243, "segmentation": [], "area": 562380}, {"image_id": 10093, "bbox": [314, 2023, 760, 587], "category_id": 1, "id": 301, "iscrowd": 0, "weight": 0.8456345875878929, "segmentation": [], "area": 446120}, {"image_id": 10093, "bbox": [434, 2493, 364, 230], "category_id": 0, "id": 302, "iscrowd": 0, "weight": 0.7974528308947954, "segmentation": [], "area": 83720}, {"image_id": 10093, "bbox": [1221, 1330, 537, 397], "category_id": 0, "id": 303, "iscrowd": 0, "weight": 0.029438258280124696, "segmentation": [], "area": 213189}, {"image_id": 10094, "bbox": [2971, 1023, 266, 58], "category_id": 0, "id": 304, "iscrowd": 0, "weight": 0.2929434117953784, "segmentation": [], "area": 15428}, {"image_id": 10094, "bbox": [2972, 1184, 468, 555], "category_id": 0, "id": 305, "iscrowd": 0, "weight": 0.6703498578101977, "segmentation": [], "area": 259740}, {"image_id": 10094, "bbox": [3195, 1846, 239, 148], "category_id": 0, "id": 306, "iscrowd": 0, "weight": 0.15536688314886893, "segmentation": [], "area": 35372}, {"image_id": 10095, "bbox": [3098, 2127, 563, 480], "category_id": 0, "id": 307, "iscrowd": 0, "weight": 0.331421233617309, "segmentation": [], "area": 270240}, {"image_id": 10095, "bbox": [2928, 2620, 429, 239], "category_id": 0, "id": 308, "iscrowd": 0, "weight": 0.004144961014574178, "segmentation": [], "area": 102531}, {"image_id": 10096, "bbox": [1648, 1777, 1066, 223], "category_id": 2, "id": 309, "iscrowd": 0, "weight": 0.528462910020734, "segmentation": [], "area": 237718}, {"image_id": 10097, "bbox": [3024, 0, 521, 573], "category_id": 0, "id": 310, "iscrowd": 0, "weight": 0.11834361801690696, "segmentation": [], "area": 298533}, {"image_id": 10097, "bbox": [1878, 1031, 654, 709], "category_id": 1, "id": 311, "iscrowd": 0, "weight": 0.5238441967453679, "segmentation": [], "area": 463686}, {"image_id": 10097, "bbox": [2191, 1787, 907, 520], "category_id": 2, "id": 312, "iscrowd": 0, "weight": 0.9134482436308949, "segmentation": [], "area": 471640}, {"image_id": 10097, "bbox": [2984, 460, 454, 363], "category_id": 0, "id": 313, "iscrowd": 0, "weight": 0.5606677837080392, "segmentation": [], "area": 164802}, {"image_id": 10098, "bbox": [111, 910, 1123, 1277], "category_id": 0, "id": 314, "iscrowd": 0, "weight": 0.8280930092597816, "segmentation": [], "area": 1434071}, {"image_id": 10098, "bbox": [471, 1403, 537, 460], "category_id": 0, "id": 315, "iscrowd": 0, "weight": 0.8219654968961364, "segmentation": [], "area": 247020}, {"image_id": 10098, "bbox": [1651, 1417, 883, 270], "category_id": 1, "id": 316, "iscrowd": 0, "weight": 0.7350625510872766, "segmentation": [], "area": 238410}, {"image_id": 10099, "bbox": [1561, 1330, 757, 183], "category_id": 1, "id": 317, "iscrowd": 0, "weight": 0.2482288133458942, "segmentation": [], "area": 138531}, {"image_id": 10099, "bbox": [3058, 893, 740, 1194], "category_id": 0, "id": 318, "iscrowd": 0, "weight": 0.7214210177112912, "segmentation": [], "area": 883560}, {"image_id": 10100, "bbox": [1540, 987, 1191, 1326], "category_id": 1, "id": 319, "iscrowd": 0, "weight": 0.1870668872439316, "segmentation": [], "area": 1579266}, {"image_id": 10101, "bbox": [3094, 760, 764, 1083], "category_id": 0, "id": 320, "iscrowd": 0, "weight": 0.8758672261332484, "segmentation": [], "area": 827412}, {"image_id": 10102, "bbox": [421, 1067, 577, 630], "category_id": 1, "id": 321, "iscrowd": 0, "weight": 0.30662646135210814, "segmentation": [], "area": 363510}, {"image_id": 10103, "bbox": [1724, 1440, 324, 540], "category_id": 0, "id": 322, "iscrowd": 0, "weight": 0.37561512766723804, "segmentation": [], "area": 174960}, {"image_id": 10103, "bbox": [1654, 1053, 234, 344], "category_id": 0, "id": 323, "iscrowd": 0, "weight": 0.8039405896826853, "segmentation": [], "area": 80496}, {"image_id": 10104, "bbox": [2858, 820, 876, 370], "category_id": 0, "id": 324, "iscrowd": 0, "weight": 0.5508904571786073, "segmentation": [], "area": 324120}, {"image_id": 10104, "bbox": [1038, 2000, 1883, 287], "category_id": 2, "id": 325, "iscrowd": 0, "weight": 0.35463370246675785, "segmentation": [], "area": 540421}, {"image_id": 10104, "bbox": [2231, 1760, 73, 70], "category_id": 2, "id": 326, "iscrowd": 0, "weight": 0.11889755420302062, "segmentation": [], "area": 5110}, {"image_id": 10104, "bbox": [2998, 1217, 750, 603], "category_id": 0, "id": 327, "iscrowd": 0, "weight": 0.6115320512291769, "segmentation": [], "area": 452250}, {"image_id": 10104, "bbox": [3834, 1703, 103, 187], "category_id": 0, "id": 328, "iscrowd": 0, "weight": 0.24751163737363302, "segmentation": [], "area": 19261}, {"image_id": 10105, "bbox": [681, 1697, 427, 1003], "category_id": 0, "id": 329, "iscrowd": 0, "weight": 0.3326945865303168, "segmentation": [], "area": 428281}, {"image_id": 10106, "bbox": [1809, 2133, 466, 263], "category_id": 0, "id": 330, "iscrowd": 0, "weight": 0.17555796345648345, "segmentation": [], "area": 122558}, {"image_id": 10106, "bbox": [1535, 1676, 583, 544], "category_id": 0, "id": 331, "iscrowd": 0, "weight": 0.07941129590636198, "segmentation": [], "area": 317152}, {"image_id": 10106, "bbox": [1415, 1306, 363, 426], "category_id": 0, "id": 332, "iscrowd": 0, "weight": 0.7880191310710163, "segmentation": [], "area": 154638}, {"image_id": 10107, "bbox": [1624, 1197, 480, 186], "category_id": 0, "id": 333, "iscrowd": 0, "weight": 0.5327832877148116, "segmentation": [], "area": 89280}, {"image_id": 10107, "bbox": [1804, 1323, 717, 464], "category_id": 0, "id": 334, "iscrowd": 0, "weight": 0.2964415719668314, "segmentation": [], "area": 332688}, {"image_id": 10107, "bbox": [2314, 1740, 467, 220], "category_id": 0, "id": 335, "iscrowd": 0, "weight": 0.37761146327518647, "segmentation": [], "area": 102740}, {"image_id": 10107, "bbox": [1171, 1890, 627, 357], "category_id": 1, "id": 336, "iscrowd": 0, "weight": 0.07793723494597737, "segmentation": [], "area": 223839}, {"image_id": 10108, "bbox": [581, 1000, 920, 567], "category_id": 0, "id": 337, "iscrowd": 0, "weight": 0.3210483893490792, "segmentation": [], "area": 521640}, {"image_id": 10108, "bbox": [398, 660, 840, 327], "category_id": 0, "id": 338, "iscrowd": 0, "weight": 0.8281726834305737, "segmentation": [], "area": 274680}, {"image_id": 10108, "bbox": [2004, 1197, 870, 336], "category_id": 1, "id": 339, "iscrowd": 0, "weight": 0.5617718773397664, "segmentation": [], "area": 292320}, {"image_id": 10108, "bbox": [58, 1187, 473, 806], "category_id": 2, "id": 340, "iscrowd": 0, "weight": 0.6196866212087789, "segmentation": [], "area": 381238}, {"image_id": 10109, "bbox": [908, 1043, 1666, 950], "category_id": 1, "id": 341, "iscrowd": 0, "weight": 0.5965419264895852, "segmentation": [], "area": 1582700}, {"image_id": 10109, "bbox": [648, 2193, 646, 384], "category_id": 0, "id": 342, "iscrowd": 0, "weight": 0.014408099138144781, "segmentation": [], "area": 248064}, {"image_id": 10109, "bbox": [974, 2247, 1034, 363], "category_id": 0, "id": 343, "iscrowd": 0, "weight": 0.930302970509755, "segmentation": [], "area": 375342}, {"image_id": 10110, "bbox": [1774, 1087, 824, 600], "category_id": 1, "id": 344, "iscrowd": 0, "weight": 0.1948890636842343, "segmentation": [], "area": 494400}, {"image_id": 10111, "bbox": [1094, 1303, 897, 790], "category_id": 2, "id": 345, "iscrowd": 0, "weight": 0.9343710897989849, "segmentation": [], "area": 708630}, {"image_id": 10111, "bbox": [244, 550, 630, 283], "category_id": 2, "id": 346, "iscrowd": 0, "weight": 0.1715729481384024, "segmentation": [], "area": 178290}, {"image_id": 10111, "bbox": [2761, 1707, 750, 926], "category_id": 1, "id": 347, "iscrowd": 0, "weight": 0.5225233605801431, "segmentation": [], "area": 694500}, {"image_id": 10112, "bbox": [651, 0, 800, 1100], "category_id": 2, "id": 348, "iscrowd": 0, "weight": 0.043792570058404756, "segmentation": [], "area": 880000}, {"image_id": 10113, "bbox": [2241, 1293, 333, 747], "category_id": 1, "id": 349, "iscrowd": 0, "weight": 0.6074309004609109, "segmentation": [], "area": 248751}, {"image_id": 10113, "bbox": [2958, 1860, 595, 792], "category_id": 0, "id": 350, "iscrowd": 0, "weight": 0.8115095465737262, "segmentation": [], "area": 471240}, {"image_id": 10113, "bbox": [3264, 2720, 204, 133], "category_id": 0, "id": 351, "iscrowd": 0, "weight": 0.414948342409571, "segmentation": [], "area": 27132}, {"image_id": 10114, "bbox": [2104, 1117, 460, 550], "category_id": 0, "id": 352, "iscrowd": 0, "weight": 0.6195134968439868, "segmentation": [], "area": 253000}, {"image_id": 10114, "bbox": [1784, 1417, 594, 580], "category_id": 0, "id": 353, "iscrowd": 0, "weight": 0.07456950452751343, "segmentation": [], "area": 344520}, {"image_id": 10114, "bbox": [1484, 1947, 584, 320], "category_id": 0, "id": 354, "iscrowd": 0, "weight": 0.7378640763238492, "segmentation": [], "area": 186880}, {"image_id": 10114, "bbox": [472, 626, 449, 323], "category_id": 2, "id": 355, "iscrowd": 0, "weight": 0.8813612444487641, "segmentation": [], "area": 145027}, {"image_id": 10114, "bbox": [1034, 991, 487, 371], "category_id": 2, "id": 356, "iscrowd": 0, "weight": 0.44586671643510745, "segmentation": [], "area": 180677}, {"image_id": 10114, "bbox": [1640, 1429, 655, 468], "category_id": 2, "id": 357, "iscrowd": 0, "weight": 0.3883248916941292, "segmentation": [], "area": 306540}, {"image_id": 10115, "bbox": [1110, 798, 507, 309], "category_id": 2, "id": 358, "iscrowd": 0, "weight": 0.06911984746703181, "segmentation": [], "area": 156663}, {"image_id": 10115, "bbox": [1411, 1360, 423, 293], "category_id": 1, "id": 359, "iscrowd": 0, "weight": 0.20014618174843912, "segmentation": [], "area": 123939}, {"image_id": 10115, "bbox": [2904, 1173, 690, 547], "category_id": 0, "id": 360, "iscrowd": 0, "weight": 0.21743636534386224, "segmentation": [], "area": 377430}, {"image_id": 10115, "bbox": [3478, 1020, 426, 413], "category_id": 0, "id": 361, "iscrowd": 0, "weight": 0.21357133836553321, "segmentation": [], "area": 175938}, {"image_id": 10115, "bbox": [2978, 1823, 233, 47], "category_id": 0, "id": 362, "iscrowd": 0, "weight": 0.7964526207104473, "segmentation": [], "area": 10951}, {"image_id": 10116, "bbox": [1788, 743, 790, 1070], "category_id": 1, "id": 363, "iscrowd": 0, "weight": 0.5459233385121113, "segmentation": [], "area": 845300}, {"image_id": 10116, "bbox": [14, 1503, 1649, 1530], "category_id": 2, "id": 364, "iscrowd": 0, "weight": 0.7500144450157674, "segmentation": [], "area": 2522970}, {"image_id": 10117, "bbox": [1208, 737, 980, 376], "category_id": 0, "id": 365, "iscrowd": 0, "weight": 0.560714846938075, "segmentation": [], "area": 368480}, {"image_id": 10117, "bbox": [1624, 1210, 644, 283], "category_id": 0, "id": 366, "iscrowd": 0, "weight": 0.4306144472043767, "segmentation": [], "area": 182252}, {"image_id": 10117, "bbox": [231, 1270, 943, 440], "category_id": 1, "id": 367, "iscrowd": 0, "weight": 0.004336028538400982, "segmentation": [], "area": 414920}, {"image_id": 10118, "bbox": [1031, 1577, 1067, 843], "category_id": 1, "id": 368, "iscrowd": 0, "weight": 0.1308977703834393, "segmentation": [], "area": 899481}, {"image_id": 10118, "bbox": [124, 1357, 664, 1303], "category_id": 2, "id": 369, "iscrowd": 0, "weight": 0.8216617514236177, "segmentation": [], "area": 865192}, {"image_id": 10119, "bbox": [1144, 1360, 670, 513], "category_id": 1, "id": 370, "iscrowd": 0, "weight": 0.9522982048233943, "segmentation": [], "area": 343710}, {"image_id": 10119, "bbox": [2068, 773, 523, 787], "category_id": 0, "id": 371, "iscrowd": 0, "weight": 0.41527104299046236, "segmentation": [], "area": 411601}, {"image_id": 10119, "bbox": [2271, 1573, 100, 74], "category_id": 0, "id": 372, "iscrowd": 0, "weight": 0.6316265543047486, "segmentation": [], "area": 7400}, {"image_id": 10119, "bbox": [2141, 460, 460, 430], "category_id": 0, "id": 373, "iscrowd": 0, "weight": 0.8655292120348568, "segmentation": [], "area": 197800}, {"image_id": 10119, "bbox": [3644, 143, 377, 1014], "category_id": 2, "id": 374, "iscrowd": 0, "weight": 0.23164057799846482, "segmentation": [], "area": 382278}, {"image_id": 10120, "bbox": [1314, 1737, 754, 783], "category_id": 2, "id": 375, "iscrowd": 0, "weight": 0.2773058386758379, "segmentation": [], "area": 590382}, {"image_id": 10121, "bbox": [2729, 1721, 832, 737], "category_id": 0, "id": 376, "iscrowd": 0, "weight": 0.5262909445275284, "segmentation": [], "area": 613184}, {"image_id": 10121, "bbox": [1956, 1377, 80, 90], "category_id": 1, "id": 377, "iscrowd": 0, "weight": 0.03265662521505852, "segmentation": [], "area": 7200}, {"image_id": 10121, "bbox": [3594, 2323, 230, 434], "category_id": 0, "id": 378, "iscrowd": 0, "weight": 0.7579683503906722, "segmentation": [], "area": 99820}, {"image_id": 10121, "bbox": [2861, 1596, 211, 157], "category_id": 0, "id": 379, "iscrowd": 0, "weight": 0.7496742359960102, "segmentation": [], "area": 33127}, {"image_id": 10122, "bbox": [2148, 1627, 393, 203], "category_id": 0, "id": 380, "iscrowd": 0, "weight": 0.3235769787398737, "segmentation": [], "area": 79779}, {"image_id": 10122, "bbox": [1674, 1190, 657, 483], "category_id": 0, "id": 381, "iscrowd": 0, "weight": 0.2957551577079578, "segmentation": [], "area": 317331}, {"image_id": 10122, "bbox": [1458, 1047, 436, 300], "category_id": 0, "id": 382, "iscrowd": 0, "weight": 0.4332864515693363, "segmentation": [], "area": 130800}, {"image_id": 10123, "bbox": [808, 440, 1016, 650], "category_id": 0, "id": 383, "iscrowd": 0, "weight": 0.5662596096867728, "segmentation": [], "area": 660400}, {"image_id": 10123, "bbox": [1758, 867, 160, 130], "category_id": 0, "id": 384, "iscrowd": 0, "weight": 0.35151382251788443, "segmentation": [], "area": 20800}, {"image_id": 10124, "bbox": [1911, 487, 910, 1006], "category_id": 2, "id": 385, "iscrowd": 0, "weight": 0.5930834145882401, "segmentation": [], "area": 915460}, {"image_id": 10125, "bbox": [1618, 977, 770, 793], "category_id": 0, "id": 386, "iscrowd": 0, "weight": 0.3714569719042342, "segmentation": [], "area": 610610}, {"image_id": 10126, "bbox": [2178, 1613, 963, 727], "category_id": 1, "id": 387, "iscrowd": 0, "weight": 0.18797494635253575, "segmentation": [], "area": 700101}, {"image_id": 10127, "bbox": [558, 1400, 813, 447], "category_id": 0, "id": 388, "iscrowd": 0, "weight": 0.15965758905899108, "segmentation": [], "area": 363411}, {"image_id": 10127, "bbox": [144, 1350, 430, 483], "category_id": 0, "id": 389, "iscrowd": 0, "weight": 0.8981896372223674, "segmentation": [], "area": 207690}, {"image_id": 10128, "bbox": [618, 803, 416, 1020], "category_id": 2, "id": 390, "iscrowd": 0, "weight": 0.5512815120756791, "segmentation": [], "area": 424320}, {"image_id": 10129, "bbox": [1970, 716, 1233, 503], "category_id": 1, "id": 391, "iscrowd": 0, "weight": 0.5608795978581345, "segmentation": [], "area": 620199}, {"image_id": 10129, "bbox": [2016, 855, 800, 327], "category_id": 1, "id": 392, "iscrowd": 0, "weight": 0.45266248438417134, "segmentation": [], "area": 261600}, {"image_id": 10130, "bbox": [1558, 1273, 813, 367], "category_id": 0, "id": 393, "iscrowd": 0, "weight": 0.5650921469283232, "segmentation": [], "area": 298371}, {"image_id": 10130, "bbox": [2148, 1453, 620, 384], "category_id": 0, "id": 394, "iscrowd": 0, "weight": 0.3948639277152556, "segmentation": [], "area": 238080}, {"image_id": 10130, "bbox": [1691, 2160, 146, 524], "category_id": 1, "id": 395, "iscrowd": 0, "weight": 0.7157934544802594, "segmentation": [], "area": 76504}, {"image_id": 10130, "bbox": [1734, 2733, 73, 302], "category_id": 1, "id": 396, "iscrowd": 0, "weight": 0.5336194353277091, "segmentation": [], "area": 22046}, {"image_id": 10131, "bbox": [2631, 1371, 1003, 500], "category_id": 0, "id": 397, "iscrowd": 0, "weight": 0.9305342100631959, "segmentation": [], "area": 501500}, {"image_id": 10131, "bbox": [3660, 1259, 363, 280], "category_id": 0, "id": 398, "iscrowd": 0, "weight": 0.23108989112898337, "segmentation": [], "area": 101640}, {"image_id": 10132, "bbox": [1648, 1243, 760, 324], "category_id": 1, "id": 399, "iscrowd": 0, "weight": 0.6987263730513263, "segmentation": [], "area": 246240}, {"image_id": 10132, "bbox": [2734, 977, 680, 153], "category_id": 0, "id": 400, "iscrowd": 0, "weight": 0.5358296532249895, "segmentation": [], "area": 104040}, {"image_id": 10132, "bbox": [2761, 1230, 823, 470], "category_id": 0, "id": 401, "iscrowd": 0, "weight": 0.9281842493749917, "segmentation": [], "area": 386810}, {"image_id": 10132, "bbox": [3558, 1150, 380, 710], "category_id": 0, "id": 402, "iscrowd": 0, "weight": 0.9624936633321339, "segmentation": [], "area": 269800}, {"image_id": 10133, "bbox": [3028, 2513, 923, 467], "category_id": 2, "id": 403, "iscrowd": 0, "weight": 0.6853520846063923, "segmentation": [], "area": 431041}, {"image_id": 10134, "bbox": [2964, 1843, 684, 977], "category_id": 0, "id": 404, "iscrowd": 0, "weight": 0.37033064678009053, "segmentation": [], "area": 668268}, {"image_id": 10134, "bbox": [774, 823, 1154, 464], "category_id": 1, "id": 405, "iscrowd": 0, "weight": 0.10325033969936936, "segmentation": [], "area": 535456}, {"image_id": 10134, "bbox": [74, 63, 654, 920], "category_id": 2, "id": 406, "iscrowd": 0, "weight": 0.0319896804943286, "segmentation": [], "area": 601680}, {"image_id": 10134, "bbox": [814, 1183, 154, 110], "category_id": 0, "id": 407, "iscrowd": 0, "weight": 0.26913631103488267, "segmentation": [], "area": 16940}, {"image_id": 10135, "bbox": [354, 1793, 470, 374], "category_id": 0, "id": 408, "iscrowd": 0, "weight": 0.11721494510986963, "segmentation": [], "area": 175780}, {"image_id": 10135, "bbox": [504, 1937, 460, 646], "category_id": 0, "id": 409, "iscrowd": 0, "weight": 0.5918411001383748, "segmentation": [], "area": 297160}, {"image_id": 10135, "bbox": [591, 2653, 370, 110], "category_id": 0, "id": 410, "iscrowd": 0, "weight": 0.25876475893889195, "segmentation": [], "area": 40700}, {"image_id": 10135, "bbox": [948, 1710, 736, 473], "category_id": 1, "id": 411, "iscrowd": 0, "weight": 0.8688943952945194, "segmentation": [], "area": 348128}, {"image_id": 10135, "bbox": [2034, 1640, 697, 537], "category_id": 2, "id": 412, "iscrowd": 0, "weight": 0.0992471515077612, "segmentation": [], "area": 374289}, {"image_id": 10136, "bbox": [3658, 230, 356, 953], "category_id": 2, "id": 413, "iscrowd": 0, "weight": 0.3944434781986722, "segmentation": [], "area": 339268}, {"image_id": 10136, "bbox": [2050, 1047, 177, 90], "category_id": 2, "id": 414, "iscrowd": 0, "weight": 0.501925663521997, "segmentation": [], "area": 15930}, {"image_id": 10137, "bbox": [3204, 113, 264, 104], "category_id": 0, "id": 415, "iscrowd": 0, "weight": 0.5250851503159564, "segmentation": [], "area": 27456}, {"image_id": 10137, "bbox": [3251, 303, 387, 544], "category_id": 0, "id": 416, "iscrowd": 0, "weight": 0.771577029162919, "segmentation": [], "area": 210528}, {"image_id": 10137, "bbox": [3628, 760, 273, 453], "category_id": 0, "id": 417, "iscrowd": 0, "weight": 0.5904357242055809, "segmentation": [], "area": 123669}, {"image_id": 10137, "bbox": [2011, 823, 1243, 700], "category_id": 1, "id": 418, "iscrowd": 0, "weight": 0.3523566751090813, "segmentation": [], "area": 870100}, {"image_id": 10138, "bbox": [3101, 103, 804, 492], "category_id": 2, "id": 419, "iscrowd": 0, "weight": 0.41947686541239526, "segmentation": [], "area": 395568}, {"image_id": 10139, "bbox": [3071, 657, 830, 406], "category_id": 0, "id": 420, "iscrowd": 0, "weight": 0.8906380406908118, "segmentation": [], "area": 336980}, {"image_id": 10139, "bbox": [38, 2150, 979, 885], "category_id": 2, "id": 421, "iscrowd": 0, "weight": 0.6855408343464406, "segmentation": [], "area": 866415}, {"image_id": 10139, "bbox": [2884, 570, 464, 243], "category_id": 0, "id": 422, "iscrowd": 0, "weight": 0.49519426478542894, "segmentation": [], "area": 112752}, {"image_id": 10140, "bbox": [1808, 1030, 873, 347], "category_id": 1, "id": 423, "iscrowd": 0, "weight": 0.8283731340577036, "segmentation": [], "area": 302931}, {"image_id": 10140, "bbox": [1184, 1347, 310, 156], "category_id": 0, "id": 424, "iscrowd": 0, "weight": 0.41939624531125685, "segmentation": [], "area": 48360}, {"image_id": 10140, "bbox": [1258, 1483, 666, 487], "category_id": 0, "id": 425, "iscrowd": 0, "weight": 0.22940254990634323, "segmentation": [], "area": 324342}, {"image_id": 10140, "bbox": [1714, 1843, 617, 204], "category_id": 0, "id": 426, "iscrowd": 0, "weight": 0.17560991613628374, "segmentation": [], "area": 125868}, {"image_id": 10141, "bbox": [291, 23, 250, 304], "category_id": 0, "id": 427, "iscrowd": 0, "weight": 0.6540704680359156, "segmentation": [], "area": 76000}, {"image_id": 10141, "bbox": [481, 397, 850, 953], "category_id": 0, "id": 428, "iscrowd": 0, "weight": 0.17969513456267527, "segmentation": [], "area": 810050}, {"image_id": 10141, "bbox": [1651, 1487, 627, 496], "category_id": 1, "id": 429, "iscrowd": 0, "weight": 0.5869258192987279, "segmentation": [], "area": 310992}, {"image_id": 10142, "bbox": [2004, 647, 694, 366], "category_id": 2, "id": 430, "iscrowd": 0, "weight": 0.5612252434284016, "segmentation": [], "area": 254004}, {"image_id": 10142, "bbox": [2178, 1833, 1003, 714], "category_id": 2, "id": 431, "iscrowd": 0, "weight": 0.32573002640784376, "segmentation": [], "area": 716142}, {"image_id": 10142, "bbox": [408, 2277, 993, 473], "category_id": 0, "id": 432, "iscrowd": 0, "weight": 0.3992998035712615, "segmentation": [], "area": 469689}, {"image_id": 10142, "bbox": [184, 2473, 67, 217], "category_id": 0, "id": 433, "iscrowd": 0, "weight": 0.9035518701676063, "segmentation": [], "area": 14539}, {"image_id": 10143, "bbox": [3351, 520, 137, 183], "category_id": 1, "id": 434, "iscrowd": 0, "weight": 0.7360143432513186, "segmentation": [], "area": 25071}, {"image_id": 10143, "bbox": [2594, 983, 414, 304], "category_id": 1, "id": 435, "iscrowd": 0, "weight": 0.07644156552049985, "segmentation": [], "area": 125856}, {"image_id": 10143, "bbox": [2191, 1093, 463, 237], "category_id": 1, "id": 436, "iscrowd": 0, "weight": 0.7085028486921775, "segmentation": [], "area": 109731}, {"image_id": 10143, "bbox": [3159, 722, 92, 32], "category_id": 2, "id": 437, "iscrowd": 0, "weight": 0.9965379785640746, "segmentation": [], "area": 2944}, {"image_id": 10144, "bbox": [1791, 813, 300, 417], "category_id": 0, "id": 438, "iscrowd": 0, "weight": 0.09681958772724808, "segmentation": [], "area": 125100}, {"image_id": 10144, "bbox": [1868, 1237, 575, 992], "category_id": 0, "id": 439, "iscrowd": 0, "weight": 0.5355020686667367, "segmentation": [], "area": 570400}, {"image_id": 10144, "bbox": [2578, 1727, 233, 776], "category_id": 1, "id": 440, "iscrowd": 0, "weight": 0.7393753286787487, "segmentation": [], "area": 180808}, {"image_id": 10145, "bbox": [2781, 1973, 783, 654], "category_id": 0, "id": 441, "iscrowd": 0, "weight": 0.9268790145304918, "segmentation": [], "area": 512082}, {"image_id": 10145, "bbox": [1973, 1411, 79, 99], "category_id": 1, "id": 442, "iscrowd": 0, "weight": 0.8139994430200829, "segmentation": [], "area": 7821}, {"image_id": 10145, "bbox": [3231, 2217, 700, 673], "category_id": 0, "id": 443, "iscrowd": 0, "weight": 0.37875648733112777, "segmentation": [], "area": 471100}, {"image_id": 10146, "bbox": [1354, 453, 1067, 857], "category_id": 1, "id": 444, "iscrowd": 0, "weight": 0.46047955815736674, "segmentation": [], "area": 914419}, {"image_id": 10146, "bbox": [2758, 367, 840, 590], "category_id": 0, "id": 445, "iscrowd": 0, "weight": 0.4845229497653606, "segmentation": [], "area": 495600}, {"image_id": 10146, "bbox": [3641, 247, 290, 296], "category_id": 0, "id": 446, "iscrowd": 0, "weight": 0.8395702762124816, "segmentation": [], "area": 85840}, {"image_id": 10146, "bbox": [1751, 1480, 623, 157], "category_id": 1, "id": 447, "iscrowd": 0, "weight": 0.7687404541347862, "segmentation": [], "area": 97811}, {"image_id": 10147, "bbox": [905, 1190, 1143, 1139], "category_id": 1, "id": 448, "iscrowd": 0, "weight": 0.7013169719600246, "segmentation": [], "area": 1301877}, {"image_id": 10148, "bbox": [438, 453, 883, 894], "category_id": 0, "id": 449, "iscrowd": 0, "weight": 0.7850194290024108, "segmentation": [], "area": 789402}, {"image_id": 10148, "bbox": [234, 107, 257, 303], "category_id": 0, "id": 450, "iscrowd": 0, "weight": 0.11353507383763806, "segmentation": [], "area": 77871}, {"image_id": 10149, "bbox": [1284, 677, 777, 973], "category_id": 1, "id": 451, "iscrowd": 0, "weight": 0.995704499847057, "segmentation": [], "area": 756021}, {"image_id": 10149, "bbox": [2331, 1633, 693, 794], "category_id": 0, "id": 452, "iscrowd": 0, "weight": 0.29430127477144796, "segmentation": [], "area": 550242}, {"image_id": 10149, "bbox": [2648, 2367, 150, 140], "category_id": 0, "id": 453, "iscrowd": 0, "weight": 0.7246802863329527, "segmentation": [], "area": 21000}, {"image_id": 10149, "bbox": [3048, 2183, 903, 847], "category_id": 2, "id": 454, "iscrowd": 0, "weight": 0.27150777378975466, "segmentation": [], "area": 764841}, {"image_id": 10150, "bbox": [1354, 100, 1330, 1533], "category_id": 0, "id": 455, "iscrowd": 0, "weight": 0.6082338990237213, "segmentation": [], "area": 2038890}, {"image_id": 10150, "bbox": [1308, 1353, 620, 614], "category_id": 0, "id": 456, "iscrowd": 0, "weight": 0.4154531431140216, "segmentation": [], "area": 380680}, {"image_id": 10150, "bbox": [1891, 1913, 157, 134], "category_id": 0, "id": 457, "iscrowd": 0, "weight": 0.38216815467345366, "segmentation": [], "area": 21038}, {"image_id": 10150, "bbox": [2768, 493, 533, 110], "category_id": 1, "id": 458, "iscrowd": 0, "weight": 0.46095485127606095, "segmentation": [], "area": 58630}, {"image_id": 10150, "bbox": [3388, 390, 256, 83], "category_id": 1, "id": 459, "iscrowd": 0, "weight": 0.7470620595280049, "segmentation": [], "area": 21248}, {"image_id": 10151, "bbox": [370, 2753, 238, 118], "category_id": 0, "id": 460, "iscrowd": 0, "weight": 0.5528718250260971, "segmentation": [], "area": 28084}, {"image_id": 10151, "bbox": [575, 2101, 865, 458], "category_id": 0, "id": 461, "iscrowd": 0, "weight": 0.5422537236645248, "segmentation": [], "area": 396170}, {"image_id": 10151, "bbox": [331, 2310, 1048, 433], "category_id": 0, "id": 462, "iscrowd": 0, "weight": 0.11824094074739633, "segmentation": [], "area": 453784}, {"image_id": 10152, "bbox": [2301, 190, 697, 457], "category_id": 2, "id": 463, "iscrowd": 0, "weight": 0.013666567952816067, "segmentation": [], "area": 318529}, {"image_id": 10152, "bbox": [2668, 1317, 1180, 580], "category_id": 2, "id": 464, "iscrowd": 0, "weight": 0.4318803020650005, "segmentation": [], "area": 684400}, {"image_id": 10152, "bbox": [228, 1997, 723, 883], "category_id": 0, "id": 465, "iscrowd": 0, "weight": 0.1332089490583105, "segmentation": [], "area": 638409}, {"image_id": 10152, "bbox": [154, 1683, 127, 114], "category_id": 0, "id": 466, "iscrowd": 0, "weight": 0.5862512528241443, "segmentation": [], "area": 14478}, {"image_id": 10153, "bbox": [831, 1684, 657, 893], "category_id": 0, "id": 467, "iscrowd": 0, "weight": 0.8579100916192738, "segmentation": [], "area": 586701}, {"image_id": 10153, "bbox": [961, 2333, 847, 404], "category_id": 0, "id": 468, "iscrowd": 0, "weight": 0.9606893916620457, "segmentation": [], "area": 342188}, {"image_id": 10154, "bbox": [1611, 723, 930, 587], "category_id": 2, "id": 469, "iscrowd": 0, "weight": 0.1573943380618904, "segmentation": [], "area": 545910}, {"image_id": 10155, "bbox": [1521, 1170, 790, 270], "category_id": 1, "id": 470, "iscrowd": 0, "weight": 0.5908352637341548, "segmentation": [], "area": 213300}, {"image_id": 10156, "bbox": [104, 247, 987, 930], "category_id": 2, "id": 471, "iscrowd": 0, "weight": 0.5766814473996504, "segmentation": [], "area": 917910}, {"image_id": 10156, "bbox": [3131, 2253, 100, 150], "category_id": 1, "id": 472, "iscrowd": 0, "weight": 0.6256261513292231, "segmentation": [], "area": 15000}, {"image_id": 10156, "bbox": [3161, 2427, 100, 113], "category_id": 1, "id": 473, "iscrowd": 0, "weight": 0.2945365763769171, "segmentation": [], "area": 11300}, {"image_id": 10156, "bbox": [1768, 1527, 123, 376], "category_id": 1, "id": 474, "iscrowd": 0, "weight": 0.07192917337288873, "segmentation": [], "area": 46248}, {"image_id": 10156, "bbox": [3281, 2690, 137, 187], "category_id": 1, "id": 475, "iscrowd": 0, "weight": 0.48260360721210405, "segmentation": [], "area": 25619}, {"image_id": 10157, "bbox": [1151, 1663, 1153, 767], "category_id": 2, "id": 476, "iscrowd": 0, "weight": 0.4662153010006792, "segmentation": [], "area": 884351}, {"image_id": 10157, "bbox": [3511, 2217, 223, 436], "category_id": 2, "id": 477, "iscrowd": 0, "weight": 0.6494177741295183, "segmentation": [], "area": 97228}, {"image_id": 10157, "bbox": [3721, 2020, 177, 313], "category_id": 0, "id": 478, "iscrowd": 0, "weight": 0.17171309651539146, "segmentation": [], "area": 55401}, {"image_id": 10157, "bbox": [3538, 1830, 66, 117], "category_id": 0, "id": 479, "iscrowd": 0, "weight": 0.04908620780051898, "segmentation": [], "area": 7722}, {"image_id": 10157, "bbox": [1554, 1329, 110, 104], "category_id": 2, "id": 480, "iscrowd": 0, "weight": 0.271233437684275, "segmentation": [], "area": 11440}, {"image_id": 10157, "bbox": [2837, 2453, 115, 103], "category_id": 1, "id": 481, "iscrowd": 0, "weight": 0.21071940589178895, "segmentation": [], "area": 11845}, {"image_id": 10157, "bbox": [1484, 1520, 37, 113], "category_id": 1, "id": 482, "iscrowd": 0, "weight": 0.42441861994274477, "segmentation": [], "area": 4181}, {"image_id": 10158, "bbox": [2664, 1630, 254, 1150], "category_id": 1, "id": 483, "iscrowd": 0, "weight": 0.7629585486569518, "segmentation": [], "area": 292100}, {"image_id": 10158, "bbox": [3820, 2513, 78, 209], "category_id": 0, "id": 484, "iscrowd": 0, "weight": 0.16039606951920016, "segmentation": [], "area": 16302}, {"image_id": 10158, "bbox": [3760, 2743, 68, 62], "category_id": 2, "id": 485, "iscrowd": 0, "weight": 0.41458040392449846, "segmentation": [], "area": 4216}, {"image_id": 10159, "bbox": [68, 223, 936, 827], "category_id": 2, "id": 486, "iscrowd": 0, "weight": 0.8933598006490974, "segmentation": [], "area": 774072}, {"image_id": 10159, "bbox": [2278, 1710, 56, 87], "category_id": 0, "id": 487, "iscrowd": 0, "weight": 0.7537977568998814, "segmentation": [], "area": 4872}, {"image_id": 10159, "bbox": [2338, 1290, 963, 887], "category_id": 0, "id": 488, "iscrowd": 0, "weight": 0.16803948191820828, "segmentation": [], "area": 854181}, {"image_id": 10159, "bbox": [2582, 1136, 216, 121], "category_id": 0, "id": 489, "iscrowd": 0, "weight": 0.7138915302884827, "segmentation": [], "area": 26136}, {"image_id": 10159, "bbox": [2834, 1863, 1004, 514], "category_id": 1, "id": 490, "iscrowd": 0, "weight": 0.1335714505111948, "segmentation": [], "area": 516056}, {"image_id": 10160, "bbox": [3138, 1007, 885, 1273], "category_id": 2, "id": 491, "iscrowd": 0, "weight": 0.8754592586723724, "segmentation": [], "area": 1126605}, {"image_id": 10161, "bbox": [2008, 570, 458, 1147], "category_id": 0, "id": 492, "iscrowd": 0, "weight": 0.4994639965052907, "segmentation": [], "area": 525326}, {"image_id": 10161, "bbox": [2454, 91, 1190, 736], "category_id": 1, "id": 493, "iscrowd": 0, "weight": 0.8894980018805583, "segmentation": [], "area": 875840}, {"image_id": 10161, "bbox": [221, 1973, 803, 774], "category_id": 2, "id": 494, "iscrowd": 0, "weight": 0.2796004237293501, "segmentation": [], "area": 621522}, {"image_id": 10161, "bbox": [2072, 1737, 342, 197], "category_id": 0, "id": 495, "iscrowd": 0, "weight": 0.40151805613196456, "segmentation": [], "area": 67374}, {"image_id": 10161, "bbox": [2915, 672, 126, 68], "category_id": 1, "id": 496, "iscrowd": 0, "weight": 0.9261339041873008, "segmentation": [], "area": 8568}, {"image_id": 10162, "bbox": [3728, 130, 280, 873], "category_id": 2, "id": 497, "iscrowd": 0, "weight": 0.6090378656026701, "segmentation": [], "area": 244440}, {"image_id": 10163, "bbox": [1901, 1430, 1063, 313], "category_id": 1, "id": 498, "iscrowd": 0, "weight": 0.8214738986559574, "segmentation": [], "area": 332719}, {"image_id": 10163, "bbox": [2428, 1937, 326, 800], "category_id": 0, "id": 499, "iscrowd": 0, "weight": 0.05530713350329641, "segmentation": [], "area": 260800}, {"image_id": 10164, "bbox": [2324, 1000, 80, 103], "category_id": 0, "id": 500, "iscrowd": 0, "weight": 0.7526922732513124, "segmentation": [], "area": 8240}, {"image_id": 10164, "bbox": [2408, 1253, 243, 664], "category_id": 0, "id": 501, "iscrowd": 0, "weight": 0.8301282672644396, "segmentation": [], "area": 161352}, {"image_id": 10164, "bbox": [2964, 1880, 884, 147], "category_id": 1, "id": 502, "iscrowd": 0, "weight": 0.8645305589331079, "segmentation": [], "area": 129948}, {"image_id": 10165, "bbox": [1968, 1143, 1217, 732], "category_id": 1, "id": 503, "iscrowd": 0, "weight": 0.956796853834543, "segmentation": [], "area": 890844}, {"image_id": 10165, "bbox": [1584, 1670, 70, 133], "category_id": 1, "id": 504, "iscrowd": 0, "weight": 0.08978086860725476, "segmentation": [], "area": 9310}, {"image_id": 10165, "bbox": [928, 1093, 63, 57], "category_id": 0, "id": 505, "iscrowd": 0, "weight": 0.36621052661942877, "segmentation": [], "area": 3591}, {"image_id": 10165, "bbox": [3808, 1245, 149, 273], "category_id": 2, "id": 506, "iscrowd": 0, "weight": 0.9058588117231685, "segmentation": [], "area": 40677}, {"image_id": 10166, "bbox": [11, 757, 313, 776], "category_id": 2, "id": 507, "iscrowd": 0, "weight": 0.7866368083217042, "segmentation": [], "area": 242888}, {"image_id": 10166, "bbox": [551, 1797, 180, 73], "category_id": 0, "id": 508, "iscrowd": 0, "weight": 0.9347055208009257, "segmentation": [], "area": 13140}, {"image_id": 10166, "bbox": [2056, 1045, 764, 716], "category_id": 1, "id": 509, "iscrowd": 0, "weight": 0.27994278175027376, "segmentation": [], "area": 547024}, {"image_id": 10166, "bbox": [2582, 881, 74, 167], "category_id": 1, "id": 510, "iscrowd": 0, "weight": 0.9506214667155287, "segmentation": [], "area": 12358}, {"image_id": 10166, "bbox": [3098, 816, 51, 49], "category_id": 1, "id": 511, "iscrowd": 0, "weight": 0.8857917933685141, "segmentation": [], "area": 2499}, {"image_id": 10167, "bbox": [3351, 2123, 527, 760], "category_id": 2, "id": 512, "iscrowd": 0, "weight": 0.7667229642413422, "segmentation": [], "area": 400520}, {"image_id": 10167, "bbox": [1551, 1413, 70, 200], "category_id": 1, "id": 513, "iscrowd": 0, "weight": 0.07078757127488211, "segmentation": [], "area": 14000}, {"image_id": 10167, "bbox": [1204, 810, 44, 60], "category_id": 0, "id": 514, "iscrowd": 0, "weight": 0.9747624890108455, "segmentation": [], "area": 2640}, {"image_id": 10168, "bbox": [2064, 1373, 450, 397], "category_id": 0, "id": 515, "iscrowd": 0, "weight": 0.26220507982907937, "segmentation": [], "area": 178650}, {"image_id": 10168, "bbox": [1244, 1197, 824, 800], "category_id": 0, "id": 516, "iscrowd": 0, "weight": 0.968940304164099, "segmentation": [], "area": 659200}, {"image_id": 10168, "bbox": [1071, 380, 1007, 867], "category_id": 1, "id": 517, "iscrowd": 0, "weight": 0.6986117797137977, "segmentation": [], "area": 873069}, {"image_id": 10168, "bbox": [3171, 2027, 560, 680], "category_id": 2, "id": 518, "iscrowd": 0, "weight": 0.4141229815642218, "segmentation": [], "area": 380800}, {"image_id": 10169, "bbox": [3631, 159, 345, 761], "category_id": 2, "id": 519, "iscrowd": 0, "weight": 0.6297305372372396, "segmentation": [], "area": 262545}, {"image_id": 10169, "bbox": [1614, 1673, 224, 114], "category_id": 0, "id": 520, "iscrowd": 0, "weight": 0.9319203809643498, "segmentation": [], "area": 25536}, {"image_id": 10169, "bbox": [2441, 1613, 480, 257], "category_id": 0, "id": 521, "iscrowd": 0, "weight": 0.5520437802987679, "segmentation": [], "area": 123360}, {"image_id": 10169, "bbox": [1851, 1683, 423, 237], "category_id": 0, "id": 522, "iscrowd": 0, "weight": 0.6444153073225543, "segmentation": [], "area": 100251}, {"image_id": 10169, "bbox": [2215, 707, 1160, 533], "category_id": 1, "id": 523, "iscrowd": 0, "weight": 0.9757629537213464, "segmentation": [], "area": 618280}, {"image_id": 10169, "bbox": [3379, 68, 129, 65], "category_id": 2, "id": 524, "iscrowd": 0, "weight": 0.3674140683346697, "segmentation": [], "area": 8385}, {"image_id": 10169, "bbox": [1921, 1246, 535, 264], "category_id": 2, "id": 525, "iscrowd": 0, "weight": 0.9198988770241164, "segmentation": [], "area": 141240}, {"image_id": 10170, "bbox": [1868, 817, 1280, 290], "category_id": 1, "id": 526, "iscrowd": 0, "weight": 0.2709186584523098, "segmentation": [], "area": 371200}, {"image_id": 10170, "bbox": [3573, 0, 431, 560], "category_id": 2, "id": 527, "iscrowd": 0, "weight": 0.8889433240927299, "segmentation": [], "area": 241360}, {"image_id": 10170, "bbox": [2081, 1240, 257, 497], "category_id": 0, "id": 528, "iscrowd": 0, "weight": 0.5118029755220551, "segmentation": [], "area": 127729}, {"image_id": 10170, "bbox": [1984, 1843, 257, 264], "category_id": 0, "id": 529, "iscrowd": 0, "weight": 0.40544283272870474, "segmentation": [], "area": 67848}, {"image_id": 10171, "bbox": [3791, 1210, 230, 647], "category_id": 2, "id": 530, "iscrowd": 0, "weight": 0.09117275518092671, "segmentation": [], "area": 148810}, {"image_id": 10171, "bbox": [3687, 1491, 145, 222], "category_id": 2, "id": 531, "iscrowd": 0, "weight": 0.32560009043947014, "segmentation": [], "area": 32190}, {"image_id": 10171, "bbox": [1401, 1770, 110, 143], "category_id": 1, "id": 532, "iscrowd": 0, "weight": 0.8680608453992714, "segmentation": [], "area": 15730}, {"image_id": 10171, "bbox": [881, 1538, 96, 62], "category_id": 2, "id": 533, "iscrowd": 0, "weight": 0.26488374313896756, "segmentation": [], "area": 5952}, {"image_id": 10172, "bbox": [2808, 810, 936, 443], "category_id": 1, "id": 534, "iscrowd": 0, "weight": 0.6413045078718771, "segmentation": [], "area": 414648}, {"image_id": 10172, "bbox": [161, 2063, 797, 800], "category_id": 2, "id": 535, "iscrowd": 0, "weight": 0.942947477233372, "segmentation": [], "area": 637600}, {"image_id": 10173, "bbox": [761, 347, 923, 1210], "category_id": 0, "id": 536, "iscrowd": 0, "weight": 0.8488848997438238, "segmentation": [], "area": 1116830}, {"image_id": 10173, "bbox": [1841, 997, 83, 73], "category_id": 0, "id": 537, "iscrowd": 0, "weight": 0.21859388510547106, "segmentation": [], "area": 6059}, {"image_id": 10173, "bbox": [1874, 983, 810, 380], "category_id": 1, "id": 538, "iscrowd": 0, "weight": 0.1500152429846976, "segmentation": [], "area": 307800}, {"image_id": 10173, "bbox": [2601, 1367, 67, 183], "category_id": 1, "id": 539, "iscrowd": 0, "weight": 0.44840052200191305, "segmentation": [], "area": 12261}, {"image_id": 10173, "bbox": [1914, 1370, 587, 383], "category_id": 2, "id": 540, "iscrowd": 0, "weight": 0.22464059458738772, "segmentation": [], "area": 224821}, {"image_id": 10173, "bbox": [1601, 1877, 647, 413], "category_id": 2, "id": 541, "iscrowd": 0, "weight": 0.5152980820396509, "segmentation": [], "area": 267211}, {"image_id": 10174, "bbox": [1978, 873, 543, 970], "category_id": 1, "id": 542, "iscrowd": 0, "weight": 0.7215318339215114, "segmentation": [], "area": 526710}, {"image_id": 10174, "bbox": [1774, 1557, 110, 186], "category_id": 1, "id": 543, "iscrowd": 0, "weight": 0.9035595063114152, "segmentation": [], "area": 20460}, {"image_id": 10174, "bbox": [1298, 993, 130, 47], "category_id": 1, "id": 544, "iscrowd": 0, "weight": 0.8771882444411608, "segmentation": [], "area": 6110}, {"image_id": 10175, "bbox": [2724, 130, 237, 663], "category_id": 1, "id": 545, "iscrowd": 0, "weight": 0.5970334063756677, "segmentation": [], "area": 157131}, {"image_id": 10176, "bbox": [2268, 873, 1140, 434], "category_id": 0, "id": 546, "iscrowd": 0, "weight": 0.933890264702571, "segmentation": [], "area": 494760}, {"image_id": 10176, "bbox": [1841, 1010, 223, 723], "category_id": 1, "id": 547, "iscrowd": 0, "weight": 0.6327731080959086, "segmentation": [], "area": 161229}, {"image_id": 10177, "bbox": [811, 1417, 917, 1026], "category_id": 0, "id": 548, "iscrowd": 0, "weight": 0.3148444685545041, "segmentation": [], "area": 940842}, {"image_id": 10177, "bbox": [434, 1620, 217, 140], "category_id": 0, "id": 549, "iscrowd": 0, "weight": 0.016757680583526446, "segmentation": [], "area": 30380}, {"image_id": 10177, "bbox": [471, 1780, 460, 863], "category_id": 1, "id": 550, "iscrowd": 0, "weight": 0.7584461634331516, "segmentation": [], "area": 396980}, {"image_id": 10177, "bbox": [3088, 183, 683, 850], "category_id": 2, "id": 551, "iscrowd": 0, "weight": 0.9078975912307325, "segmentation": [], "area": 580550}, {"image_id": 10178, "bbox": [881, 670, 627, 593], "category_id": 1, "id": 552, "iscrowd": 0, "weight": 0.784168488867062, "segmentation": [], "area": 371811}, {"image_id": 10179, "bbox": [323, 1954, 1460, 196], "category_id": 2, "id": 553, "iscrowd": 0, "weight": 0.37241801088543536, "segmentation": [], "area": 286160}, {"image_id": 10179, "bbox": [371, 843, 407, 130], "category_id": 0, "id": 554, "iscrowd": 0, "weight": 0.051512827082634605, "segmentation": [], "area": 52910}, {"image_id": 10179, "bbox": [8, 1330, 123, 310], "category_id": 2, "id": 555, "iscrowd": 0, "weight": 0.43268882778560047, "segmentation": [], "area": 38130}, {"image_id": 10180, "bbox": [1594, 907, 2100, 480], "category_id": 1, "id": 556, "iscrowd": 0, "weight": 0.6392862902127623, "segmentation": [], "area": 1008000}, {"image_id": 10180, "bbox": [1844, 1663, 80, 180], "category_id": 1, "id": 557, "iscrowd": 0, "weight": 0.5471084293486276, "segmentation": [], "area": 14400}, {"image_id": 10180, "bbox": [1344, 1877, 57, 56], "category_id": 1, "id": 558, "iscrowd": 0, "weight": 0.5177423594449444, "segmentation": [], "area": 3192}, {"image_id": 10180, "bbox": [1398, 2030, 1060, 147], "category_id": 2, "id": 559, "iscrowd": 0, "weight": 0.22673635992575425, "segmentation": [], "area": 155820}, {"image_id": 10181, "bbox": [1818, 1133, 190, 627], "category_id": 1, "id": 560, "iscrowd": 0, "weight": 0.3642268082616055, "segmentation": [], "area": 119130}, {"image_id": 10181, "bbox": [261, 2443, 127, 160], "category_id": 1, "id": 561, "iscrowd": 0, "weight": 0.8751505888032824, "segmentation": [], "area": 20320}, {"image_id": 10182, "bbox": [2328, 1157, 486, 457], "category_id": 0, "id": 562, "iscrowd": 0, "weight": 0.097925156952121, "segmentation": [], "area": 222102}, {"image_id": 10182, "bbox": [3701, 1400, 201, 323], "category_id": 2, "id": 563, "iscrowd": 0, "weight": 0.6559222234994058, "segmentation": [], "area": 64923}, {"image_id": 10183, "bbox": [2681, 1717, 500, 470], "category_id": 1, "id": 564, "iscrowd": 0, "weight": 0.5138801451475445, "segmentation": [], "area": 235000}, {"image_id": 10183, "bbox": [1071, 1373, 97, 84], "category_id": 0, "id": 565, "iscrowd": 0, "weight": 0.7330624900344649, "segmentation": [], "area": 8148}, {"image_id": 10184, "bbox": [1691, 1133, 847, 624], "category_id": 1, "id": 566, "iscrowd": 0, "weight": 0.8299385832623992, "segmentation": [], "area": 528528}, {"image_id": 10184, "bbox": [3621, 290, 190, 257], "category_id": 2, "id": 567, "iscrowd": 0, "weight": 0.09870942479452094, "segmentation": [], "area": 48830}, {"image_id": 10185, "bbox": [148, 310, 1073, 1210], "category_id": 2, "id": 568, "iscrowd": 0, "weight": 0.632196935768889, "segmentation": [], "area": 1298330}, {"image_id": 10186, "bbox": [2458, 884, 885, 395], "category_id": 0, "id": 569, "iscrowd": 0, "weight": 0.5505921209958614, "segmentation": [], "area": 349575}, {"image_id": 10187, "bbox": [2138, 877, 530, 370], "category_id": 2, "id": 570, "iscrowd": 0, "weight": 0.15329003527457763, "segmentation": [], "area": 196100}, {"image_id": 10187, "bbox": [1638, 1457, 646, 446], "category_id": 1, "id": 571, "iscrowd": 0, "weight": 0.7099801480754159, "segmentation": [], "area": 288116}, {"image_id": 10187, "bbox": [2944, 1780, 530, 303], "category_id": 0, "id": 572, "iscrowd": 0, "weight": 0.5636126415953019, "segmentation": [], "area": 160590}, {"image_id": 10187, "bbox": [2574, 1577, 424, 973], "category_id": 0, "id": 573, "iscrowd": 0, "weight": 0.44260818428776494, "segmentation": [], "area": 412552}, {"image_id": 10187, "bbox": [2601, 1593, 63, 57], "category_id": 0, "id": 574, "iscrowd": 0, "weight": 0.6128607656428161, "segmentation": [], "area": 3591}, {"image_id": 10188, "bbox": [1634, 857, 554, 1266], "category_id": 1, "id": 575, "iscrowd": 0, "weight": 0.0393220151676974, "segmentation": [], "area": 701364}, {"image_id": 10188, "bbox": [2305, 1515, 70, 176], "category_id": 1, "id": 576, "iscrowd": 0, "weight": 0.5978659028089947, "segmentation": [], "area": 12320}, {"image_id": 10188, "bbox": [171, 320, 301, 326], "category_id": 2, "id": 577, "iscrowd": 0, "weight": 0.41712148903851776, "segmentation": [], "area": 98126}, {"image_id": 10189, "bbox": [1591, 1257, 614, 576], "category_id": 0, "id": 578, "iscrowd": 0, "weight": 0.30023930326680903, "segmentation": [], "area": 353664}, {"image_id": 10189, "bbox": [2194, 990, 137, 153], "category_id": 1, "id": 579, "iscrowd": 0, "weight": 0.3245696558605349, "segmentation": [], "area": 20961}, {"image_id": 10189, "bbox": [250, 2303, 248, 278], "category_id": 2, "id": 580, "iscrowd": 0, "weight": 0.5580033486868153, "segmentation": [], "area": 68944}, {"image_id": 10190, "bbox": [1448, 1150, 1130, 923], "category_id": 0, "id": 581, "iscrowd": 0, "weight": 0.5600302458519026, "segmentation": [], "area": 1042990}, {"image_id": 10190, "bbox": [721, 1560, 647, 390], "category_id": 0, "id": 582, "iscrowd": 0, "weight": 0.36191795765168944, "segmentation": [], "area": 252330}, {"image_id": 10190, "bbox": [761, 2017, 113, 90], "category_id": 0, "id": 583, "iscrowd": 0, "weight": 0.02889079876265943, "segmentation": [], "area": 10170}, {"image_id": 10190, "bbox": [2514, 783, 414, 614], "category_id": 1, "id": 584, "iscrowd": 0, "weight": 0.9263720724813411, "segmentation": [], "area": 254196}, {"image_id": 10190, "bbox": [3014, 0, 1009, 1160], "category_id": 2, "id": 585, "iscrowd": 0, "weight": 0.2546174508047061, "segmentation": [], "area": 1170440}, {"image_id": 10191, "bbox": [2681, 1267, 840, 853], "category_id": 0, "id": 586, "iscrowd": 0, "weight": 0.37078236456656755, "segmentation": [], "area": 716520}, {"image_id": 10191, "bbox": [2064, 810, 357, 1130], "category_id": 1, "id": 587, "iscrowd": 0, "weight": 0.7073000752922481, "segmentation": [], "area": 403410}, {"image_id": 10191, "bbox": [2691, 790, 1053, 207], "category_id": 2, "id": 588, "iscrowd": 0, "weight": 0.7662268888211891, "segmentation": [], "area": 217971}, {"image_id": 10192, "bbox": [1934, 1163, 607, 597], "category_id": 1, "id": 589, "iscrowd": 0, "weight": 0.1284476408753017, "segmentation": [], "area": 362379}, {"image_id": 10193, "bbox": [2031, 1070, 229, 154], "category_id": 1, "id": 590, "iscrowd": 0, "weight": 0.8945016657685557, "segmentation": [], "area": 35266}, {"image_id": 10193, "bbox": [264, 2390, 314, 293], "category_id": 2, "id": 591, "iscrowd": 0, "weight": 0.39812592190470875, "segmentation": [], "area": 92002}, {"image_id": 10193, "bbox": [3101, 130, 730, 783], "category_id": 2, "id": 592, "iscrowd": 0, "weight": 0.01927959029977344, "segmentation": [], "area": 571590}, {"image_id": 10194, "bbox": [1201, 860, 950, 1197], "category_id": 0, "id": 593, "iscrowd": 0, "weight": 0.6511657912052444, "segmentation": [], "area": 1137150}, {"image_id": 10194, "bbox": [3054, 1427, 227, 630], "category_id": 2, "id": 594, "iscrowd": 0, "weight": 0.376570296218661, "segmentation": [], "area": 143010}, {"image_id": 10194, "bbox": [3541, 1337, 333, 563], "category_id": 2, "id": 595, "iscrowd": 0, "weight": 0.3887598411241314, "segmentation": [], "area": 187479}, {"image_id": 10194, "bbox": [354, 1990, 77, 110], "category_id": 0, "id": 596, "iscrowd": 0, "weight": 0.4603742030740505, "segmentation": [], "area": 8470}, {"image_id": 10194, "bbox": [321, 1457, 1090, 603], "category_id": 1, "id": 597, "iscrowd": 0, "weight": 0.0013965050505522214, "segmentation": [], "area": 657270}, {"image_id": 10194, "bbox": [2284, 1043, 97, 197], "category_id": 1, "id": 598, "iscrowd": 0, "weight": 0.789816294997875, "segmentation": [], "area": 19109}, {"image_id": 10195, "bbox": [2251, 1303, 707, 1367], "category_id": 1, "id": 599, "iscrowd": 0, "weight": 0.9574707555792835, "segmentation": [], "area": 966469}, {"image_id": 10195, "bbox": [3528, 2513, 232, 227], "category_id": 2, "id": 600, "iscrowd": 0, "weight": 0.5521926444733226, "segmentation": [], "area": 52664}, {"image_id": 10195, "bbox": [1574, 1377, 77, 163], "category_id": 1, "id": 601, "iscrowd": 0, "weight": 0.29389032012349403, "segmentation": [], "area": 12551}, {"image_id": 10195, "bbox": [1100, 1237, 52, 49], "category_id": 1, "id": 602, "iscrowd": 0, "weight": 0.3678337245264647, "segmentation": [], "area": 2548}, {"image_id": 10196, "bbox": [11, 1107, 207, 450], "category_id": 2, "id": 603, "iscrowd": 0, "weight": 0.22600017262450067, "segmentation": [], "area": 93150}, {"image_id": 10196, "bbox": [604, 1490, 1124, 420], "category_id": 1, "id": 604, "iscrowd": 0, "weight": 0.1612649367378235, "segmentation": [], "area": 472080}, {"image_id": 10196, "bbox": [1048, 753, 1736, 234], "category_id": 2, "id": 605, "iscrowd": 0, "weight": 0.6538742304561247, "segmentation": [], "area": 406224}, {"image_id": 10196, "bbox": [2851, 1020, 70, 77], "category_id": 1, "id": 606, "iscrowd": 0, "weight": 0.18782902209027152, "segmentation": [], "area": 5390}, {"image_id": 10196, "bbox": [2354, 1100, 67, 147], "category_id": 1, "id": 607, "iscrowd": 0, "weight": 0.4485574206019203, "segmentation": [], "area": 9849}, {"image_id": 10196, "bbox": [1894, 1170, 170, 240], "category_id": 2, "id": 608, "iscrowd": 0, "weight": 0.993297538414374, "segmentation": [], "area": 40800}, {"image_id": 10196, "bbox": [2128, 1377, 148, 88], "category_id": 2, "id": 609, "iscrowd": 0, "weight": 0.8895047013280377, "segmentation": [], "area": 13024}, {"image_id": 10196, "bbox": [3308, 797, 180, 126], "category_id": 0, "id": 610, "iscrowd": 0, "weight": 0.22608893301539001, "segmentation": [], "area": 22680}, {"image_id": 10196, "bbox": [2034, 1380, 117, 70], "category_id": 0, "id": 611, "iscrowd": 0, "weight": 0.0892749401363464, "segmentation": [], "area": 8190}, {"image_id": 10196, "bbox": [2360, 1387, 222, 75], "category_id": 2, "id": 612, "iscrowd": 0, "weight": 0.3072901964605539, "segmentation": [], "area": 16650}, {"image_id": 10197, "bbox": [201, 383, 320, 677], "category_id": 0, "id": 613, "iscrowd": 0, "weight": 0.4549966330379057, "segmentation": [], "area": 216640}, {"image_id": 10197, "bbox": [518, 1070, 826, 667], "category_id": 0, "id": 614, "iscrowd": 0, "weight": 0.05409906070377335, "segmentation": [], "area": 550942}, {"image_id": 10197, "bbox": [654, 750, 207, 180], "category_id": 0, "id": 615, "iscrowd": 0, "weight": 0.23043298195672102, "segmentation": [], "area": 37260}, {"image_id": 10197, "bbox": [1021, 417, 273, 593], "category_id": 0, "id": 616, "iscrowd": 0, "weight": 0.15789096821679827, "segmentation": [], "area": 161889}, {"image_id": 10197, "bbox": [761, 223, 90, 87], "category_id": 0, "id": 617, "iscrowd": 0, "weight": 0.8509072388849108, "segmentation": [], "area": 7830}, {"image_id": 10197, "bbox": [1351, 817, 807, 483], "category_id": 1, "id": 618, "iscrowd": 0, "weight": 0.46984605461818163, "segmentation": [], "area": 389781}, {"image_id": 10197, "bbox": [1244, 1753, 1020, 630], "category_id": 2, "id": 619, "iscrowd": 0, "weight": 0.8305195401955601, "segmentation": [], "area": 642600}, {"image_id": 10197, "bbox": [2431, 913, 577, 420], "category_id": 2, "id": 620, "iscrowd": 0, "weight": 0.13075440905946922, "segmentation": [], "area": 242340}, {"image_id": 10197, "bbox": [2121, 1397, 637, 520], "category_id": 2, "id": 621, "iscrowd": 0, "weight": 0.17826263904528028, "segmentation": [], "area": 331240}, {"image_id": 10197, "bbox": [2668, 1457, 60, 143], "category_id": 1, "id": 622, "iscrowd": 0, "weight": 0.9242663351800708, "segmentation": [], "area": 8580}, {"image_id": 10198, "bbox": [1444, 873, 570, 947], "category_id": 1, "id": 623, "iscrowd": 0, "weight": 0.9696577514697714, "segmentation": [], "area": 539790}, {"image_id": 10198, "bbox": [2148, 1193, 50, 94], "category_id": 1, "id": 624, "iscrowd": 0, "weight": 0.971590808525415, "segmentation": [], "area": 4700}, {"image_id": 10198, "bbox": [2638, 1097, 60, 60], "category_id": 1, "id": 625, "iscrowd": 0, "weight": 0.7343644174528223, "segmentation": [], "area": 3600}, {"image_id": 10198, "bbox": [3501, 1667, 430, 296], "category_id": 2, "id": 626, "iscrowd": 0, "weight": 0.9525746605774074, "segmentation": [], "area": 127280}, {"image_id": 10198, "bbox": [3428, 2050, 486, 203], "category_id": 2, "id": 627, "iscrowd": 0, "weight": 0.42730105053779255, "segmentation": [], "area": 98658}, {"image_id": 10199, "bbox": [2478, 540, 610, 407], "category_id": 1, "id": 628, "iscrowd": 0, "weight": 0.5195138215715066, "segmentation": [], "area": 248270}, {"image_id": 10199, "bbox": [3478, 90, 300, 333], "category_id": 2, "id": 629, "iscrowd": 0, "weight": 0.6818895295982416, "segmentation": [], "area": 99900}, {"image_id": 10199, "bbox": [1924, 1740, 137, 110], "category_id": 1, "id": 630, "iscrowd": 0, "weight": 0.5612637606489139, "segmentation": [], "area": 15070}, {"image_id": 10199, "bbox": [151, 2070, 830, 703], "category_id": 2, "id": 631, "iscrowd": 0, "weight": 0.007387010069789479, "segmentation": [], "area": 583490}, {"image_id": 10199, "bbox": [14, 1660, 594, 787], "category_id": 2, "id": 632, "iscrowd": 0, "weight": 0.32976401100156927, "segmentation": [], "area": 467478}, {"image_id": 10200, "bbox": [1528, 763, 556, 440], "category_id": 2, "id": 633, "iscrowd": 0, "weight": 0.19266147755892182, "segmentation": [], "area": 244640}, {"image_id": 10200, "bbox": [1921, 1113, 710, 542], "category_id": 2, "id": 634, "iscrowd": 0, "weight": 0.1712441501462597, "segmentation": [], "area": 384820}, {"image_id": 10200, "bbox": [2405, 1913, 179, 204], "category_id": 2, "id": 635, "iscrowd": 0, "weight": 0.6657484493523089, "segmentation": [], "area": 36516}, {"image_id": 10200, "bbox": [1084, 1557, 710, 1226], "category_id": 0, "id": 636, "iscrowd": 0, "weight": 0.6532835215483813, "segmentation": [], "area": 870460}, {"image_id": 10200, "bbox": [415, 2775, 213, 252], "category_id": 2, "id": 637, "iscrowd": 0, "weight": 0.2927733923547583, "segmentation": [], "area": 53676}, {"image_id": 10201, "bbox": [2518, 927, 106, 126], "category_id": 0, "id": 638, "iscrowd": 0, "weight": 0.6186240964305975, "segmentation": [], "area": 13356}, {"image_id": 10201, "bbox": [2071, 1153, 537, 1004], "category_id": 0, "id": 639, "iscrowd": 0, "weight": 0.7741708015818184, "segmentation": [], "area": 539148}, {"image_id": 10201, "bbox": [3354, 940, 657, 1203], "category_id": 2, "id": 640, "iscrowd": 0, "weight": 0.3876661218362025, "segmentation": [], "area": 790371}, {"image_id": 10201, "bbox": [1281, 987, 710, 956], "category_id": 1, "id": 641, "iscrowd": 0, "weight": 0.09362813124121316, "segmentation": [], "area": 678760}, {"image_id": 10201, "bbox": [1158, 1680, 80, 187], "category_id": 1, "id": 642, "iscrowd": 0, "weight": 0.18651594386000458, "segmentation": [], "area": 14960}, {"image_id": 10201, "bbox": [3740, 1155, 236, 394], "category_id": 0, "id": 643, "iscrowd": 0, "weight": 0.2729883032877227, "segmentation": [], "area": 92984}, {"image_id": 10201, "bbox": [1605, 855, 90, 52], "category_id": 2, "id": 644, "iscrowd": 0, "weight": 0.8989296863139015, "segmentation": [], "area": 4680}, {"image_id": 10202, "bbox": [1028, 1700, 773, 847], "category_id": 1, "id": 645, "iscrowd": 0, "weight": 0.24682665810691307, "segmentation": [], "area": 654731}, {"image_id": 10202, "bbox": [2078, 997, 100, 90], "category_id": 1, "id": 646, "iscrowd": 0, "weight": 0.4566279490320234, "segmentation": [], "area": 9000}, {"image_id": 10202, "bbox": [251, 2350, 260, 273], "category_id": 2, "id": 647, "iscrowd": 0, "weight": 0.058373903263009175, "segmentation": [], "area": 70980}, {"image_id": 10203, "bbox": [548, 1723, 1246, 257], "category_id": 1, "id": 648, "iscrowd": 0, "weight": 0.9240578189144117, "segmentation": [], "area": 320222}, {"image_id": 10203, "bbox": [3228, 1862, 77, 107], "category_id": 2, "id": 649, "iscrowd": 0, "weight": 0.15729176727179517, "segmentation": [], "area": 8239}, {"image_id": 10203, "bbox": [0, 1463, 58, 139], "category_id": 2, "id": 650, "iscrowd": 0, "weight": 0.060606451834102515, "segmentation": [], "area": 8062}, {"image_id": 10204, "bbox": [1601, 690, 820, 982], "category_id": 0, "id": 651, "iscrowd": 0, "weight": 0.9485848822648949, "segmentation": [], "area": 805240}, {"image_id": 10204, "bbox": [1038, 1297, 576, 313], "category_id": 1, "id": 652, "iscrowd": 0, "weight": 0.9762512032283661, "segmentation": [], "area": 180288}, {"image_id": 10205, "bbox": [1528, 1153, 840, 607], "category_id": 1, "id": 653, "iscrowd": 0, "weight": 0.9088285273465393, "segmentation": [], "area": 509880}, {"image_id": 10205, "bbox": [2384, 1347, 77, 146], "category_id": 1, "id": 654, "iscrowd": 0, "weight": 0.41502648124735153, "segmentation": [], "area": 11242}, {"image_id": 10205, "bbox": [302, 413, 270, 319], "category_id": 2, "id": 655, "iscrowd": 0, "weight": 0.3355893601178579, "segmentation": [], "area": 86130}, {"image_id": 10206, "bbox": [1258, 1277, 627, 627], "category_id": 0, "id": 656, "iscrowd": 0, "weight": 0.5500200208403935, "segmentation": [], "area": 393129}, {"image_id": 10206, "bbox": [1895, 1923, 223, 90], "category_id": 0, "id": 657, "iscrowd": 0, "weight": 0.6229500845825815, "segmentation": [], "area": 20070}, {"image_id": 10207, "bbox": [1618, 1097, 633, 1223], "category_id": 0, "id": 658, "iscrowd": 0, "weight": 0.3959860763188584, "segmentation": [], "area": 774159}, {"image_id": 10207, "bbox": [2443, 1382, 77, 191], "category_id": 1, "id": 659, "iscrowd": 0, "weight": 0.7094853036341986, "segmentation": [], "area": 14707}, {"image_id": 10207, "bbox": [348, 223, 203, 257], "category_id": 2, "id": 660, "iscrowd": 0, "weight": 0.2580428582427482, "segmentation": [], "area": 52171}, {"image_id": 10207, "bbox": [2328, 2367, 146, 90], "category_id": 0, "id": 661, "iscrowd": 0, "weight": 0.9417566872731035, "segmentation": [], "area": 13140}, {"image_id": 10207, "bbox": [2488, 1610, 118, 188], "category_id": 1, "id": 662, "iscrowd": 0, "weight": 0.8498753539927764, "segmentation": [], "area": 22184}, {"image_id": 10208, "bbox": [1594, 887, 597, 1280], "category_id": 0, "id": 663, "iscrowd": 0, "weight": 0.062288915059575456, "segmentation": [], "area": 764160}, {"image_id": 10208, "bbox": [2331, 1613, 800, 830], "category_id": 1, "id": 664, "iscrowd": 0, "weight": 0.75066173048421, "segmentation": [], "area": 664000}, {"image_id": 10208, "bbox": [3118, 2390, 803, 573], "category_id": 2, "id": 665, "iscrowd": 0, "weight": 0.041517360313096385, "segmentation": [], "area": 460119}, {"image_id": 10208, "bbox": [3478, 2450, 216, 303], "category_id": 1, "id": 666, "iscrowd": 0, "weight": 0.7537680290052743, "segmentation": [], "area": 65448}, {"image_id": 10209, "bbox": [108, 903, 426, 737], "category_id": 2, "id": 667, "iscrowd": 0, "weight": 0.7454648374278156, "segmentation": [], "area": 313962}, {"image_id": 10209, "bbox": [3074, 937, 600, 1046], "category_id": 1, "id": 668, "iscrowd": 0, "weight": 0.6235832192656802, "segmentation": [], "area": 627600}, {"image_id": 10210, "bbox": [1991, 1083, 617, 984], "category_id": 0, "id": 669, "iscrowd": 0, "weight": 0.9385137921101834, "segmentation": [], "area": 607128}, {"image_id": 10210, "bbox": [2471, 2173, 523, 447], "category_id": 0, "id": 670, "iscrowd": 0, "weight": 0.4813192156794499, "segmentation": [], "area": 233781}, {"image_id": 10210, "bbox": [128, 187, 1096, 1106], "category_id": 2, "id": 671, "iscrowd": 0, "weight": 0.07631500155249349, "segmentation": [], "area": 1212176}, {"image_id": 10210, "bbox": [3076, 2468, 61, 268], "category_id": 0, "id": 672, "iscrowd": 0, "weight": 0.7416911489148953, "segmentation": [], "area": 16348}, {"image_id": 10211, "bbox": [534, 33, 947, 1254], "category_id": 1, "id": 673, "iscrowd": 0, "weight": 0.22490277783976886, "segmentation": [], "area": 1187538}, {"image_id": 10211, "bbox": [261, 240, 317, 383], "category_id": 2, "id": 674, "iscrowd": 0, "weight": 0.7811070909043918, "segmentation": [], "area": 121411}, {"image_id": 10211, "bbox": [2327, 913, 551, 464], "category_id": 2, "id": 675, "iscrowd": 0, "weight": 0.683893336984151, "segmentation": [], "area": 255664}, {"image_id": 10211, "bbox": [2431, 1360, 63, 140], "category_id": 1, "id": 676, "iscrowd": 0, "weight": 0.48143224844662535, "segmentation": [], "area": 8820}, {"image_id": 10211, "bbox": [2306, 1583, 347, 256], "category_id": 2, "id": 677, "iscrowd": 0, "weight": 0.7099669388843273, "segmentation": [], "area": 88832}, {"image_id": 10211, "bbox": [2938, 1560, 70, 50], "category_id": 1, "id": 678, "iscrowd": 0, "weight": 0.17088853524749237, "segmentation": [], "area": 3500}, {"image_id": 10211, "bbox": [2682, 2374, 68, 75], "category_id": 1, "id": 679, "iscrowd": 0, "weight": 0.7907678836358231, "segmentation": [], "area": 5100}, {"image_id": 10212, "bbox": [1628, 250, 570, 487], "category_id": 2, "id": 680, "iscrowd": 0, "weight": 0.5398631601344597, "segmentation": [], "area": 277590}, {"image_id": 10212, "bbox": [1999, 769, 646, 633], "category_id": 2, "id": 681, "iscrowd": 0, "weight": 0.9974919531900637, "segmentation": [], "area": 408918}, {"image_id": 10212, "bbox": [1794, 1450, 1010, 763], "category_id": 2, "id": 682, "iscrowd": 0, "weight": 0.46916258299742597, "segmentation": [], "area": 770630}, {"image_id": 10212, "bbox": [354, 2007, 1314, 586], "category_id": 0, "id": 683, "iscrowd": 0, "weight": 0.6362736410778359, "segmentation": [], "area": 770004}, {"image_id": 10212, "bbox": [101, 2443, 543, 277], "category_id": 0, "id": 684, "iscrowd": 0, "weight": 0.6508937404495826, "segmentation": [], "area": 150411}, {"image_id": 10212, "bbox": [2169, 607, 203, 148], "category_id": 1, "id": 685, "iscrowd": 0, "weight": 0.37486606905242814, "segmentation": [], "area": 30044}, {"image_id": 10212, "bbox": [495, 1658, 552, 326], "category_id": 0, "id": 686, "iscrowd": 0, "weight": 0.07808716804779747, "segmentation": [], "area": 179952}, {"image_id": 10212, "bbox": [147, 1932, 90, 142], "category_id": 0, "id": 687, "iscrowd": 0, "weight": 0.9953229969453893, "segmentation": [], "area": 12780}, {"image_id": 10213, "bbox": [1291, 1243, 623, 734], "category_id": 1, "id": 688, "iscrowd": 0, "weight": 0.8183559981625329, "segmentation": [], "area": 457282}, {"image_id": 10213, "bbox": [394, 1130, 784, 957], "category_id": 0, "id": 689, "iscrowd": 0, "weight": 0.30532291159889335, "segmentation": [], "area": 750288}, {"image_id": 10213, "bbox": [3164, 1127, 737, 810], "category_id": 2, "id": 690, "iscrowd": 0, "weight": 0.27374871593390837, "segmentation": [], "area": 596970}, {"image_id": 10214, "bbox": [2138, 1220, 666, 397], "category_id": 1, "id": 691, "iscrowd": 0, "weight": 0.5983189392026751, "segmentation": [], "area": 264402}, {"image_id": 10214, "bbox": [3271, 1033, 431, 864], "category_id": 0, "id": 692, "iscrowd": 0, "weight": 0.8208806675414251, "segmentation": [], "area": 372384}, {"image_id": 10214, "bbox": [114, 1007, 554, 360], "category_id": 2, "id": 693, "iscrowd": 0, "weight": 0.31003258176214465, "segmentation": [], "area": 199440}, {"image_id": 10214, "bbox": [3540, 884, 287, 126], "category_id": 0, "id": 694, "iscrowd": 0, "weight": 0.7955884839336079, "segmentation": [], "area": 36162}, {"image_id": 10215, "bbox": [291, 340, 340, 677], "category_id": 2, "id": 695, "iscrowd": 0, "weight": 0.961654663760165, "segmentation": [], "area": 230180}, {"image_id": 10215, "bbox": [1864, 703, 164, 917], "category_id": 1, "id": 696, "iscrowd": 0, "weight": 0.1208274396357446, "segmentation": [], "area": 150388}, {"image_id": 10215, "bbox": [1618, 1843, 477, 364], "category_id": 2, "id": 697, "iscrowd": 0, "weight": 0.16534246442478218, "segmentation": [], "area": 173628}, {"image_id": 10216, "bbox": [874, 927, 804, 713], "category_id": 1, "id": 698, "iscrowd": 0, "weight": 0.7741506816803445, "segmentation": [], "area": 573252}, {"image_id": 10216, "bbox": [334, 1110, 87, 77], "category_id": 0, "id": 699, "iscrowd": 0, "weight": 0.7767498049562969, "segmentation": [], "area": 6699}, {"image_id": 10217, "bbox": [1671, 893, 1193, 464], "category_id": 0, "id": 700, "iscrowd": 0, "weight": 0.3593701371133037, "segmentation": [], "area": 553552}, {"image_id": 10217, "bbox": [2341, 1393, 77, 57], "category_id": 0, "id": 701, "iscrowd": 0, "weight": 0.625294495952077, "segmentation": [], "area": 4389}, {"image_id": 10217, "bbox": [958, 1597, 1093, 713], "category_id": 2, "id": 702, "iscrowd": 0, "weight": 0.22692127149407093, "segmentation": [], "area": 779309}, {"image_id": 10217, "bbox": [994, 563, 314, 710], "category_id": 1, "id": 703, "iscrowd": 0, "weight": 0.41439189258448883, "segmentation": [], "area": 222940}, {"image_id": 10217, "bbox": [3108, 1943, 130, 114], "category_id": 0, "id": 704, "iscrowd": 0, "weight": 0.6462135192280364, "segmentation": [], "area": 14820}, {"image_id": 10218, "bbox": [2308, 920, 593, 430], "category_id": 2, "id": 705, "iscrowd": 0, "weight": 0.2979294776991639, "segmentation": [], "area": 254990}, {"image_id": 10218, "bbox": [1081, 1593, 940, 737], "category_id": 2, "id": 706, "iscrowd": 0, "weight": 0.8213359242806528, "segmentation": [], "area": 692780}, {"image_id": 10218, "bbox": [1998, 1360, 650, 563], "category_id": 2, "id": 707, "iscrowd": 0, "weight": 0.708415487243701, "segmentation": [], "area": 365950}, {"image_id": 10218, "bbox": [858, 260, 456, 580], "category_id": 0, "id": 708, "iscrowd": 0, "weight": 0.20317589785299206, "segmentation": [], "area": 264480}, {"image_id": 10218, "bbox": [224, 287, 310, 336], "category_id": 2, "id": 709, "iscrowd": 0, "weight": 0.8798683795636265, "segmentation": [], "area": 104160}, {"image_id": 10219, "bbox": [2291, 720, 1187, 437], "category_id": 1, "id": 710, "iscrowd": 0, "weight": 0.9549374372474227, "segmentation": [], "area": 518719}, {"image_id": 10219, "bbox": [1890, 1827, 88, 60], "category_id": 1, "id": 711, "iscrowd": 0, "weight": 0.33089460413784433, "segmentation": [], "area": 5280}, {"image_id": 10219, "bbox": [3601, 250, 197, 237], "category_id": 2, "id": 712, "iscrowd": 0, "weight": 0.2361664208921952, "segmentation": [], "area": 46689}, {"image_id": 10220, "bbox": [2418, 757, 733, 736], "category_id": 1, "id": 713, "iscrowd": 0, "weight": 0.9393764639586396, "segmentation": [], "area": 539488}, {"image_id": 10220, "bbox": [1931, 1277, 513, 906], "category_id": 0, "id": 714, "iscrowd": 0, "weight": 0.3912649380533634, "segmentation": [], "area": 464778}, {"image_id": 10220, "bbox": [1828, 1817, 86, 80], "category_id": 1, "id": 715, "iscrowd": 0, "weight": 0.04705803396288344, "segmentation": [], "area": 6880}, {"image_id": 10221, "bbox": [2114, 1103, 1117, 804], "category_id": 1, "id": 716, "iscrowd": 0, "weight": 0.4878814731617923, "segmentation": [], "area": 898068}, {"image_id": 10221, "bbox": [938, 1793, 63, 50], "category_id": 1, "id": 717, "iscrowd": 0, "weight": 0.5730250872510363, "segmentation": [], "area": 3150}, {"image_id": 10221, "bbox": [1438, 1623, 50, 120], "category_id": 1, "id": 718, "iscrowd": 0, "weight": 0.6748678891558403, "segmentation": [], "area": 6000}, {"image_id": 10221, "bbox": [3614, 937, 354, 890], "category_id": 2, "id": 719, "iscrowd": 0, "weight": 0.3912760769619582, "segmentation": [], "area": 315060}, {"image_id": 10222, "bbox": [2674, 1403, 307, 1274], "category_id": 1, "id": 720, "iscrowd": 0, "weight": 0.5055962917447236, "segmentation": [], "area": 391118}, {"image_id": 10223, "bbox": [1338, 830, 443, 1057], "category_id": 1, "id": 721, "iscrowd": 0, "weight": 0.26702646277299835, "segmentation": [], "area": 468251}, {"image_id": 10223, "bbox": [2637, 817, 391, 167], "category_id": 0, "id": 722, "iscrowd": 0, "weight": 0.32916135834184024, "segmentation": [], "area": 65297}, {"image_id": 10223, "bbox": [2301, 1087, 370, 620], "category_id": 0, "id": 723, "iscrowd": 0, "weight": 0.6121478110574038, "segmentation": [], "area": 229400}, {"image_id": 10223, "bbox": [3261, 1190, 727, 760], "category_id": 2, "id": 724, "iscrowd": 0, "weight": 0.06399494828523278, "segmentation": [], "area": 552520}, {"image_id": 10223, "bbox": [2766, 1113, 100, 116], "category_id": 0, "id": 725, "iscrowd": 0, "weight": 0.5538494218355998, "segmentation": [], "area": 11600}, {"image_id": 10223, "bbox": [2734, 1549, 48, 68], "category_id": 0, "id": 726, "iscrowd": 0, "weight": 0.744448154029239, "segmentation": [], "area": 3264}, {"image_id": 10224, "bbox": [1268, 1387, 380, 133], "category_id": 2, "id": 727, "iscrowd": 0, "weight": 0.6463305744434567, "segmentation": [], "area": 50540}, {"image_id": 10224, "bbox": [998, 1730, 433, 267], "category_id": 2, "id": 728, "iscrowd": 0, "weight": 0.2632267072333667, "segmentation": [], "area": 115611}, {"image_id": 10225, "bbox": [2674, 650, 277, 963], "category_id": 1, "id": 729, "iscrowd": 0, "weight": 0.5902478607612931, "segmentation": [], "area": 266751}, {"image_id": 10226, "bbox": [1834, 1120, 307, 917], "category_id": 1, "id": 730, "iscrowd": 0, "weight": 0.13032312355371622, "segmentation": [], "area": 281519}, {"image_id": 10226, "bbox": [1558, 1453, 66, 140], "category_id": 1, "id": 731, "iscrowd": 0, "weight": 0.5400891725542767, "segmentation": [], "area": 9240}, {"image_id": 10226, "bbox": [3548, 1807, 163, 126], "category_id": 0, "id": 732, "iscrowd": 0, "weight": 0.17293730529018392, "segmentation": [], "area": 20538}, {"image_id": 10226, "bbox": [3120, 2018, 48, 25], "category_id": 0, "id": 733, "iscrowd": 0, "weight": 0.04924678313939912, "segmentation": [], "area": 1200}, {"image_id": 10226, "bbox": [3523, 2500, 204, 152], "category_id": 2, "id": 734, "iscrowd": 0, "weight": 0.0968378809071826, "segmentation": [], "area": 31008}, {"image_id": 10227, "bbox": [3038, 1320, 406, 723], "category_id": 1, "id": 735, "iscrowd": 0, "weight": 0.8133989107628776, "segmentation": [], "area": 293538}, {"image_id": 10228, "bbox": [1944, 697, 397, 1270], "category_id": 0, "id": 736, "iscrowd": 0, "weight": 0.6303127499655236, "segmentation": [], "area": 504190}, {"image_id": 10228, "bbox": [140, 2039, 934, 924], "category_id": 2, "id": 737, "iscrowd": 0, "weight": 0.5136698810156883, "segmentation": [], "area": 863016}, {"image_id": 10229, "bbox": [3001, 1083, 997, 997], "category_id": 2, "id": 738, "iscrowd": 0, "weight": 0.5373735487687634, "segmentation": [], "area": 994009}, {"image_id": 10229, "bbox": [1374, 1663, 87, 107], "category_id": 1, "id": 739, "iscrowd": 0, "weight": 0.9945921891205938, "segmentation": [], "area": 9309}, {"image_id": 10230, "bbox": [2401, 653, 1023, 477], "category_id": 0, "id": 740, "iscrowd": 0, "weight": 0.04037210547633385, "segmentation": [], "area": 487971}, {"image_id": 10230, "bbox": [188, 2027, 753, 776], "category_id": 2, "id": 741, "iscrowd": 0, "weight": 0.8432577026135331, "segmentation": [], "area": 584328}, {"image_id": 10231, "bbox": [1731, 1750, 297, 637], "category_id": 0, "id": 742, "iscrowd": 0, "weight": 0.41819080772362494, "segmentation": [], "area": 189189}, {"image_id": 10231, "bbox": [431, 1183, 1627, 340], "category_id": 1, "id": 743, "iscrowd": 0, "weight": 0.8950374522649232, "segmentation": [], "area": 553180}, {"image_id": 10231, "bbox": [2301, 1530, 113, 143], "category_id": 1, "id": 744, "iscrowd": 0, "weight": 0.28664376783477974, "segmentation": [], "area": 16159}, {"image_id": 10232, "bbox": [2502, 723, 776, 416], "category_id": 0, "id": 745, "iscrowd": 0, "weight": 0.9158777807236677, "segmentation": [], "area": 322816}, {"image_id": 10233, "bbox": [1988, 937, 910, 850], "category_id": 1, "id": 746, "iscrowd": 0, "weight": 0.5790101678832846, "segmentation": [], "area": 773500}, {"image_id": 10233, "bbox": [3508, 983, 510, 910], "category_id": 2, "id": 747, "iscrowd": 0, "weight": 0.099795601955601, "segmentation": [], "area": 464100}, {"image_id": 10234, "bbox": [1531, 1390, 70, 200], "category_id": 1, "id": 748, "iscrowd": 0, "weight": 0.023338671567280977, "segmentation": [], "area": 14000}, {"image_id": 10234, "bbox": [3201, 2240, 663, 657], "category_id": 2, "id": 749, "iscrowd": 0, "weight": 0.4860355438101496, "segmentation": [], "area": 435591}, {"image_id": 10235, "bbox": [2034, 897, 137, 1063], "category_id": 1, "id": 750, "iscrowd": 0, "weight": 0.025230284908140277, "segmentation": [], "area": 145631}, {"image_id": 10235, "bbox": [3883, 389, 63, 460], "category_id": 2, "id": 751, "iscrowd": 0, "weight": 0.9123682917265952, "segmentation": [], "area": 28980}, {"image_id": 10236, "bbox": [218, 778, 1343, 242], "category_id": 2, "id": 752, "iscrowd": 0, "weight": 0.5970260907890644, "segmentation": [], "area": 325006}, {"image_id": 10236, "bbox": [478, 1023, 450, 270], "category_id": 2, "id": 753, "iscrowd": 0, "weight": 0.5717714897925945, "segmentation": [], "area": 121500}, {"image_id": 10236, "bbox": [451, 1250, 343, 287], "category_id": 2, "id": 754, "iscrowd": 0, "weight": 0.22212695750412015, "segmentation": [], "area": 98441}, {"image_id": 10236, "bbox": [611, 1453, 363, 350], "category_id": 2, "id": 755, "iscrowd": 0, "weight": 0.5343252655777345, "segmentation": [], "area": 127050}, {"image_id": 10236, "bbox": [924, 1210, 1187, 400], "category_id": 1, "id": 756, "iscrowd": 0, "weight": 0.8583032885750538, "segmentation": [], "area": 474800}, {"image_id": 10236, "bbox": [102, 988, 219, 500], "category_id": 2, "id": 757, "iscrowd": 0, "weight": 0.7490765311462517, "segmentation": [], "area": 109500}, {"image_id": 10237, "bbox": [174, 1343, 1324, 710], "category_id": 0, "id": 758, "iscrowd": 0, "weight": 0.46613067589347124, "segmentation": [], "area": 940040}, {"image_id": 10238, "bbox": [1491, 477, 1153, 920], "category_id": 0, "id": 759, "iscrowd": 0, "weight": 0.297326168481585, "segmentation": [], "area": 1060760}, {"image_id": 10238, "bbox": [2004, 1617, 700, 303], "category_id": 1, "id": 760, "iscrowd": 0, "weight": 0.44284927733392154, "segmentation": [], "area": 212100}, {"image_id": 10239, "bbox": [1903, 1062, 162, 1138], "category_id": 1, "id": 761, "iscrowd": 0, "weight": 0.2871079366569682, "segmentation": [], "area": 184356}, {"image_id": 10239, "bbox": [3600, 243, 81, 173], "category_id": 2, "id": 762, "iscrowd": 0, "weight": 0.5697734576270465, "segmentation": [], "area": 14013}, {"image_id": 10240, "bbox": [1844, 830, 787, 580], "category_id": 0, "id": 763, "iscrowd": 0, "weight": 0.8066278327618785, "segmentation": [], "area": 456460}, {"image_id": 10240, "bbox": [794, 1550, 2037, 503], "category_id": 1, "id": 764, "iscrowd": 0, "weight": 0.3521415064106692, "segmentation": [], "area": 1024611}, {"image_id": 10241, "bbox": [2214, 1170, 577, 897], "category_id": 1, "id": 765, "iscrowd": 0, "weight": 0.8691970342464285, "segmentation": [], "area": 517569}, {"image_id": 10241, "bbox": [2911, 1427, 377, 820], "category_id": 0, "id": 766, "iscrowd": 0, "weight": 0.7418928347962936, "segmentation": [], "area": 309140}, {"image_id": 10241, "bbox": [1978, 1843, 83, 154], "category_id": 1, "id": 767, "iscrowd": 0, "weight": 0.8273782101299754, "segmentation": [], "area": 12782}, {"image_id": 10242, "bbox": [1414, 1000, 594, 710], "category_id": 1, "id": 768, "iscrowd": 0, "weight": 0.9058413012124235, "segmentation": [], "area": 421740}, {"image_id": 10243, "bbox": [2264, 1247, 100, 246], "category_id": 1, "id": 769, "iscrowd": 0, "weight": 0.3418556476967042, "segmentation": [], "area": 24600}, {"image_id": 10243, "bbox": [3052, 2539, 856, 440], "category_id": 2, "id": 770, "iscrowd": 0, "weight": 0.5518427741009195, "segmentation": [], "area": 376640}, {"image_id": 10244, "bbox": [1201, 1673, 523, 970], "category_id": 0, "id": 771, "iscrowd": 0, "weight": 0.8027510195129591, "segmentation": [], "area": 507310}, {"image_id": 10244, "bbox": [1711, 1353, 987, 317], "category_id": 1, "id": 772, "iscrowd": 0, "weight": 0.9338264630154054, "segmentation": [], "area": 312879}, {"image_id": 10245, "bbox": [1904, 1117, 744, 266], "category_id": 1, "id": 773, "iscrowd": 0, "weight": 0.9630695325730276, "segmentation": [], "area": 197904}, {"image_id": 10245, "bbox": [2668, 303, 370, 260], "category_id": 2, "id": 774, "iscrowd": 0, "weight": 0.5084247116492527, "segmentation": [], "area": 96200}, {"image_id": 10245, "bbox": [2781, 272, 1172, 1398], "category_id": 2, "id": 775, "iscrowd": 0, "weight": 0.9968109377016674, "segmentation": [], "area": 1638456}, {"image_id": 10246, "bbox": [1175, 754, 286, 850], "category_id": 0, "id": 776, "iscrowd": 0, "weight": 0.5436270161847838, "segmentation": [], "area": 243100}, {"image_id": 10246, "bbox": [1031, 613, 117, 387], "category_id": 0, "id": 777, "iscrowd": 0, "weight": 0.1455857254653753, "segmentation": [], "area": 45279}, {"image_id": 10247, "bbox": [1614, 1333, 670, 377], "category_id": 1, "id": 778, "iscrowd": 0, "weight": 0.8992699810414776, "segmentation": [], "area": 252590}, {"image_id": 10247, "bbox": [2428, 1417, 66, 106], "category_id": 1, "id": 779, "iscrowd": 0, "weight": 0.2800346395292569, "segmentation": [], "area": 6996}, {"image_id": 10247, "bbox": [0, 90, 304, 575], "category_id": 2, "id": 780, "iscrowd": 0, "weight": 0.14376178000278717, "segmentation": [], "area": 174800}, {"image_id": 10247, "bbox": [3618, 1803, 60, 54], "category_id": 0, "id": 781, "iscrowd": 0, "weight": 0.7092975262267147, "segmentation": [], "area": 3240}, {"image_id": 10247, "bbox": [1134, 1067, 50, 47], "category_id": 0, "id": 782, "iscrowd": 0, "weight": 0.030716892823374975, "segmentation": [], "area": 2350}, {"image_id": 10247, "bbox": [1008, 1453, 53, 42], "category_id": 0, "id": 783, "iscrowd": 0, "weight": 0.5238893907638003, "segmentation": [], "area": 2226}, {"image_id": 10247, "bbox": [384, 350, 324, 377], "category_id": 2, "id": 784, "iscrowd": 0, "weight": 0.8528876271398452, "segmentation": [], "area": 122148}, {"image_id": 10248, "bbox": [2278, 1680, 286, 213], "category_id": 2, "id": 785, "iscrowd": 0, "weight": 0.5559954756154152, "segmentation": [], "area": 60918}, {"image_id": 10248, "bbox": [1944, 1763, 270, 274], "category_id": 2, "id": 786, "iscrowd": 0, "weight": 0.0774764019988734, "segmentation": [], "area": 73980}, {"image_id": 10248, "bbox": [1324, 1833, 937, 574], "category_id": 2, "id": 787, "iscrowd": 0, "weight": 0.8253998377739304, "segmentation": [], "area": 537838}, {"image_id": 10248, "bbox": [2607, 1176, 118, 87], "category_id": 2, "id": 788, "iscrowd": 0, "weight": 0.6364781563478289, "segmentation": [], "area": 10266}, {"image_id": 10249, "bbox": [1698, 1043, 323, 760], "category_id": 1, "id": 789, "iscrowd": 0, "weight": 0.895982580692225, "segmentation": [], "area": 245480}, {"image_id": 10249, "bbox": [2248, 1107, 73, 120], "category_id": 1, "id": 790, "iscrowd": 0, "weight": 0.8622445740563928, "segmentation": [], "area": 8760}, {"image_id": 10249, "bbox": [21, 1767, 53, 73], "category_id": 0, "id": 791, "iscrowd": 0, "weight": 0.49541354394097137, "segmentation": [], "area": 3869}, {"image_id": 10250, "bbox": [2654, 1523, 74, 157], "category_id": 1, "id": 792, "iscrowd": 0, "weight": 0.37239709679356436, "segmentation": [], "area": 11618}, {"image_id": 10250, "bbox": [1021, 637, 620, 623], "category_id": 1, "id": 793, "iscrowd": 0, "weight": 0.38843314206909163, "segmentation": [], "area": 386260}, {"image_id": 10251, "bbox": [2204, 987, 587, 536], "category_id": 2, "id": 794, "iscrowd": 0, "weight": 0.31101671965347166, "segmentation": [], "area": 314632}, {"image_id": 10251, "bbox": [2621, 2013, 947, 700], "category_id": 0, "id": 795, "iscrowd": 0, "weight": 0.6805545158437601, "segmentation": [], "area": 662900}, {"image_id": 10251, "bbox": [1658, 1710, 76, 213], "category_id": 1, "id": 796, "iscrowd": 0, "weight": 0.3929018041848016, "segmentation": [], "area": 16188}, {"image_id": 10251, "bbox": [1869, 1558, 278, 229], "category_id": 2, "id": 797, "iscrowd": 0, "weight": 0.9905130193787919, "segmentation": [], "area": 63662}, {"image_id": 10251, "bbox": [2140, 1600, 316, 391], "category_id": 2, "id": 798, "iscrowd": 0, "weight": 0.6102859174005938, "segmentation": [], "area": 123556}, {"image_id": 10252, "bbox": [2248, 1497, 763, 1353], "category_id": 1, "id": 799, "iscrowd": 0, "weight": 0.839420318633179, "segmentation": [], "area": 1032339}, {"image_id": 10252, "bbox": [1581, 1817, 593, 343], "category_id": 0, "id": 800, "iscrowd": 0, "weight": 0.21355690629546298, "segmentation": [], "area": 203399}, {"image_id": 10252, "bbox": [1601, 1560, 40, 163], "category_id": 1, "id": 801, "iscrowd": 0, "weight": 0.05695555938082819, "segmentation": [], "area": 6520}, {"image_id": 10253, "bbox": [2468, 1020, 280, 243], "category_id": 2, "id": 802, "iscrowd": 0, "weight": 0.8732433946685266, "segmentation": [], "area": 68040}, {"image_id": 10253, "bbox": [1628, 1157, 696, 641], "category_id": 2, "id": 803, "iscrowd": 0, "weight": 0.8484027243164063, "segmentation": [], "area": 446136}, {"image_id": 10253, "bbox": [1398, 1767, 603, 490], "category_id": 2, "id": 804, "iscrowd": 0, "weight": 0.7618207803971712, "segmentation": [], "area": 295470}, {"image_id": 10254, "bbox": [1648, 1230, 690, 600], "category_id": 1, "id": 805, "iscrowd": 0, "weight": 0.8634240365811692, "segmentation": [], "area": 414000}, {"image_id": 10255, "bbox": [2818, 933, 436, 94], "category_id": 2, "id": 806, "iscrowd": 0, "weight": 0.8695598533423224, "segmentation": [], "area": 40984}, {"image_id": 10255, "bbox": [2211, 1143, 1280, 934], "category_id": 2, "id": 807, "iscrowd": 0, "weight": 0.4105208437920952, "segmentation": [], "area": 1195520}, {"image_id": 10255, "bbox": [3821, 1367, 167, 326], "category_id": 2, "id": 808, "iscrowd": 0, "weight": 0.6641564843807412, "segmentation": [], "area": 54442}, {"image_id": 10256, "bbox": [1148, 1670, 1140, 763], "category_id": 2, "id": 809, "iscrowd": 0, "weight": 0.7890878439264939, "segmentation": [], "area": 869820}, {"image_id": 10256, "bbox": [3511, 2353, 220, 304], "category_id": 2, "id": 810, "iscrowd": 0, "weight": 0.5413274591398531, "segmentation": [], "area": 66880}, {"image_id": 10256, "bbox": [1561, 1347, 93, 100], "category_id": 2, "id": 811, "iscrowd": 0, "weight": 0.6034905712150851, "segmentation": [], "area": 9300}, {"image_id": 10257, "bbox": [1914, 777, 914, 960], "category_id": 1, "id": 812, "iscrowd": 0, "weight": 0.772659773381446, "segmentation": [], "area": 877440}, {"image_id": 10257, "bbox": [2904, 253, 1119, 712], "category_id": 0, "id": 813, "iscrowd": 0, "weight": 0.06795138552963387, "segmentation": [], "area": 796728}, {"image_id": 10257, "bbox": [2544, 273, 107, 57], "category_id": 0, "id": 814, "iscrowd": 0, "weight": 0.6515271699690648, "segmentation": [], "area": 6099}, {"image_id": 10257, "bbox": [2758, 67, 140, 150], "category_id": 0, "id": 815, "iscrowd": 0, "weight": 0.812562738229702, "segmentation": [], "area": 21000}, {"image_id": 10257, "bbox": [241, 2023, 843, 777], "category_id": 2, "id": 816, "iscrowd": 0, "weight": 0.6844720928241622, "segmentation": [], "area": 655011}, {"image_id": 10258, "bbox": [1658, 1440, 660, 317], "category_id": 1, "id": 817, "iscrowd": 0, "weight": 0.6730619894769583, "segmentation": [], "area": 209220}, {"image_id": 10259, "bbox": [2114, 1073, 764, 737], "category_id": 0, "id": 818, "iscrowd": 0, "weight": 0.6395653128649967, "segmentation": [], "area": 563068}, {"image_id": 10259, "bbox": [2774, 1223, 857, 454], "category_id": 1, "id": 819, "iscrowd": 0, "weight": 0.16623045409904247, "segmentation": [], "area": 389078}, {"image_id": 10259, "bbox": [2889, 2178, 51, 87], "category_id": 0, "id": 820, "iscrowd": 0, "weight": 0.3755752953834578, "segmentation": [], "area": 4437}, {"image_id": 10259, "bbox": [2979, 1975, 58, 42], "category_id": 0, "id": 821, "iscrowd": 0, "weight": 0.9237039379154288, "segmentation": [], "area": 2436}, {"image_id": 10260, "bbox": [1601, 1133, 603, 370], "category_id": 1, "id": 822, "iscrowd": 0, "weight": 0.7897992632986568, "segmentation": [], "area": 223110}, {"image_id": 10260, "bbox": [192, 210, 248, 470], "category_id": 2, "id": 823, "iscrowd": 0, "weight": 0.16905211048519797, "segmentation": [], "area": 116560}, {"image_id": 10260, "bbox": [2640, 2360, 116, 113], "category_id": 2, "id": 824, "iscrowd": 0, "weight": 0.36616247360132237, "segmentation": [], "area": 13108}, {"image_id": 10261, "bbox": [1508, 1153, 976, 404], "category_id": 1, "id": 825, "iscrowd": 0, "weight": 0.06151802923301053, "segmentation": [], "area": 394304}, {"image_id": 10261, "bbox": [3611, 293, 150, 287], "category_id": 2, "id": 826, "iscrowd": 0, "weight": 0.7516604175179252, "segmentation": [], "area": 43050}, {"image_id": 10262, "bbox": [1418, 1123, 890, 357], "category_id": 1, "id": 827, "iscrowd": 0, "weight": 0.45905615643537256, "segmentation": [], "area": 317730}, {"image_id": 10262, "bbox": [3114, 1197, 164, 90], "category_id": 0, "id": 828, "iscrowd": 0, "weight": 0.6601014452968634, "segmentation": [], "area": 14760}, {"image_id": 10262, "bbox": [588, 1733, 79, 70], "category_id": 0, "id": 829, "iscrowd": 0, "weight": 0.5474898149849461, "segmentation": [], "area": 5530}, {"image_id": 10262, "bbox": [1804, 700, 390, 253], "category_id": 0, "id": 830, "iscrowd": 0, "weight": 0.6310786799433964, "segmentation": [], "area": 98670}, {"image_id": 10262, "bbox": [2699, 1564, 143, 82], "category_id": 0, "id": 831, "iscrowd": 0, "weight": 0.7350340542118539, "segmentation": [], "area": 11726}, {"image_id": 10262, "bbox": [888, 1583, 47, 31], "category_id": 0, "id": 832, "iscrowd": 0, "weight": 0.34035736084488344, "segmentation": [], "area": 1457}, {"image_id": 10263, "bbox": [2811, 1677, 255, 936], "category_id": 1, "id": 833, "iscrowd": 0, "weight": 0.9268964169719505, "segmentation": [], "area": 238680}, {"image_id": 10263, "bbox": [1311, 453, 105, 114], "category_id": 2, "id": 834, "iscrowd": 0, "weight": 0.3766303782651538, "segmentation": [], "area": 11970}, {"image_id": 10264, "bbox": [1768, 1517, 1403, 430], "category_id": 0, "id": 835, "iscrowd": 0, "weight": 0.8010274786147135, "segmentation": [], "area": 603290}, {"image_id": 10264, "bbox": [1781, 1550, 67, 303], "category_id": 1, "id": 836, "iscrowd": 0, "weight": 0.7141347243708126, "segmentation": [], "area": 20301}, {"image_id": 10264, "bbox": [44, 273, 720, 737], "category_id": 2, "id": 837, "iscrowd": 0, "weight": 0.5076688096615075, "segmentation": [], "area": 530640}, {"image_id": 10265, "bbox": [1441, 473, 407, 1134], "category_id": 0, "id": 838, "iscrowd": 0, "weight": 0.700408851643823, "segmentation": [], "area": 461538}, {"image_id": 10265, "bbox": [2448, 1483, 90, 194], "category_id": 1, "id": 839, "iscrowd": 0, "weight": 0.3183787163816606, "segmentation": [], "area": 17460}, {"image_id": 10265, "bbox": [1048, 370, 266, 1280], "category_id": 1, "id": 840, "iscrowd": 0, "weight": 0.7099702302238705, "segmentation": [], "area": 340480}, {"image_id": 10265, "bbox": [2256, 1287, 113, 81], "category_id": 0, "id": 841, "iscrowd": 0, "weight": 0.23361320042540556, "segmentation": [], "area": 9153}, {"image_id": 10265, "bbox": [1876, 1342, 48, 68], "category_id": 0, "id": 842, "iscrowd": 0, "weight": 0.9081562900652986, "segmentation": [], "area": 3264}, {"image_id": 10265, "bbox": [1895, 1458, 94, 91], "category_id": 0, "id": 843, "iscrowd": 0, "weight": 0.39188912548636723, "segmentation": [], "area": 8554}, {"image_id": 10265, "bbox": [2160, 1507, 32, 61], "category_id": 0, "id": 844, "iscrowd": 0, "weight": 0.1313763914580095, "segmentation": [], "area": 1952}, {"image_id": 10265, "bbox": [1985, 1575, 42, 51], "category_id": 0, "id": 845, "iscrowd": 0, "weight": 0.4689984314596075, "segmentation": [], "area": 2142}, {"image_id": 10266, "bbox": [1454, 1180, 434, 320], "category_id": 2, "id": 846, "iscrowd": 0, "weight": 0.5427195174860927, "segmentation": [], "area": 138880}, {"image_id": 10266, "bbox": [1613, 1476, 60, 244], "category_id": 1, "id": 847, "iscrowd": 0, "weight": 0.2211148854511611, "segmentation": [], "area": 14640}, {"image_id": 10266, "bbox": [2127, 1717, 251, 203], "category_id": 2, "id": 848, "iscrowd": 0, "weight": 0.7777415080329865, "segmentation": [], "area": 50953}, {"image_id": 10266, "bbox": [3578, 2373, 206, 354], "category_id": 2, "id": 849, "iscrowd": 0, "weight": 0.6338711135356504, "segmentation": [], "area": 72924}, {"image_id": 10266, "bbox": [1227, 1627, 467, 416], "category_id": 2, "id": 850, "iscrowd": 0, "weight": 0.01064983143952225, "segmentation": [], "area": 194272}, {"image_id": 10266, "bbox": [1821, 2103, 373, 210], "category_id": 2, "id": 851, "iscrowd": 0, "weight": 0.49807974773236874, "segmentation": [], "area": 78330}, {"image_id": 10266, "bbox": [1085, 1525, 115, 112], "category_id": 2, "id": 852, "iscrowd": 0, "weight": 0.9581633631380949, "segmentation": [], "area": 12880}, {"image_id": 10267, "bbox": [3004, 2137, 810, 763], "category_id": 2, "id": 853, "iscrowd": 0, "weight": 0.8672734583264784, "segmentation": [], "area": 618030}, {"image_id": 10267, "bbox": [2578, 1187, 60, 143], "category_id": 0, "id": 854, "iscrowd": 0, "weight": 0.34794083735020664, "segmentation": [], "area": 8580}, {"image_id": 10267, "bbox": [254, 413, 367, 200], "category_id": 2, "id": 855, "iscrowd": 0, "weight": 0.9511535327327195, "segmentation": [], "area": 73400}, {"image_id": 10268, "bbox": [1824, 900, 214, 937], "category_id": 1, "id": 856, "iscrowd": 0, "weight": 0.3449106721967903, "segmentation": [], "area": 200518}, {"image_id": 10268, "bbox": [3598, 2410, 213, 280], "category_id": 1, "id": 857, "iscrowd": 0, "weight": 0.5382255650401319, "segmentation": [], "area": 59640}, {"image_id": 10268, "bbox": [1358, 1087, 243, 200], "category_id": 2, "id": 858, "iscrowd": 0, "weight": 0.43332853855177467, "segmentation": [], "area": 48600}, {"image_id": 10268, "bbox": [788, 1013, 430, 560], "category_id": 2, "id": 859, "iscrowd": 0, "weight": 0.5724586284115194, "segmentation": [], "area": 240800}, {"image_id": 10269, "bbox": [1931, 827, 243, 642], "category_id": 1, "id": 860, "iscrowd": 0, "weight": 0.22214040514890987, "segmentation": [], "area": 156006}, {"image_id": 10269, "bbox": [418, 1175, 246, 532], "category_id": 0, "id": 861, "iscrowd": 0, "weight": 0.6536937365426527, "segmentation": [], "area": 130872}, {"image_id": 10269, "bbox": [318, 981, 81, 57], "category_id": 0, "id": 862, "iscrowd": 0, "weight": 0.9519003931807946, "segmentation": [], "area": 4617}, {"image_id": 10269, "bbox": [456, 1022, 61, 62], "category_id": 0, "id": 863, "iscrowd": 0, "weight": 0.8805684427993445, "segmentation": [], "area": 3782}, {"image_id": 10269, "bbox": [1721, 1485, 110, 377], "category_id": 1, "id": 864, "iscrowd": 0, "weight": 0.0773836063063551, "segmentation": [], "area": 41470}, {"image_id": 10270, "bbox": [1874, 1033, 1008, 961], "category_id": 0, "id": 865, "iscrowd": 0, "weight": 0.7539518351797452, "segmentation": [], "area": 968688}, {"image_id": 10270, "bbox": [24, 890, 414, 980], "category_id": 2, "id": 866, "iscrowd": 0, "weight": 0.18083485430055557, "segmentation": [], "area": 405720}, {"image_id": 10271, "bbox": [2761, 1567, 127, 933], "category_id": 1, "id": 867, "iscrowd": 0, "weight": 0.894592615423976, "segmentation": [], "area": 118491}, {"image_id": 10271, "bbox": [3241, 1983, 180, 50], "category_id": 0, "id": 868, "iscrowd": 0, "weight": 0.010481774727431392, "segmentation": [], "area": 9000}, {"image_id": 10272, "bbox": [1, 187, 533, 683], "category_id": 2, "id": 869, "iscrowd": 0, "weight": 0.9436500299276063, "segmentation": [], "area": 364039}, {"image_id": 10272, "bbox": [1281, 800, 797, 1197], "category_id": 1, "id": 870, "iscrowd": 0, "weight": 0.5036798794689237, "segmentation": [], "area": 954009}, {"image_id": 10272, "bbox": [2364, 1437, 90, 210], "category_id": 1, "id": 871, "iscrowd": 0, "weight": 0.21713227081894815, "segmentation": [], "area": 18900}, {"image_id": 10272, "bbox": [2878, 1697, 53, 60], "category_id": 2, "id": 872, "iscrowd": 0, "weight": 0.8726631316207742, "segmentation": [], "area": 3180}, {"image_id": 10273, "bbox": [2794, 1890, 1229, 1110], "category_id": 2, "id": 873, "iscrowd": 0, "weight": 0.25777822902532666, "segmentation": [], "area": 1364190}, {"image_id": 10273, "bbox": [1414, 1137, 160, 226], "category_id": 1, "id": 874, "iscrowd": 0, "weight": 0.9046957875013845, "segmentation": [], "area": 36160}, {"image_id": 10273, "bbox": [171, 257, 618, 211], "category_id": 0, "id": 875, "iscrowd": 0, "weight": 0.5157799772806047, "segmentation": [], "area": 130398}, {"image_id": 10274, "bbox": [1978, 953, 140, 107], "category_id": 1, "id": 876, "iscrowd": 0, "weight": 0.3181338565940143, "segmentation": [], "area": 14980}, {"image_id": 10274, "bbox": [1608, 1220, 973, 860], "category_id": 1, "id": 877, "iscrowd": 0, "weight": 0.5256612675299028, "segmentation": [], "area": 836780}, {"image_id": 10274, "bbox": [144, 2453, 351, 235], "category_id": 2, "id": 878, "iscrowd": 0, "weight": 0.8757061555806687, "segmentation": [], "area": 82485}, {"image_id": 10275, "bbox": [1650, 1127, 714, 803], "category_id": 1, "id": 879, "iscrowd": 0, "weight": 0.6648196252301991, "segmentation": [], "area": 573342}, {"image_id": 10275, "bbox": [14, 680, 754, 710], "category_id": 2, "id": 880, "iscrowd": 0, "weight": 0.2025466527265276, "segmentation": [], "area": 535340}, {"image_id": 10276, "bbox": [1131, 903, 783, 254], "category_id": 1, "id": 881, "iscrowd": 0, "weight": 0.7354556661604592, "segmentation": [], "area": 198882}, {"image_id": 10276, "bbox": [1428, 1580, 83, 120], "category_id": 1, "id": 882, "iscrowd": 0, "weight": 0.6626938589023168, "segmentation": [], "area": 9960}, {"image_id": 10276, "bbox": [934, 1727, 67, 53], "category_id": 1, "id": 883, "iscrowd": 0, "weight": 0.8719187069751045, "segmentation": [], "area": 3551}, {"image_id": 10276, "bbox": [3581, 1297, 223, 367], "category_id": 2, "id": 884, "iscrowd": 0, "weight": 0.46185538100278656, "segmentation": [], "area": 81841}, {"image_id": 10276, "bbox": [3404, 1803, 120, 127], "category_id": 2, "id": 885, "iscrowd": 0, "weight": 0.3175672678977912, "segmentation": [], "area": 15240}, {"image_id": 10276, "bbox": [1054, 1783, 837, 277], "category_id": 2, "id": 886, "iscrowd": 0, "weight": 0.34474918153143563, "segmentation": [], "area": 231849}, {"image_id": 10277, "bbox": [2764, 483, 437, 910], "category_id": 1, "id": 887, "iscrowd": 0, "weight": 0.025618636357829128, "segmentation": [], "area": 397670}, {"image_id": 10277, "bbox": [3248, 143, 647, 432], "category_id": 2, "id": 888, "iscrowd": 0, "weight": 0.6632794087251542, "segmentation": [], "area": 279504}, {"image_id": 10278, "bbox": [1308, 1033, 1306, 742], "category_id": 0, "id": 889, "iscrowd": 0, "weight": 0.7671392853429839, "segmentation": [], "area": 969052}, {"image_id": 10278, "bbox": [338, 1377, 960, 520], "category_id": 1, "id": 890, "iscrowd": 0, "weight": 0.20520514558347958, "segmentation": [], "area": 499200}, {"image_id": 10279, "bbox": [1454, 873, 867, 820], "category_id": 1, "id": 891, "iscrowd": 0, "weight": 0.7910149623068337, "segmentation": [], "area": 710940}, {"image_id": 10279, "bbox": [1654, 1963, 234, 144], "category_id": 0, "id": 892, "iscrowd": 0, "weight": 0.9267624236434931, "segmentation": [], "area": 33696}, {"image_id": 10279, "bbox": [2638, 1287, 983, 963], "category_id": 0, "id": 893, "iscrowd": 0, "weight": 0.45486782802176695, "segmentation": [], "area": 946629}, {"image_id": 10279, "bbox": [3208, 2170, 136, 103], "category_id": 0, "id": 894, "iscrowd": 0, "weight": 0.363285544117932, "segmentation": [], "area": 14008}, {"image_id": 10279, "bbox": [3814, 2033, 74, 167], "category_id": 0, "id": 895, "iscrowd": 0, "weight": 0.05654361775359251, "segmentation": [], "area": 12358}, {"image_id": 10279, "bbox": [2571, 2457, 1270, 550], "category_id": 2, "id": 896, "iscrowd": 0, "weight": 0.08697939152222078, "segmentation": [], "area": 698500}, {"image_id": 10280, "bbox": [3551, 1127, 383, 670], "category_id": 2, "id": 897, "iscrowd": 0, "weight": 0.422143802581207, "segmentation": [], "area": 256610}, {"image_id": 10280, "bbox": [3524, 1970, 147, 103], "category_id": 0, "id": 898, "iscrowd": 0, "weight": 0.5308704520781646, "segmentation": [], "area": 15141}, {"image_id": 10280, "bbox": [1318, 1697, 106, 216], "category_id": 0, "id": 899, "iscrowd": 0, "weight": 0.11047167890031573, "segmentation": [], "area": 22896}, {"image_id": 10281, "bbox": [2298, 983, 90, 164], "category_id": 1, "id": 900, "iscrowd": 0, "weight": 0.0158916193067854, "segmentation": [], "area": 14760}, {"image_id": 10281, "bbox": [1108, 807, 1223, 866], "category_id": 1, "id": 901, "iscrowd": 0, "weight": 0.5750373315514512, "segmentation": [], "area": 1059118}, {"image_id": 10282, "bbox": [2938, 417, 993, 1093], "category_id": 2, "id": 902, "iscrowd": 0, "weight": 0.4128852931367535, "segmentation": [], "area": 1085349}, {"image_id": 10282, "bbox": [1228, 1561, 480, 320], "category_id": 0, "id": 903, "iscrowd": 0, "weight": 0.10969366189553609, "segmentation": [], "area": 153600}, {"image_id": 10282, "bbox": [1474, 1967, 940, 393], "category_id": 0, "id": 904, "iscrowd": 0, "weight": 0.5278382070344192, "segmentation": [], "area": 369420}, {"image_id": 10282, "bbox": [2456, 2133, 194, 119], "category_id": 0, "id": 905, "iscrowd": 0, "weight": 0.7788332049839809, "segmentation": [], "area": 23086}, {"image_id": 10283, "bbox": [2394, 1257, 740, 490], "category_id": 2, "id": 906, "iscrowd": 0, "weight": 0.6033226055259485, "segmentation": [], "area": 362600}, {"image_id": 10283, "bbox": [1548, 1490, 550, 707], "category_id": 1, "id": 907, "iscrowd": 0, "weight": 0.4185943407208863, "segmentation": [], "area": 388850}, {"image_id": 10284, "bbox": [968, 1753, 56, 60], "category_id": 1, "id": 908, "iscrowd": 0, "weight": 0.5376531134143447, "segmentation": [], "area": 3360}, {"image_id": 10284, "bbox": [1464, 1560, 74, 173], "category_id": 1, "id": 909, "iscrowd": 0, "weight": 0.8825326090252892, "segmentation": [], "area": 12802}, {"image_id": 10284, "bbox": [2574, 967, 624, 1033], "category_id": 1, "id": 910, "iscrowd": 0, "weight": 0.6152388752162887, "segmentation": [], "area": 644592}, {"image_id": 10284, "bbox": [3669, 1240, 219, 377], "category_id": 2, "id": 911, "iscrowd": 0, "weight": 0.22815637570708303, "segmentation": [], "area": 82563}, {"image_id": 10284, "bbox": [1108, 1830, 823, 260], "category_id": 2, "id": 912, "iscrowd": 0, "weight": 0.4100034881131335, "segmentation": [], "area": 213980}, {"image_id": 10285, "bbox": [1004, 1583, 1007, 530], "category_id": 1, "id": 913, "iscrowd": 0, "weight": 0.7583711128389081, "segmentation": [], "area": 533710}, {"image_id": 10286, "bbox": [1794, 1133, 700, 590], "category_id": 0, "id": 914, "iscrowd": 0, "weight": 0.8618495553917481, "segmentation": [], "area": 413000}, {"image_id": 10286, "bbox": [1871, 1547, 717, 683], "category_id": 0, "id": 915, "iscrowd": 0, "weight": 0.3921425364453254, "segmentation": [], "area": 489711}, {"image_id": 10286, "bbox": [2558, 720, 883, 543], "category_id": 1, "id": 916, "iscrowd": 0, "weight": 0.6117131848853746, "segmentation": [], "area": 479469}, {"image_id": 10286, "bbox": [154, 1987, 814, 833], "category_id": 2, "id": 917, "iscrowd": 0, "weight": 0.16958472396008661, "segmentation": [], "area": 678062}, {"image_id": 10286, "bbox": [3644, 93, 379, 284], "category_id": 2, "id": 918, "iscrowd": 0, "weight": 0.7221220975285345, "segmentation": [], "area": 107636}, {"image_id": 10287, "bbox": [391, 1070, 807, 910], "category_id": 0, "id": 919, "iscrowd": 0, "weight": 0.7730312677343968, "segmentation": [], "area": 734370}, {"image_id": 10287, "bbox": [948, 2077, 123, 76], "category_id": 0, "id": 920, "iscrowd": 0, "weight": 0.6131998531486234, "segmentation": [], "area": 9348}, {"image_id": 10287, "bbox": [3164, 1210, 787, 780], "category_id": 2, "id": 921, "iscrowd": 0, "weight": 0.8883354248502436, "segmentation": [], "area": 613860}, {"image_id": 10288, "bbox": [228, 307, 710, 766], "category_id": 2, "id": 922, "iscrowd": 0, "weight": 0.37816992546943295, "segmentation": [], "area": 543860}, {"image_id": 10288, "bbox": [2044, 950, 424, 293], "category_id": 2, "id": 923, "iscrowd": 0, "weight": 0.10042310976264324, "segmentation": [], "area": 124232}, {"image_id": 10288, "bbox": [1144, 1507, 64, 46], "category_id": 1, "id": 924, "iscrowd": 0, "weight": 0.8830168715165043, "segmentation": [], "area": 2944}, {"image_id": 10288, "bbox": [2722, 1386, 82, 65], "category_id": 0, "id": 925, "iscrowd": 0, "weight": 0.5846226016973908, "segmentation": [], "area": 5330}, {"image_id": 10288, "bbox": [1286, 1090, 58, 100], "category_id": 1, "id": 926, "iscrowd": 0, "weight": 0.44285788407366933, "segmentation": [], "area": 5800}, {"image_id": 10288, "bbox": [2340, 1665, 709, 754], "category_id": 1, "id": 927, "iscrowd": 0, "weight": 0.4265556000951264, "segmentation": [], "area": 534586}, {"image_id": 10288, "bbox": [1740, 1371, 603, 997], "category_id": 0, "id": 928, "iscrowd": 0, "weight": 0.170263776593777, "segmentation": [], "area": 601191}, {"image_id": 10288, "bbox": [2440, 1777, 155, 142], "category_id": 0, "id": 929, "iscrowd": 0, "weight": 0.19131961445368662, "segmentation": [], "area": 22010}, {"image_id": 10288, "bbox": [1382, 1607, 211, 211], "category_id": 1, "id": 930, "iscrowd": 0, "weight": 0.9527073706721537, "segmentation": [], "area": 44521}, {"image_id": 10288, "bbox": [1637, 1475, 45, 375], "category_id": 1, "id": 931, "iscrowd": 0, "weight": 0.11456255950112304, "segmentation": [], "area": 16875}, {"image_id": 10289, "bbox": [428, 1010, 1186, 513], "category_id": 1, "id": 932, "iscrowd": 0, "weight": 0.10068607914197236, "segmentation": [], "area": 608418}, {"image_id": 10289, "bbox": [1581, 1927, 1463, 226], "category_id": 2, "id": 933, "iscrowd": 0, "weight": 0.4335900820364037, "segmentation": [], "area": 330638}, {"image_id": 10290, "bbox": [1541, 1187, 777, 463], "category_id": 1, "id": 934, "iscrowd": 0, "weight": 0.06882723273494684, "segmentation": [], "area": 359751}, {"image_id": 10291, "bbox": [1081, 390, 273, 1313], "category_id": 1, "id": 935, "iscrowd": 0, "weight": 0.9775478256280391, "segmentation": [], "area": 358449}, {"image_id": 10291, "bbox": [1654, 1390, 747, 327], "category_id": 0, "id": 936, "iscrowd": 0, "weight": 0.5518905180021508, "segmentation": [], "area": 244269}, {"image_id": 10291, "bbox": [2524, 1283, 320, 127], "category_id": 0, "id": 937, "iscrowd": 0, "weight": 0.07214844306099022, "segmentation": [], "area": 40640}, {"image_id": 10291, "bbox": [2414, 1443, 54, 137], "category_id": 1, "id": 938, "iscrowd": 0, "weight": 0.03765191686361369, "segmentation": [], "area": 7398}, {"image_id": 10291, "bbox": [3181, 2247, 717, 713], "category_id": 2, "id": 939, "iscrowd": 0, "weight": 0.46134946237069496, "segmentation": [], "area": 511221}, {"image_id": 10292, "bbox": [394, 67, 214, 116], "category_id": 0, "id": 940, "iscrowd": 0, "weight": 0.11418478717242087, "segmentation": [], "area": 24824}, {"image_id": 10292, "bbox": [511, 253, 600, 1247], "category_id": 0, "id": 941, "iscrowd": 0, "weight": 0.3807172768767073, "segmentation": [], "area": 748200}, {"image_id": 10292, "bbox": [728, 687, 736, 590], "category_id": 1, "id": 942, "iscrowd": 0, "weight": 0.8160269149334413, "segmentation": [], "area": 434240}, {"image_id": 10293, "bbox": [704, 930, 747, 210], "category_id": 1, "id": 943, "iscrowd": 0, "weight": 0.9424593214256793, "segmentation": [], "area": 156870}, {"image_id": 10294, "bbox": [1508, 1190, 823, 336], "category_id": 0, "id": 944, "iscrowd": 0, "weight": 0.842095153081527, "segmentation": [], "area": 276528}, {"image_id": 10294, "bbox": [2141, 1077, 123, 96], "category_id": 1, "id": 945, "iscrowd": 0, "weight": 0.7924802096331592, "segmentation": [], "area": 11808}, {"image_id": 10294, "bbox": [2541, 710, 47, 71], "category_id": 1, "id": 946, "iscrowd": 0, "weight": 0.03159962667250393, "segmentation": [], "area": 3337}, {"image_id": 10294, "bbox": [2102, 1562, 280, 161], "category_id": 0, "id": 947, "iscrowd": 0, "weight": 0.9138420663673189, "segmentation": [], "area": 45080}, {"image_id": 10295, "bbox": [1411, 1287, 807, 686], "category_id": 1, "id": 948, "iscrowd": 0, "weight": 0.1517269690623686, "segmentation": [], "area": 553602}, {"image_id": 10295, "bbox": [3598, 285, 197, 284], "category_id": 2, "id": 949, "iscrowd": 0, "weight": 0.5098198328573869, "segmentation": [], "area": 55948}, {"image_id": 10295, "bbox": [1294, 2757, 94, 136], "category_id": 0, "id": 950, "iscrowd": 0, "weight": 0.29189402804170317, "segmentation": [], "area": 12784}, {"image_id": 10296, "bbox": [844, 870, 840, 320], "category_id": 1, "id": 951, "iscrowd": 0, "weight": 0.5291123804674742, "segmentation": [], "area": 268800}, {"image_id": 10296, "bbox": [2458, 1390, 48, 128], "category_id": 1, "id": 952, "iscrowd": 0, "weight": 0.7508737843397051, "segmentation": [], "area": 6144}, {"image_id": 10296, "bbox": [405, 397, 213, 342], "category_id": 2, "id": 953, "iscrowd": 0, "weight": 0.7384018574975645, "segmentation": [], "area": 72846}, {"image_id": 10296, "bbox": [948, 635, 68, 144], "category_id": 2, "id": 954, "iscrowd": 0, "weight": 0.8982910668984531, "segmentation": [], "area": 9792}, {"image_id": 10297, "bbox": [2208, 1043, 1150, 967], "category_id": 0, "id": 955, "iscrowd": 0, "weight": 0.48657420836843535, "segmentation": [], "area": 1112050}, {"image_id": 10297, "bbox": [3338, 1443, 163, 57], "category_id": 0, "id": 956, "iscrowd": 0, "weight": 0.9897565319007902, "segmentation": [], "area": 9291}, {"image_id": 10297, "bbox": [3571, 1513, 157, 400], "category_id": 0, "id": 957, "iscrowd": 0, "weight": 0.7994240140207135, "segmentation": [], "area": 62800}, {"image_id": 10297, "bbox": [1094, 1187, 1297, 800], "category_id": 1, "id": 958, "iscrowd": 0, "weight": 0.5506526963098939, "segmentation": [], "area": 1037600}, {"image_id": 10297, "bbox": [0, 953, 384, 855], "category_id": 2, "id": 959, "iscrowd": 0, "weight": 0.8245672554415707, "segmentation": [], "area": 328320}, {"image_id": 10298, "bbox": [2458, 797, 486, 596], "category_id": 1, "id": 960, "iscrowd": 0, "weight": 0.7114307364258288, "segmentation": [], "area": 289656}, {"image_id": 10298, "bbox": [2381, 1727, 90, 130], "category_id": 1, "id": 961, "iscrowd": 0, "weight": 0.8687888601830329, "segmentation": [], "area": 11700}, {"image_id": 10298, "bbox": [1894, 1817, 80, 56], "category_id": 1, "id": 962, "iscrowd": 0, "weight": 0.06105901568979211, "segmentation": [], "area": 4480}, {"image_id": 10298, "bbox": [3564, 87, 459, 833], "category_id": 2, "id": 963, "iscrowd": 0, "weight": 0.6429001185227543, "segmentation": [], "area": 382347}, {"image_id": 10299, "bbox": [1701, 460, 1127, 1413], "category_id": 0, "id": 964, "iscrowd": 0, "weight": 0.42970374185877314, "segmentation": [], "area": 1592451}, {"image_id": 10299, "bbox": [1488, 230, 143, 673], "category_id": 0, "id": 965, "iscrowd": 0, "weight": 0.3195188492343566, "segmentation": [], "area": 96239}, {"image_id": 10299, "bbox": [1871, 1430, 83, 313], "category_id": 1, "id": 966, "iscrowd": 0, "weight": 0.7695212375472329, "segmentation": [], "area": 25979}, {"image_id": 10299, "bbox": [3601, 2820, 384, 135], "category_id": 2, "id": 967, "iscrowd": 0, "weight": 0.6169426443622227, "segmentation": [], "area": 51840}, {"image_id": 10300, "bbox": [1968, 1183, 490, 684], "category_id": 1, "id": 968, "iscrowd": 0, "weight": 0.8779539254041515, "segmentation": [], "area": 335160}, {"image_id": 10300, "bbox": [2784, 1647, 300, 50], "category_id": 0, "id": 969, "iscrowd": 0, "weight": 0.8145822974936019, "segmentation": [], "area": 15000}, {"image_id": 10300, "bbox": [2134, 1817, 894, 423], "category_id": 0, "id": 970, "iscrowd": 0, "weight": 0.4724291963199123, "segmentation": [], "area": 378162}, {"image_id": 10301, "bbox": [51, 783, 680, 954], "category_id": 2, "id": 971, "iscrowd": 0, "weight": 0.7684842907826898, "segmentation": [], "area": 648720}, {"image_id": 10301, "bbox": [2191, 963, 473, 867], "category_id": 1, "id": 972, "iscrowd": 0, "weight": 0.29535656884907324, "segmentation": [], "area": 410091}, {"image_id": 10301, "bbox": [2841, 1057, 57, 133], "category_id": 1, "id": 973, "iscrowd": 0, "weight": 0.25667806543259863, "segmentation": [], "area": 7581}, {"image_id": 10301, "bbox": [1589, 763, 475, 815], "category_id": 0, "id": 974, "iscrowd": 0, "weight": 0.06495957771788208, "segmentation": [], "area": 387125}, {"image_id": 10301, "bbox": [1364, 1080, 104, 93], "category_id": 0, "id": 975, "iscrowd": 0, "weight": 0.08088751851260645, "segmentation": [], "area": 9672}, {"image_id": 10301, "bbox": [1179, 765, 164, 64], "category_id": 0, "id": 976, "iscrowd": 0, "weight": 0.18523375204096537, "segmentation": [], "area": 10496}, {"image_id": 10302, "bbox": [1795, 1576, 749, 161], "category_id": 1, "id": 977, "iscrowd": 0, "weight": 0.348031167612165, "segmentation": [], "area": 120589}, {"image_id": 10302, "bbox": [1444, 1146, 325, 394], "category_id": 1, "id": 978, "iscrowd": 0, "weight": 0.28438825949059776, "segmentation": [], "area": 128050}, {"image_id": 10303, "bbox": [1744, 627, 664, 406], "category_id": 2, "id": 979, "iscrowd": 0, "weight": 0.42845580037680553, "segmentation": [], "area": 269584}, {"image_id": 10303, "bbox": [2101, 1060, 763, 457], "category_id": 2, "id": 980, "iscrowd": 0, "weight": 0.865510415623616, "segmentation": [], "area": 348691}, {"image_id": 10303, "bbox": [2458, 1833, 223, 167], "category_id": 2, "id": 981, "iscrowd": 0, "weight": 0.2840563626444802, "segmentation": [], "area": 37241}, {"image_id": 10303, "bbox": [1248, 1283, 653, 1280], "category_id": 0, "id": 982, "iscrowd": 0, "weight": 0.725841184435588, "segmentation": [], "area": 835840}, {"image_id": 10303, "bbox": [1061, 1550, 120, 63], "category_id": 0, "id": 983, "iscrowd": 0, "weight": 0.1335619248985911, "segmentation": [], "area": 7560}, {"image_id": 10303, "bbox": [771, 1633, 347, 450], "category_id": 1, "id": 984, "iscrowd": 0, "weight": 0.6929141685137048, "segmentation": [], "area": 156150}, {"image_id": 10304, "bbox": [151, 1153, 770, 770], "category_id": 2, "id": 985, "iscrowd": 0, "weight": 0.0508432621657251, "segmentation": [], "area": 592900}, {"image_id": 10304, "bbox": [41, 857, 930, 580], "category_id": 2, "id": 986, "iscrowd": 0, "weight": 0.6640528789406814, "segmentation": [], "area": 539400}, {"image_id": 10304, "bbox": [2788, 1233, 856, 447], "category_id": 1, "id": 987, "iscrowd": 0, "weight": 0.4298544475639925, "segmentation": [], "area": 382632}, {"image_id": 10304, "bbox": [1718, 1537, 1003, 626], "category_id": 0, "id": 988, "iscrowd": 0, "weight": 0.4741051670311667, "segmentation": [], "area": 627878}, {"image_id": 10304, "bbox": [2021, 1810, 37, 113], "category_id": 1, "id": 989, "iscrowd": 0, "weight": 0.6387118439289569, "segmentation": [], "area": 4181}, {"image_id": 10305, "bbox": [1741, 823, 320, 107], "category_id": 0, "id": 990, "iscrowd": 0, "weight": 0.9517018734697996, "segmentation": [], "area": 34240}, {"image_id": 10305, "bbox": [1148, 987, 770, 860], "category_id": 0, "id": 991, "iscrowd": 0, "weight": 0.7017088868289781, "segmentation": [], "area": 662200}, {"image_id": 10305, "bbox": [3201, 1083, 767, 917], "category_id": 2, "id": 992, "iscrowd": 0, "weight": 0.14542778223987418, "segmentation": [], "area": 703339}, {"image_id": 10305, "bbox": [1150, 781, 129, 45], "category_id": 0, "id": 993, "iscrowd": 0, "weight": 0.08992650764322008, "segmentation": [], "area": 5805}, {"image_id": 10306, "bbox": [1261, 1113, 1340, 317], "category_id": 0, "id": 994, "iscrowd": 0, "weight": 0.2897251453215056, "segmentation": [], "area": 424780}, {"image_id": 10306, "bbox": [2481, 67, 1542, 1383], "category_id": 2, "id": 995, "iscrowd": 0, "weight": 0.3373612276341986, "segmentation": [], "area": 2132586}, {"image_id": 10306, "bbox": [1728, 1763, 906, 144], "category_id": 1, "id": 996, "iscrowd": 0, "weight": 0.6694130119845428, "segmentation": [], "area": 130464}, {"image_id": 10307, "bbox": [884, 890, 744, 1133], "category_id": 1, "id": 997, "iscrowd": 0, "weight": 0.8029807648663739, "segmentation": [], "area": 842952}, {"image_id": 10307, "bbox": [1798, 1897, 1130, 180], "category_id": 2, "id": 998, "iscrowd": 0, "weight": 0.0932582689761261, "segmentation": [], "area": 203400}, {"image_id": 10308, "bbox": [14, 767, 627, 1220], "category_id": 2, "id": 999, "iscrowd": 0, "weight": 0.17399794714822825, "segmentation": [], "area": 764940}, {"image_id": 10308, "bbox": [1951, 943, 628, 1087], "category_id": 1, "id": 1000, "iscrowd": 0, "weight": 0.05500532629568411, "segmentation": [], "area": 682636}, {"image_id": 10309, "bbox": [1854, 983, 367, 934], "category_id": 1, "id": 1001, "iscrowd": 0, "weight": 0.6584869359282101, "segmentation": [], "area": 342778}, {"image_id": 10309, "bbox": [1031, 1150, 707, 807], "category_id": 0, "id": 1002, "iscrowd": 0, "weight": 0.6772029636984356, "segmentation": [], "area": 570549}, {"image_id": 10309, "bbox": [2301, 890, 140, 127], "category_id": 1, "id": 1003, "iscrowd": 0, "weight": 0.3183239383994161, "segmentation": [], "area": 17780}, {"image_id": 10310, "bbox": [2434, 1003, 470, 827], "category_id": 1, "id": 1004, "iscrowd": 0, "weight": 0.8465427132335689, "segmentation": [], "area": 388690}, {"image_id": 10310, "bbox": [988, 940, 597, 167], "category_id": 0, "id": 1005, "iscrowd": 0, "weight": 0.9285986707727795, "segmentation": [], "area": 99699}, {"image_id": 10310, "bbox": [38, 1040, 763, 1143], "category_id": 2, "id": 1006, "iscrowd": 0, "weight": 0.8726880044813294, "segmentation": [], "area": 872109}, {"image_id": 10310, "bbox": [1460, 1155, 767, 807], "category_id": 0, "id": 1007, "iscrowd": 0, "weight": 0.4629119024464856, "segmentation": [], "area": 618969}, {"image_id": 10311, "bbox": [2284, 860, 1180, 240], "category_id": 1, "id": 1008, "iscrowd": 0, "weight": 0.8527452555289793, "segmentation": [], "area": 283200}, {"image_id": 10311, "bbox": [1588, 1647, 670, 356], "category_id": 0, "id": 1009, "iscrowd": 0, "weight": 0.8486786719527327, "segmentation": [], "area": 238520}, {"image_id": 10311, "bbox": [1038, 1517, 663, 223], "category_id": 0, "id": 1010, "iscrowd": 0, "weight": 0.44794453527050726, "segmentation": [], "area": 147849}, {"image_id": 10311, "bbox": [791, 2037, 437, 250], "category_id": 0, "id": 1011, "iscrowd": 0, "weight": 0.05372967461427247, "segmentation": [], "area": 109250}, {"image_id": 10311, "bbox": [3831, 280, 183, 253], "category_id": 2, "id": 1012, "iscrowd": 0, "weight": 0.051905793756037766, "segmentation": [], "area": 46299}, {"image_id": 10312, "bbox": [1878, 950, 803, 913], "category_id": 1, "id": 1013, "iscrowd": 0, "weight": 0.24230735443438922, "segmentation": [], "area": 733139}, {"image_id": 10312, "bbox": [2531, 840, 1064, 1041], "category_id": 0, "id": 1014, "iscrowd": 0, "weight": 0.06272318581391256, "segmentation": [], "area": 1107624}, {"image_id": 10312, "bbox": [2904, 797, 144, 90], "category_id": 0, "id": 1015, "iscrowd": 0, "weight": 0.6208895762741864, "segmentation": [], "area": 12960}, {"image_id": 10312, "bbox": [3028, 1427, 60, 70], "category_id": 0, "id": 1016, "iscrowd": 0, "weight": 0.9302897801163994, "segmentation": [], "area": 4200}, {"image_id": 10312, "bbox": [1321, 1237, 117, 50], "category_id": 0, "id": 1017, "iscrowd": 0, "weight": 0.65988021457337, "segmentation": [], "area": 5850}, {"image_id": 10312, "bbox": [21, 870, 793, 797], "category_id": 2, "id": 1018, "iscrowd": 0, "weight": 0.7238289067262171, "segmentation": [], "area": 632021}, {"image_id": 10313, "bbox": [2014, 627, 740, 643], "category_id": 2, "id": 1019, "iscrowd": 0, "weight": 0.387760111774477, "segmentation": [], "area": 475820}, {"image_id": 10313, "bbox": [2364, 1520, 286, 236], "category_id": 2, "id": 1020, "iscrowd": 0, "weight": 0.2869653206018786, "segmentation": [], "area": 67496}, {"image_id": 10314, "bbox": [1544, 1003, 767, 1160], "category_id": 0, "id": 1021, "iscrowd": 0, "weight": 0.34175814264050697, "segmentation": [], "area": 889720}, {"image_id": 10314, "bbox": [2330, 2002, 270, 130], "category_id": 0, "id": 1022, "iscrowd": 0, "weight": 0.457283149934826, "segmentation": [], "area": 35100}, {"image_id": 10314, "bbox": [2104, 943, 1274, 974], "category_id": 1, "id": 1023, "iscrowd": 0, "weight": 0.8924181334116151, "segmentation": [], "area": 1240876}, {"image_id": 10314, "bbox": [3694, 953, 329, 406], "category_id": 2, "id": 1024, "iscrowd": 0, "weight": 0.6493878681612312, "segmentation": [], "area": 133574}, {"image_id": 10314, "bbox": [3671, 1703, 350, 424], "category_id": 2, "id": 1025, "iscrowd": 0, "weight": 0.3566550961634509, "segmentation": [], "area": 148400}, {"image_id": 10315, "bbox": [1618, 1123, 1106, 737], "category_id": 1, "id": 1026, "iscrowd": 0, "weight": 0.21625877998676812, "segmentation": [], "area": 815122}, {"image_id": 10315, "bbox": [1641, 1557, 907, 626], "category_id": 0, "id": 1027, "iscrowd": 0, "weight": 0.8709524583059017, "segmentation": [], "area": 567782}, {"image_id": 10315, "bbox": [891, 1567, 67, 70], "category_id": 0, "id": 1028, "iscrowd": 0, "weight": 0.9226797695454027, "segmentation": [], "area": 4690}, {"image_id": 10315, "bbox": [698, 1650, 120, 93], "category_id": 0, "id": 1029, "iscrowd": 0, "weight": 0.9693966698089967, "segmentation": [], "area": 11160}, {"image_id": 10315, "bbox": [144, 1867, 447, 1043], "category_id": 2, "id": 1030, "iscrowd": 0, "weight": 0.99950690080251, "segmentation": [], "area": 466221}, {"image_id": 10315, "bbox": [331, 1813, 140, 104], "category_id": 2, "id": 1031, "iscrowd": 0, "weight": 0.5540054216624684, "segmentation": [], "area": 14560}, {"image_id": 10315, "bbox": [2307, 677, 326, 180], "category_id": 0, "id": 1032, "iscrowd": 0, "weight": 0.3468830113366872, "segmentation": [], "area": 58680}, {"image_id": 10316, "bbox": [2311, 1197, 860, 590], "category_id": 1, "id": 1033, "iscrowd": 0, "weight": 0.7448837609238745, "segmentation": [], "area": 507400}, {"image_id": 10316, "bbox": [1524, 1600, 127, 263], "category_id": 1, "id": 1034, "iscrowd": 0, "weight": 0.30019397628387956, "segmentation": [], "area": 33401}, {"image_id": 10316, "bbox": [1101, 1057, 127, 60], "category_id": 1, "id": 1035, "iscrowd": 0, "weight": 0.8401213249397832, "segmentation": [], "area": 7620}, {"image_id": 10316, "bbox": [3804, 1410, 83, 389], "category_id": 1, "id": 1036, "iscrowd": 0, "weight": 0.20129504244755403, "segmentation": [], "area": 32287}, {"image_id": 10316, "bbox": [3552, 1090, 410, 988], "category_id": 2, "id": 1037, "iscrowd": 0, "weight": 0.31094107501078916, "segmentation": [], "area": 405080}, {"image_id": 10317, "bbox": [1771, 1170, 590, 770], "category_id": 1, "id": 1038, "iscrowd": 0, "weight": 0.16209154691260041, "segmentation": [], "area": 454300}, {"image_id": 10317, "bbox": [2114, 2180, 424, 240], "category_id": 1, "id": 1039, "iscrowd": 0, "weight": 0.4187265682675265, "segmentation": [], "area": 101760}, {"image_id": 10318, "bbox": [1308, 813, 1093, 180], "category_id": 2, "id": 1040, "iscrowd": 0, "weight": 0.12247024057986622, "segmentation": [], "area": 196740}, {"image_id": 10318, "bbox": [1938, 1250, 370, 617], "category_id": 0, "id": 1041, "iscrowd": 0, "weight": 0.49949741301312955, "segmentation": [], "area": 228290}, {"image_id": 10318, "bbox": [1668, 1939, 563, 91], "category_id": 0, "id": 1042, "iscrowd": 0, "weight": 0.11687912994318883, "segmentation": [], "area": 51233}, {"image_id": 10318, "bbox": [2566, 920, 778, 1122], "category_id": 1, "id": 1043, "iscrowd": 0, "weight": 0.6478422340545658, "segmentation": [], "area": 872916}, {"image_id": 10319, "bbox": [1588, 793, 503, 770], "category_id": 0, "id": 1044, "iscrowd": 0, "weight": 0.9223321106388123, "segmentation": [], "area": 387310}, {"image_id": 10319, "bbox": [410, 1719, 1681, 357], "category_id": 1, "id": 1045, "iscrowd": 0, "weight": 0.80072516456774, "segmentation": [], "area": 600117}, {"image_id": 10320, "bbox": [1094, 1967, 927, 253], "category_id": 1, "id": 1046, "iscrowd": 0, "weight": 0.518813714131955, "segmentation": [], "area": 234531}, {"image_id": 10321, "bbox": [1381, 863, 900, 847], "category_id": 1, "id": 1047, "iscrowd": 0, "weight": 0.6105948614403063, "segmentation": [], "area": 762300}, {"image_id": 10321, "bbox": [2791, 2180, 1170, 747], "category_id": 2, "id": 1048, "iscrowd": 0, "weight": 0.7582975085982215, "segmentation": [], "area": 873990}, {"image_id": 10322, "bbox": [1764, 987, 647, 580], "category_id": 1, "id": 1049, "iscrowd": 0, "weight": 0.08495332033850356, "segmentation": [], "area": 375260}, {"image_id": 10322, "bbox": [180, 2224, 554, 632], "category_id": 2, "id": 1050, "iscrowd": 0, "weight": 0.6750798126236754, "segmentation": [], "area": 350128}, {"image_id": 10323, "bbox": [208, 23, 520, 237], "category_id": 2, "id": 1051, "iscrowd": 0, "weight": 0.6423914370789203, "segmentation": [], "area": 123240}, {"image_id": 10323, "bbox": [224, 1083, 914, 137], "category_id": 1, "id": 1052, "iscrowd": 0, "weight": 0.503096713752059, "segmentation": [], "area": 125218}, {"image_id": 10324, "bbox": [104, 1970, 814, 770], "category_id": 2, "id": 1053, "iscrowd": 0, "weight": 0.8815155775038401, "segmentation": [], "area": 626780}, {"image_id": 10325, "bbox": [1691, 713, 803, 1024], "category_id": 0, "id": 1054, "iscrowd": 0, "weight": 0.8325692708174719, "segmentation": [], "area": 822272}, {"image_id": 10325, "bbox": [0, 1682, 851, 1201], "category_id": 2, "id": 1055, "iscrowd": 0, "weight": 0.3333700168006586, "segmentation": [], "area": 1022051}, {"image_id": 10325, "bbox": [2078, 707, 163, 146], "category_id": 1, "id": 1056, "iscrowd": 0, "weight": 0.05068097813422734, "segmentation": [], "area": 23798}, {"image_id": 10325, "bbox": [840, 1242, 94, 81], "category_id": 0, "id": 1057, "iscrowd": 0, "weight": 0.06813741189082612, "segmentation": [], "area": 7614}, {"image_id": 10325, "bbox": [1169, 994, 120, 100], "category_id": 0, "id": 1058, "iscrowd": 0, "weight": 0.10210727127822206, "segmentation": [], "area": 12000}, {"image_id": 10326, "bbox": [1694, 1160, 924, 130], "category_id": 1, "id": 1059, "iscrowd": 0, "weight": 0.28665817755826406, "segmentation": [], "area": 120120}, {"image_id": 10327, "bbox": [1318, 787, 1006, 756], "category_id": 2, "id": 1060, "iscrowd": 0, "weight": 0.8927631295662238, "segmentation": [], "area": 760536}, {"image_id": 10327, "bbox": [1754, 1380, 297, 240], "category_id": 2, "id": 1061, "iscrowd": 0, "weight": 0.708696880492791, "segmentation": [], "area": 71280}, {"image_id": 10327, "bbox": [1728, 1730, 310, 270], "category_id": 2, "id": 1062, "iscrowd": 0, "weight": 0.5176320844913955, "segmentation": [], "area": 83700}, {"image_id": 10327, "bbox": [2111, 1420, 407, 807], "category_id": 1, "id": 1063, "iscrowd": 0, "weight": 0.8011919065614496, "segmentation": [], "area": 328449}, {"image_id": 10327, "bbox": [2349, 161, 1473, 1090], "category_id": 0, "id": 1064, "iscrowd": 0, "weight": 0.15149009779843592, "segmentation": [], "area": 1605570}, {"image_id": 10327, "bbox": [3324, 620, 107, 150], "category_id": 0, "id": 1065, "iscrowd": 0, "weight": 0.8099630874922075, "segmentation": [], "area": 16050}, {"image_id": 10327, "bbox": [3256, 765, 46, 39], "category_id": 0, "id": 1066, "iscrowd": 0, "weight": 0.01401311227652624, "segmentation": [], "area": 1794}, {"image_id": 10327, "bbox": [2174, 927, 50, 46], "category_id": 0, "id": 1067, "iscrowd": 0, "weight": 0.6474111082085301, "segmentation": [], "area": 2300}, {"image_id": 10328, "bbox": [1434, 1393, 1030, 364], "category_id": 1, "id": 1068, "iscrowd": 0, "weight": 0.015666400874026376, "segmentation": [], "area": 374920}, {"image_id": 10328, "bbox": [3071, 1633, 67, 57], "category_id": 1, "id": 1069, "iscrowd": 0, "weight": 0.3908390727807175, "segmentation": [], "area": 3819}, {"image_id": 10328, "bbox": [3524, 2367, 284, 270], "category_id": 2, "id": 1070, "iscrowd": 0, "weight": 0.4423563079416494, "segmentation": [], "area": 76680}, {"image_id": 10328, "bbox": [1958, 2113, 1052, 633], "category_id": 2, "id": 1071, "iscrowd": 0, "weight": 0.6429969153423081, "segmentation": [], "area": 665916}, {"image_id": 10328, "bbox": [1645, 1423, 39, 218], "category_id": 1, "id": 1072, "iscrowd": 0, "weight": 0.9744674522860993, "segmentation": [], "area": 8502}, {"image_id": 10328, "bbox": [3192, 2654, 244, 154], "category_id": 2, "id": 1073, "iscrowd": 0, "weight": 0.18118573116649017, "segmentation": [], "area": 37576}, {"image_id": 10329, "bbox": [1801, 703, 1350, 920], "category_id": 2, "id": 1074, "iscrowd": 0, "weight": 0.32076537212427625, "segmentation": [], "area": 1242000}, {"image_id": 10329, "bbox": [1384, 1070, 150, 120], "category_id": 0, "id": 1075, "iscrowd": 0, "weight": 0.9267696732324967, "segmentation": [], "area": 18000}, {"image_id": 10329, "bbox": [881, 1130, 223, 130], "category_id": 0, "id": 1076, "iscrowd": 0, "weight": 0.5847523971843501, "segmentation": [], "area": 28990}, {"image_id": 10330, "bbox": [399, 876, 712, 684], "category_id": 1, "id": 1077, "iscrowd": 0, "weight": 0.05909820292676804, "segmentation": [], "area": 487008}, {"image_id": 10330, "bbox": [2098, 970, 80, 157], "category_id": 1, "id": 1078, "iscrowd": 0, "weight": 0.2325884151181693, "segmentation": [], "area": 12560}, {"image_id": 10331, "bbox": [2643, 594, 1221, 403], "category_id": 0, "id": 1079, "iscrowd": 0, "weight": 0.9763091264436805, "segmentation": [], "area": 492063}, {"image_id": 10331, "bbox": [1711, 980, 443, 985], "category_id": 1, "id": 1080, "iscrowd": 0, "weight": 0.941547717183611, "segmentation": [], "area": 436355}, {"image_id": 10331, "bbox": [3628, 27, 167, 271], "category_id": 2, "id": 1081, "iscrowd": 0, "weight": 0.9269122445800282, "segmentation": [], "area": 45257}, {"image_id": 10331, "bbox": [3921, 417, 97, 284], "category_id": 2, "id": 1082, "iscrowd": 0, "weight": 0.12902028717633274, "segmentation": [], "area": 27548}, {"image_id": 10332, "bbox": [2658, 1640, 616, 893], "category_id": 1, "id": 1083, "iscrowd": 0, "weight": 0.4795500570351311, "segmentation": [], "area": 550088}, {"image_id": 10332, "bbox": [1174, 1770, 1034, 830], "category_id": 0, "id": 1084, "iscrowd": 0, "weight": 0.5072972884257196, "segmentation": [], "area": 858220}, {"image_id": 10332, "bbox": [1511, 1473, 123, 87], "category_id": 0, "id": 1085, "iscrowd": 0, "weight": 0.7325094924160422, "segmentation": [], "area": 10701}, {"image_id": 10332, "bbox": [1111, 1260, 180, 83], "category_id": 0, "id": 1086, "iscrowd": 0, "weight": 0.32182572990374503, "segmentation": [], "area": 14940}, {"image_id": 10332, "bbox": [2350, 2613, 77, 58], "category_id": 0, "id": 1087, "iscrowd": 0, "weight": 0.6903566515668528, "segmentation": [], "area": 4466}, {"image_id": 10332, "bbox": [2447, 2691, 48, 51], "category_id": 0, "id": 1088, "iscrowd": 0, "weight": 0.3916543767639513, "segmentation": [], "area": 2448}, {"image_id": 10333, "bbox": [1788, 1367, 790, 443], "category_id": 1, "id": 1089, "iscrowd": 0, "weight": 0.9793397929347923, "segmentation": [], "area": 349970}, {"image_id": 10333, "bbox": [1851, 1697, 217, 166], "category_id": 1, "id": 1090, "iscrowd": 0, "weight": 0.9324651631112301, "segmentation": [], "area": 36022}, {"image_id": 10333, "bbox": [211, 1987, 823, 800], "category_id": 2, "id": 1091, "iscrowd": 0, "weight": 0.6366727807708048, "segmentation": [], "area": 658400}, {"image_id": 10333, "bbox": [3621, 227, 220, 363], "category_id": 2, "id": 1092, "iscrowd": 0, "weight": 0.6016934658239413, "segmentation": [], "area": 79860}, {"image_id": 10333, "bbox": [3668, 770, 153, 120], "category_id": 2, "id": 1093, "iscrowd": 0, "weight": 0.7636373635314654, "segmentation": [], "area": 18360}, {"image_id": 10334, "bbox": [1964, 1380, 1054, 453], "category_id": 1, "id": 1094, "iscrowd": 0, "weight": 0.5766961693782634, "segmentation": [], "area": 477462}, {"image_id": 10335, "bbox": [1208, 1950, 136, 783], "category_id": 1, "id": 1095, "iscrowd": 0, "weight": 0.22817096632430667, "segmentation": [], "area": 106488}, {"image_id": 10336, "bbox": [198, 2160, 1453, 827], "category_id": 0, "id": 1096, "iscrowd": 0, "weight": 0.9165746496970063, "segmentation": [], "area": 1201631}, {"image_id": 10336, "bbox": [854, 1002, 1071, 954], "category_id": 1, "id": 1097, "iscrowd": 0, "weight": 0.1327245596750739, "segmentation": [], "area": 1021734}, {"image_id": 10336, "bbox": [2118, 434, 604, 379], "category_id": 2, "id": 1098, "iscrowd": 0, "weight": 0.461576069350462, "segmentation": [], "area": 228916}, {"image_id": 10336, "bbox": [2304, 867, 1053, 492], "category_id": 2, "id": 1099, "iscrowd": 0, "weight": 0.8400026910922862, "segmentation": [], "area": 518076}, {"image_id": 10336, "bbox": [2329, 834, 171, 147], "category_id": 1, "id": 1100, "iscrowd": 0, "weight": 0.5999823789373423, "segmentation": [], "area": 25137}, {"image_id": 10336, "bbox": [2894, 1413, 474, 327], "category_id": 2, "id": 1101, "iscrowd": 0, "weight": 0.27799360877087365, "segmentation": [], "area": 154998}, {"image_id": 10337, "bbox": [2054, 123, 1140, 1517], "category_id": 1, "id": 1102, "iscrowd": 0, "weight": 0.6591240512140876, "segmentation": [], "area": 1729380}, {"image_id": 10337, "bbox": [1798, 1883, 103, 77], "category_id": 1, "id": 1103, "iscrowd": 0, "weight": 0.04599180987445384, "segmentation": [], "area": 7931}, {"image_id": 10337, "bbox": [3642, 377, 112, 265], "category_id": 2, "id": 1104, "iscrowd": 0, "weight": 0.09849858812422607, "segmentation": [], "area": 29680}, {"image_id": 10338, "bbox": [94, 2087, 390, 753], "category_id": 2, "id": 1105, "iscrowd": 0, "weight": 0.6002181826575086, "segmentation": [], "area": 293670}, {"image_id": 10338, "bbox": [2034, 1000, 200, 133], "category_id": 1, "id": 1106, "iscrowd": 0, "weight": 0.4764660291934105, "segmentation": [], "area": 26600}, {"image_id": 10338, "bbox": [651, 1823, 145, 48], "category_id": 1, "id": 1107, "iscrowd": 0, "weight": 0.18441368346972575, "segmentation": [], "area": 6960}, {"image_id": 10339, "bbox": [1108, 903, 473, 474], "category_id": 1, "id": 1108, "iscrowd": 0, "weight": 0.3002220148248247, "segmentation": [], "area": 224202}, {"image_id": 10339, "bbox": [3091, 1610, 77, 70], "category_id": 0, "id": 1109, "iscrowd": 0, "weight": 0.5893645802072758, "segmentation": [], "area": 5390}, {"image_id": 10340, "bbox": [2334, 837, 1430, 280], "category_id": 1, "id": 1110, "iscrowd": 0, "weight": 0.21957965678400493, "segmentation": [], "area": 400400}, {"image_id": 10340, "bbox": [1881, 1777, 103, 86], "category_id": 1, "id": 1111, "iscrowd": 0, "weight": 0.5322258343955667, "segmentation": [], "area": 8858}, {"image_id": 10340, "bbox": [3514, 170, 326, 301], "category_id": 2, "id": 1112, "iscrowd": 0, "weight": 0.5484512809316264, "segmentation": [], "area": 98126}, {"image_id": 10341, "bbox": [2121, 1037, 103, 93], "category_id": 1, "id": 1113, "iscrowd": 0, "weight": 0.6286261999125904, "segmentation": [], "area": 9579}, {"image_id": 10341, "bbox": [1108, 1847, 293, 793], "category_id": 1, "id": 1114, "iscrowd": 0, "weight": 0.5706491814207122, "segmentation": [], "area": 232349}, {"image_id": 10341, "bbox": [301, 2339, 139, 331], "category_id": 2, "id": 1115, "iscrowd": 0, "weight": 0.460116386927762, "segmentation": [], "area": 46009}, {"image_id": 10341, "bbox": [98, 2563, 163, 207], "category_id": 2, "id": 1116, "iscrowd": 0, "weight": 0.15228052260749592, "segmentation": [], "area": 33741}, {"image_id": 10342, "bbox": [2148, 1203, 426, 1234], "category_id": 1, "id": 1117, "iscrowd": 0, "weight": 0.04733562116864931, "segmentation": [], "area": 525684}, {"image_id": 10342, "bbox": [2521, 1070, 760, 923], "category_id": 0, "id": 1118, "iscrowd": 0, "weight": 0.7010472558967599, "segmentation": [], "area": 701480}, {"image_id": 10342, "bbox": [1624, 1433, 39, 149], "category_id": 1, "id": 1119, "iscrowd": 0, "weight": 0.2028273193320248, "segmentation": [], "area": 5811}, {"image_id": 10343, "bbox": [2281, 927, 83, 130], "category_id": 1, "id": 1120, "iscrowd": 0, "weight": 0.9142971737046796, "segmentation": [], "area": 10790}, {"image_id": 10343, "bbox": [1754, 1057, 787, 713], "category_id": 1, "id": 1121, "iscrowd": 0, "weight": 0.8598843285087452, "segmentation": [], "area": 561131}, {"image_id": 10343, "bbox": [4, 1013, 127, 474], "category_id": 2, "id": 1122, "iscrowd": 0, "weight": 0.8496049995273359, "segmentation": [], "area": 60198}, {"image_id": 10343, "bbox": [2909, 1002, 57, 83], "category_id": 2, "id": 1123, "iscrowd": 0, "weight": 0.22494180055096058, "segmentation": [], "area": 4731}, {"image_id": 10344, "bbox": [1971, 747, 587, 436], "category_id": 2, "id": 1124, "iscrowd": 0, "weight": 0.03211594696665032, "segmentation": [], "area": 255932}, {"image_id": 10344, "bbox": [1708, 1633, 750, 287], "category_id": 1, "id": 1125, "iscrowd": 0, "weight": 0.9921271322835025, "segmentation": [], "area": 215250}, {"image_id": 10344, "bbox": [3577, 2388, 208, 268], "category_id": 2, "id": 1126, "iscrowd": 0, "weight": 0.1884801503104856, "segmentation": [], "area": 55744}, {"image_id": 10345, "bbox": [1904, 1050, 710, 547], "category_id": 0, "id": 1127, "iscrowd": 0, "weight": 0.27918673262413884, "segmentation": [], "area": 388370}, {"image_id": 10345, "bbox": [2594, 1600, 164, 107], "category_id": 0, "id": 1128, "iscrowd": 0, "weight": 0.758198960262116, "segmentation": [], "area": 17548}, {"image_id": 10346, "bbox": [1994, 1337, 887, 196], "category_id": 1, "id": 1129, "iscrowd": 0, "weight": 0.7364834118773451, "segmentation": [], "area": 173852}, {"image_id": 10346, "bbox": [2638, 1957, 322, 638], "category_id": 0, "id": 1130, "iscrowd": 0, "weight": 0.3564170108021435, "segmentation": [], "area": 205436}, {"image_id": 10346, "bbox": [1308, 1533, 1013, 884], "category_id": 2, "id": 1131, "iscrowd": 0, "weight": 0.5130887179112058, "segmentation": [], "area": 895492}, {"image_id": 10346, "bbox": [1628, 1430, 56, 137], "category_id": 1, "id": 1132, "iscrowd": 0, "weight": 0.15862249178050059, "segmentation": [], "area": 7672}, {"image_id": 10346, "bbox": [2724, 2637, 274, 254], "category_id": 0, "id": 1133, "iscrowd": 0, "weight": 0.5513674671070412, "segmentation": [], "area": 69596}, {"image_id": 10347, "bbox": [2068, 930, 660, 597], "category_id": 1, "id": 1134, "iscrowd": 0, "weight": 0.5304452968335543, "segmentation": [], "area": 394020}, {"image_id": 10347, "bbox": [1588, 1943, 1350, 214], "category_id": 2, "id": 1135, "iscrowd": 0, "weight": 0.9011896009281588, "segmentation": [], "area": 288900}, {"image_id": 10347, "bbox": [1794, 1690, 80, 157], "category_id": 1, "id": 1136, "iscrowd": 0, "weight": 0.4173851290956131, "segmentation": [], "area": 12560}, {"image_id": 10347, "bbox": [1774, 1510, 117, 63], "category_id": 2, "id": 1137, "iscrowd": 0, "weight": 0.7274406540639957, "segmentation": [], "area": 7371}, {"image_id": 10348, "bbox": [1881, 920, 1110, 427], "category_id": 1, "id": 1138, "iscrowd": 0, "weight": 0.7438537706609155, "segmentation": [], "area": 473970}, {"image_id": 10348, "bbox": [1408, 1670, 203, 153], "category_id": 0, "id": 1139, "iscrowd": 0, "weight": 0.5165635891185473, "segmentation": [], "area": 31059}, {"image_id": 10348, "bbox": [1601, 1820, 887, 333], "category_id": 0, "id": 1140, "iscrowd": 0, "weight": 0.830883188297097, "segmentation": [], "area": 295371}, {"image_id": 10349, "bbox": [1664, 1123, 734, 1207], "category_id": 0, "id": 1141, "iscrowd": 0, "weight": 0.08613811247593695, "segmentation": [], "area": 885938}, {"image_id": 10349, "bbox": [311, 177, 1270, 1406], "category_id": 2, "id": 1142, "iscrowd": 0, "weight": 0.9956131642146848, "segmentation": [], "area": 1785620}, {"image_id": 10349, "bbox": [2518, 1400, 47, 162], "category_id": 1, "id": 1143, "iscrowd": 0, "weight": 0.30736949085860865, "segmentation": [], "area": 7614}, {"image_id": 10350, "bbox": [1354, 1117, 1360, 646], "category_id": 1, "id": 1144, "iscrowd": 0, "weight": 0.6258272240286242, "segmentation": [], "area": 878560}, {"image_id": 10350, "bbox": [2888, 67, 1130, 976], "category_id": 2, "id": 1145, "iscrowd": 0, "weight": 0.8373826187189968, "segmentation": [], "area": 1102880}, {"image_id": 10351, "bbox": [798, 587, 430, 690], "category_id": 0, "id": 1146, "iscrowd": 0, "weight": 0.43027456608233006, "segmentation": [], "area": 296700}, {"image_id": 10351, "bbox": [868, 1343, 513, 450], "category_id": 0, "id": 1147, "iscrowd": 0, "weight": 0.5368695812873295, "segmentation": [], "area": 230850}, {"image_id": 10351, "bbox": [1748, 877, 586, 1203], "category_id": 1, "id": 1148, "iscrowd": 0, "weight": 0.233952780016339, "segmentation": [], "area": 704958}, {"image_id": 10351, "bbox": [3254, 1757, 727, 1260], "category_id": 2, "id": 1149, "iscrowd": 0, "weight": 0.21211711612020911, "segmentation": [], "area": 916020}, {"image_id": 10352, "bbox": [1824, 560, 537, 1297], "category_id": 0, "id": 1150, "iscrowd": 0, "weight": 0.04169747201471208, "segmentation": [], "area": 696489}, {"image_id": 10352, "bbox": [2061, 1897, 70, 46], "category_id": 0, "id": 1151, "iscrowd": 0, "weight": 0.19495719658910082, "segmentation": [], "area": 3220}, {"image_id": 10352, "bbox": [1618, 827, 60, 56], "category_id": 0, "id": 1152, "iscrowd": 0, "weight": 0.942711918759208, "segmentation": [], "area": 3360}, {"image_id": 10352, "bbox": [941, 1507, 900, 766], "category_id": 1, "id": 1153, "iscrowd": 0, "weight": 0.7181939551742623, "segmentation": [], "area": 689400}, {"image_id": 10352, "bbox": [98, 2080, 976, 807], "category_id": 2, "id": 1154, "iscrowd": 0, "weight": 0.4989933334569233, "segmentation": [], "area": 787632}, {"image_id": 10353, "bbox": [3628, 143, 250, 327], "category_id": 1, "id": 1155, "iscrowd": 0, "weight": 0.40011408464123654, "segmentation": [], "area": 81750}, {"image_id": 10353, "bbox": [1918, 1730, 156, 97], "category_id": 1, "id": 1156, "iscrowd": 0, "weight": 0.6631456579034788, "segmentation": [], "area": 15132}, {"image_id": 10353, "bbox": [174, 1930, 640, 817], "category_id": 2, "id": 1157, "iscrowd": 0, "weight": 0.7467651962588479, "segmentation": [], "area": 522880}, {"image_id": 10354, "bbox": [1568, 1423, 1216, 427], "category_id": 1, "id": 1158, "iscrowd": 0, "weight": 0.31286089337812206, "segmentation": [], "area": 519232}, {"image_id": 10354, "bbox": [2051, 1177, 127, 93], "category_id": 1, "id": 1159, "iscrowd": 0, "weight": 0.017566235697900057, "segmentation": [], "area": 11811}, {"image_id": 10354, "bbox": [292, 2523, 169, 324], "category_id": 2, "id": 1160, "iscrowd": 0, "weight": 0.1545786369167237, "segmentation": [], "area": 54756}, {"image_id": 10355, "bbox": [1831, 1040, 357, 753], "category_id": 1, "id": 1161, "iscrowd": 0, "weight": 0.04958612367707271, "segmentation": [], "area": 268821}, {"image_id": 10355, "bbox": [2544, 1417, 770, 643], "category_id": 0, "id": 1162, "iscrowd": 0, "weight": 0.03608557893093489, "segmentation": [], "area": 495110}, {"image_id": 10355, "bbox": [3488, 2217, 510, 643], "category_id": 2, "id": 1163, "iscrowd": 0, "weight": 0.16886159313013127, "segmentation": [], "area": 327930}, {"image_id": 10356, "bbox": [2251, 950, 750, 670], "category_id": 0, "id": 1164, "iscrowd": 0, "weight": 0.2217746878588145, "segmentation": [], "area": 502500}, {"image_id": 10356, "bbox": [2781, 260, 393, 800], "category_id": 1, "id": 1165, "iscrowd": 0, "weight": 0.8931417071879302, "segmentation": [], "area": 314400}, {"image_id": 10357, "bbox": [1904, 920, 297, 927], "category_id": 1, "id": 1166, "iscrowd": 0, "weight": 0.00358685092426958, "segmentation": [], "area": 275319}, {"image_id": 10358, "bbox": [1771, 980, 1353, 440], "category_id": 1, "id": 1167, "iscrowd": 0, "weight": 0.8832789978691419, "segmentation": [], "area": 595320}, {"image_id": 10358, "bbox": [2868, 1437, 220, 150], "category_id": 0, "id": 1168, "iscrowd": 0, "weight": 0.9036866360622846, "segmentation": [], "area": 33000}, {"image_id": 10358, "bbox": [2604, 1643, 117, 104], "category_id": 0, "id": 1169, "iscrowd": 0, "weight": 0.5256756289766703, "segmentation": [], "area": 12168}, {"image_id": 10358, "bbox": [3158, 0, 865, 1148], "category_id": 2, "id": 1170, "iscrowd": 0, "weight": 0.32071497321092524, "segmentation": [], "area": 993020}, {"image_id": 10358, "bbox": [1638, 1857, 190, 153], "category_id": 1, "id": 1171, "iscrowd": 0, "weight": 0.6518509245397668, "segmentation": [], "area": 29070}, {"image_id": 10358, "bbox": [1371, 987, 847, 1070], "category_id": 0, "id": 1172, "iscrowd": 0, "weight": 0.9059548210619042, "segmentation": [], "area": 906290}, {"image_id": 10359, "bbox": [1828, 803, 653, 94], "category_id": 2, "id": 1173, "iscrowd": 0, "weight": 0.2919364676472561, "segmentation": [], "area": 61382}, {"image_id": 10359, "bbox": [3084, 900, 414, 390], "category_id": 0, "id": 1174, "iscrowd": 0, "weight": 0.3216939816078732, "segmentation": [], "area": 161460}, {"image_id": 10359, "bbox": [2711, 1020, 713, 743], "category_id": 0, "id": 1175, "iscrowd": 0, "weight": 0.8605824880160896, "segmentation": [], "area": 529759}, {"image_id": 10359, "bbox": [2614, 1133, 49, 51], "category_id": 0, "id": 1176, "iscrowd": 0, "weight": 0.762873325005388, "segmentation": [], "area": 2499}, {"image_id": 10360, "bbox": [84, 2217, 564, 653], "category_id": 2, "id": 1177, "iscrowd": 0, "weight": 0.42021093936049436, "segmentation": [], "area": 368292}, {"image_id": 10360, "bbox": [171, 1960, 87, 113], "category_id": 2, "id": 1178, "iscrowd": 0, "weight": 0.06407160634645748, "segmentation": [], "area": 9831}, {"image_id": 10361, "bbox": [3208, 97, 686, 793], "category_id": 2, "id": 1179, "iscrowd": 0, "weight": 0.5408596140381681, "segmentation": [], "area": 543998}, {"image_id": 10361, "bbox": [2081, 990, 137, 137], "category_id": 1, "id": 1180, "iscrowd": 0, "weight": 0.07946029555672673, "segmentation": [], "area": 18769}, {"image_id": 10361, "bbox": [2637, 387, 117, 102], "category_id": 0, "id": 1181, "iscrowd": 0, "weight": 0.10179838113104445, "segmentation": [], "area": 11934}, {"image_id": 10362, "bbox": [138, 100, 996, 863], "category_id": 2, "id": 1182, "iscrowd": 0, "weight": 0.697693912133427, "segmentation": [], "area": 859548}, {"image_id": 10362, "bbox": [431, 1127, 1463, 406], "category_id": 0, "id": 1183, "iscrowd": 0, "weight": 0.6701368069327562, "segmentation": [], "area": 593978}, {"image_id": 10362, "bbox": [1891, 1150, 587, 1140], "category_id": 1, "id": 1184, "iscrowd": 0, "weight": 0.11792832185993052, "segmentation": [], "area": 669180}, {"image_id": 10363, "bbox": [1794, 1333, 987, 314], "category_id": 0, "id": 1185, "iscrowd": 0, "weight": 0.10397894764707949, "segmentation": [], "area": 309918}, {"image_id": 10363, "bbox": [2888, 1363, 410, 174], "category_id": 0, "id": 1186, "iscrowd": 0, "weight": 0.7240972793719641, "segmentation": [], "area": 71340}, {"image_id": 10363, "bbox": [3428, 1117, 316, 230], "category_id": 0, "id": 1187, "iscrowd": 0, "weight": 0.14173666482817915, "segmentation": [], "area": 72680}, {"image_id": 10363, "bbox": [981, 1517, 440, 893], "category_id": 1, "id": 1188, "iscrowd": 0, "weight": 0.8704006358300825, "segmentation": [], "area": 392920}, {"image_id": 10364, "bbox": [1734, 900, 684, 530], "category_id": 0, "id": 1189, "iscrowd": 0, "weight": 0.8625392509315045, "segmentation": [], "area": 362520}, {"image_id": 10364, "bbox": [2424, 1033, 81, 172], "category_id": 1, "id": 1190, "iscrowd": 0, "weight": 0.7713248856582683, "segmentation": [], "area": 13932}, {"image_id": 10364, "bbox": [2934, 920, 60, 63], "category_id": 1, "id": 1191, "iscrowd": 0, "weight": 0.9995081093935726, "segmentation": [], "area": 3780}, {"image_id": 10364, "bbox": [52, 1166, 184, 460], "category_id": 2, "id": 1192, "iscrowd": 0, "weight": 0.49557999609026016, "segmentation": [], "area": 84640}, {"image_id": 10365, "bbox": [244, 2070, 724, 787], "category_id": 2, "id": 1193, "iscrowd": 0, "weight": 0.07435885300238754, "segmentation": [], "area": 569788}, {"image_id": 10365, "bbox": [3811, 214, 91, 123], "category_id": 2, "id": 1194, "iscrowd": 0, "weight": 0.9921023847918541, "segmentation": [], "area": 11193}, {"image_id": 10366, "bbox": [994, 1353, 1284, 597], "category_id": 1, "id": 1195, "iscrowd": 0, "weight": 0.052982687568784215, "segmentation": [], "area": 766548}, {"image_id": 10366, "bbox": [2853, 1243, 50, 47], "category_id": 1, "id": 1196, "iscrowd": 0, "weight": 0.1085317256754712, "segmentation": [], "area": 2350}, {"image_id": 10366, "bbox": [2341, 1297, 93, 160], "category_id": 1, "id": 1197, "iscrowd": 0, "weight": 0.8664659313925749, "segmentation": [], "area": 14880}, {"image_id": 10366, "bbox": [3014, 1500, 87, 243], "category_id": 2, "id": 1198, "iscrowd": 0, "weight": 0.9172080291273491, "segmentation": [], "area": 21141}, {"image_id": 10366, "bbox": [2234, 1583, 660, 110], "category_id": 2, "id": 1199, "iscrowd": 0, "weight": 0.711051116917588, "segmentation": [], "area": 72600}, {"image_id": 10366, "bbox": [1564, 1020, 1314, 200], "category_id": 2, "id": 1200, "iscrowd": 0, "weight": 0.2658301185884574, "segmentation": [], "area": 262800}, {"image_id": 10366, "bbox": [74, 1377, 194, 360], "category_id": 2, "id": 1201, "iscrowd": 0, "weight": 0.20318799718399216, "segmentation": [], "area": 69840}, {"image_id": 10366, "bbox": [701, 1153, 117, 154], "category_id": 1, "id": 1202, "iscrowd": 0, "weight": 0.6897591309283424, "segmentation": [], "area": 18018}, {"image_id": 10366, "bbox": [1676, 1418, 161, 257], "category_id": 2, "id": 1203, "iscrowd": 0, "weight": 0.6095443064652845, "segmentation": [], "area": 41377}, {"image_id": 10367, "bbox": [2474, 1613, 490, 460], "category_id": 0, "id": 1204, "iscrowd": 0, "weight": 0.15907761561324596, "segmentation": [], "area": 225400}, {"image_id": 10367, "bbox": [2291, 1350, 583, 143], "category_id": 0, "id": 1205, "iscrowd": 0, "weight": 0.8235584568257228, "segmentation": [], "area": 83369}, {"image_id": 10367, "bbox": [2184, 867, 320, 470], "category_id": 0, "id": 1206, "iscrowd": 0, "weight": 0.08971866334697642, "segmentation": [], "area": 150400}, {"image_id": 10368, "bbox": [2128, 1120, 903, 357], "category_id": 0, "id": 1207, "iscrowd": 0, "weight": 0.25815635124287517, "segmentation": [], "area": 322371}, {"image_id": 10368, "bbox": [1638, 1147, 846, 433], "category_id": 0, "id": 1208, "iscrowd": 0, "weight": 0.5685002995357511, "segmentation": [], "area": 366318}, {"image_id": 10368, "bbox": [1501, 1647, 220, 126], "category_id": 0, "id": 1209, "iscrowd": 0, "weight": 0.15397489238018724, "segmentation": [], "area": 27720}, {"image_id": 10368, "bbox": [1601, 1817, 993, 830], "category_id": 2, "id": 1210, "iscrowd": 0, "weight": 0.927688733409939, "segmentation": [], "area": 824190}, {"image_id": 10368, "bbox": [2798, 2100, 833, 263], "category_id": 1, "id": 1211, "iscrowd": 0, "weight": 0.7036630590993856, "segmentation": [], "area": 219079}, {"image_id": 10369, "bbox": [48, 1857, 853, 1106], "category_id": 2, "id": 1212, "iscrowd": 0, "weight": 0.6829838961201674, "segmentation": [], "area": 943418}, {"image_id": 10370, "bbox": [1071, 887, 863, 976], "category_id": 0, "id": 1213, "iscrowd": 0, "weight": 0.15413154869991674, "segmentation": [], "area": 842288}, {"image_id": 10370, "bbox": [3414, 150, 600, 1303], "category_id": 2, "id": 1214, "iscrowd": 0, "weight": 0.34647806358654487, "segmentation": [], "area": 781800}, {"image_id": 10370, "bbox": [1121, 1780, 343, 323], "category_id": 0, "id": 1215, "iscrowd": 0, "weight": 0.09404067548831774, "segmentation": [], "area": 110789}, {"image_id": 10370, "bbox": [3069, 253, 146, 145], "category_id": 0, "id": 1216, "iscrowd": 0, "weight": 0.8983338525744511, "segmentation": [], "area": 21170}, {"image_id": 10371, "bbox": [672, 1207, 836, 548], "category_id": 0, "id": 1217, "iscrowd": 0, "weight": 0.512006444794328, "segmentation": [], "area": 458128}, {"image_id": 10371, "bbox": [8, 855, 1339, 1039], "category_id": 0, "id": 1218, "iscrowd": 0, "weight": 0.24282454591773828, "segmentation": [], "area": 1391221}, {"image_id": 10371, "bbox": [466, 804, 871, 709], "category_id": 2, "id": 1219, "iscrowd": 0, "weight": 0.2783737218934934, "segmentation": [], "area": 617539}, {"image_id": 10371, "bbox": [1524, 1436, 1200, 739], "category_id": 2, "id": 1220, "iscrowd": 0, "weight": 0.611609272803354, "segmentation": [], "area": 886800}, {"image_id": 10372, "bbox": [1834, 1380, 480, 710], "category_id": 1, "id": 1221, "iscrowd": 0, "weight": 0.6288957296628219, "segmentation": [], "area": 340800}, {"image_id": 10372, "bbox": [2571, 1160, 373, 590], "category_id": 0, "id": 1222, "iscrowd": 0, "weight": 0.1829754912556949, "segmentation": [], "area": 220070}, {"image_id": 10372, "bbox": [2614, 1693, 457, 434], "category_id": 0, "id": 1223, "iscrowd": 0, "weight": 0.9891688609897961, "segmentation": [], "area": 198338}, {"image_id": 10373, "bbox": [634, 1920, 310, 483], "category_id": 0, "id": 1224, "iscrowd": 0, "weight": 0.48371657132031487, "segmentation": [], "area": 149730}, {"image_id": 10373, "bbox": [434, 2447, 344, 466], "category_id": 0, "id": 1225, "iscrowd": 0, "weight": 0.8777685610166143, "segmentation": [], "area": 160304}, {"image_id": 10374, "bbox": [1598, 1137, 930, 823], "category_id": 1, "id": 1226, "iscrowd": 0, "weight": 0.8823601438058094, "segmentation": [], "area": 765390}, {"image_id": 10374, "bbox": [2894, 1833, 657, 564], "category_id": 0, "id": 1227, "iscrowd": 0, "weight": 0.9162531492839782, "segmentation": [], "area": 370548}, {"image_id": 10374, "bbox": [2998, 1733, 903, 997], "category_id": 0, "id": 1228, "iscrowd": 0, "weight": 0.647834952762241, "segmentation": [], "area": 900291}, {"image_id": 10374, "bbox": [654, 150, 520, 857], "category_id": 2, "id": 1229, "iscrowd": 0, "weight": 0.19910333338333075, "segmentation": [], "area": 445640}, {"image_id": 10375, "bbox": [1801, 560, 240, 297], "category_id": 0, "id": 1230, "iscrowd": 0, "weight": 0.8603504603612431, "segmentation": [], "area": 71280}, {"image_id": 10375, "bbox": [1824, 837, 344, 496], "category_id": 0, "id": 1231, "iscrowd": 0, "weight": 0.8367178664450342, "segmentation": [], "area": 170624}, {"image_id": 10375, "bbox": [434, 823, 680, 507], "category_id": 2, "id": 1232, "iscrowd": 0, "weight": 0.21426358962478953, "segmentation": [], "area": 344760}, {"image_id": 10376, "bbox": [1681, 927, 398, 170], "category_id": 0, "id": 1233, "iscrowd": 0, "weight": 0.9153040754166898, "segmentation": [], "area": 67660}, {"image_id": 10376, "bbox": [1811, 807, 113, 53], "category_id": 0, "id": 1234, "iscrowd": 0, "weight": 0.7160367690347554, "segmentation": [], "area": 5989}, {"image_id": 10376, "bbox": [1708, 1173, 503, 510], "category_id": 0, "id": 1235, "iscrowd": 0, "weight": 0.43608879885708374, "segmentation": [], "area": 256530}, {"image_id": 10376, "bbox": [1834, 1763, 550, 240], "category_id": 0, "id": 1236, "iscrowd": 0, "weight": 0.7653261259438204, "segmentation": [], "area": 132000}, {"image_id": 10376, "bbox": [2328, 1240, 876, 300], "category_id": 1, "id": 1237, "iscrowd": 0, "weight": 0.13624877909370547, "segmentation": [], "area": 262800}, {"image_id": 10376, "bbox": [68, 777, 916, 1213], "category_id": 2, "id": 1238, "iscrowd": 0, "weight": 0.9907067270410644, "segmentation": [], "area": 1111108}, {"image_id": 10377, "bbox": [964, 1080, 438, 782], "category_id": 1, "id": 1239, "iscrowd": 0, "weight": 0.2864235688309963, "segmentation": [], "area": 342516}, {"image_id": 10377, "bbox": [84, 950, 317, 1010], "category_id": 2, "id": 1240, "iscrowd": 0, "weight": 0.8677857587568013, "segmentation": [], "area": 320170}, {"image_id": 10377, "bbox": [982, 1907, 152, 233], "category_id": 2, "id": 1241, "iscrowd": 0, "weight": 0.2504622629330314, "segmentation": [], "area": 35416}, {"image_id": 10378, "bbox": [1821, 757, 464, 476], "category_id": 0, "id": 1242, "iscrowd": 0, "weight": 0.4940050862697588, "segmentation": [], "area": 220864}, {"image_id": 10378, "bbox": [1198, 1353, 436, 199], "category_id": 0, "id": 1243, "iscrowd": 0, "weight": 0.12993317505975033, "segmentation": [], "area": 86764}, {"image_id": 10378, "bbox": [1011, 1687, 220, 97], "category_id": 0, "id": 1244, "iscrowd": 0, "weight": 0.5046130738043394, "segmentation": [], "area": 21340}, {"image_id": 10378, "bbox": [1895, 1158, 523, 700], "category_id": 0, "id": 1245, "iscrowd": 0, "weight": 0.6983254342968297, "segmentation": [], "area": 366100}, {"image_id": 10378, "bbox": [2127, 1804, 226, 254], "category_id": 0, "id": 1246, "iscrowd": 0, "weight": 0.9002698314440389, "segmentation": [], "area": 57404}, {"image_id": 10379, "bbox": [21, 963, 884, 844], "category_id": 2, "id": 1247, "iscrowd": 0, "weight": 0.21315783483039819, "segmentation": [], "area": 746096}, {"image_id": 10379, "bbox": [711, 1401, 826, 258], "category_id": 2, "id": 1248, "iscrowd": 0, "weight": 0.6814815570086858, "segmentation": [], "area": 213108}, {"image_id": 10380, "bbox": [1704, 1067, 837, 506], "category_id": 1, "id": 1249, "iscrowd": 0, "weight": 0.36403942356182817, "segmentation": [], "area": 423522}, {"image_id": 10380, "bbox": [2578, 1907, 666, 806], "category_id": 2, "id": 1250, "iscrowd": 0, "weight": 0.7884962737238366, "segmentation": [], "area": 536796}, {"image_id": 10380, "bbox": [488, 323, 680, 597], "category_id": 0, "id": 1251, "iscrowd": 0, "weight": 0.9946583914736674, "segmentation": [], "area": 405960}, {"image_id": 10380, "bbox": [1004, 233, 464, 580], "category_id": 0, "id": 1252, "iscrowd": 0, "weight": 0.23908474180992134, "segmentation": [], "area": 269120}, {"image_id": 10381, "bbox": [2121, 477, 297, 343], "category_id": 0, "id": 1253, "iscrowd": 0, "weight": 0.40035697306917284, "segmentation": [], "area": 101871}, {"image_id": 10381, "bbox": [2278, 813, 446, 604], "category_id": 0, "id": 1254, "iscrowd": 0, "weight": 0.21211387173470253, "segmentation": [], "area": 269384}, {"image_id": 10381, "bbox": [2561, 1347, 240, 293], "category_id": 0, "id": 1255, "iscrowd": 0, "weight": 0.12236900932317296, "segmentation": [], "area": 70320}, {"image_id": 10381, "bbox": [991, 1427, 1247, 326], "category_id": 1, "id": 1256, "iscrowd": 0, "weight": 0.1697252694937622, "segmentation": [], "area": 406522}, {"image_id": 10381, "bbox": [746, 1697, 203, 100], "category_id": 1, "id": 1257, "iscrowd": 0, "weight": 0.038207447104554926, "segmentation": [], "area": 20300}, {"image_id": 10382, "bbox": [1668, 1420, 1303, 247], "category_id": 1, "id": 1258, "iscrowd": 0, "weight": 0.6079653427512048, "segmentation": [], "area": 321841}, {"image_id": 10382, "bbox": [3288, 850, 603, 273], "category_id": 0, "id": 1259, "iscrowd": 0, "weight": 0.3258957816369735, "segmentation": [], "area": 164619}, {"image_id": 10382, "bbox": [3261, 1230, 433, 250], "category_id": 0, "id": 1260, "iscrowd": 0, "weight": 0.4944736438170847, "segmentation": [], "area": 108250}, {"image_id": 10383, "bbox": [491, 650, 770, 833], "category_id": 0, "id": 1261, "iscrowd": 0, "weight": 0.8636245082151652, "segmentation": [], "area": 641410}, {"image_id": 10383, "bbox": [751, 407, 610, 380], "category_id": 0, "id": 1262, "iscrowd": 0, "weight": 0.8122167241243589, "segmentation": [], "area": 231800}, {"image_id": 10383, "bbox": [848, 1523, 206, 107], "category_id": 0, "id": 1263, "iscrowd": 0, "weight": 0.8740539254954853, "segmentation": [], "area": 22042}, {"image_id": 10383, "bbox": [224, 1243, 397, 280], "category_id": 0, "id": 1264, "iscrowd": 0, "weight": 0.02492249185303197, "segmentation": [], "area": 111160}, {"image_id": 10383, "bbox": [1404, 1327, 1220, 786], "category_id": 1, "id": 1265, "iscrowd": 0, "weight": 0.9703270252491998, "segmentation": [], "area": 958920}, {"image_id": 10383, "bbox": [660, 800, 745, 646], "category_id": 2, "id": 1266, "iscrowd": 0, "weight": 0.8966632743447234, "segmentation": [], "area": 481270}, {"image_id": 10384, "bbox": [451, 1103, 1250, 500], "category_id": 0, "id": 1267, "iscrowd": 0, "weight": 0.3851006597541612, "segmentation": [], "area": 625000}, {"image_id": 10384, "bbox": [2261, 1210, 523, 323], "category_id": 1, "id": 1268, "iscrowd": 0, "weight": 0.43081400370709066, "segmentation": [], "area": 168929}, {"image_id": 10385, "bbox": [448, 780, 830, 300], "category_id": 0, "id": 1269, "iscrowd": 0, "weight": 0.3708714243622384, "segmentation": [], "area": 249000}, {"image_id": 10385, "bbox": [44, 1007, 409, 203], "category_id": 0, "id": 1270, "iscrowd": 0, "weight": 0.035860587234701646, "segmentation": [], "area": 83027}, {"image_id": 10386, "bbox": [1324, 1053, 437, 377], "category_id": 0, "id": 1271, "iscrowd": 0, "weight": 0.19318785310798536, "segmentation": [], "area": 164749}, {"image_id": 10386, "bbox": [1414, 1210, 950, 510], "category_id": 0, "id": 1272, "iscrowd": 0, "weight": 0.5883001244591431, "segmentation": [], "area": 484500}, {"image_id": 10386, "bbox": [2285, 1713, 509, 113], "category_id": 0, "id": 1273, "iscrowd": 0, "weight": 0.5943951611711757, "segmentation": [], "area": 57517}, {"image_id": 10386, "bbox": [1284, 1633, 310, 547], "category_id": 1, "id": 1274, "iscrowd": 0, "weight": 0.7244589585679291, "segmentation": [], "area": 169570}, {"image_id": 10387, "bbox": [1401, 1227, 867, 300], "category_id": 1, "id": 1275, "iscrowd": 0, "weight": 0.37333351914330437, "segmentation": [], "area": 260100}, {"image_id": 10388, "bbox": [3501, 137, 517, 896], "category_id": 2, "id": 1276, "iscrowd": 0, "weight": 0.15484076673051883, "segmentation": [], "area": 463232}, {"image_id": 10388, "bbox": [4, 2313, 490, 722], "category_id": 0, "id": 1277, "iscrowd": 0, "weight": 0.8059062625944873, "segmentation": [], "area": 353780}, {"image_id": 10389, "bbox": [1131, 860, 900, 270], "category_id": 0, "id": 1278, "iscrowd": 0, "weight": 0.462691292122662, "segmentation": [], "area": 243000}, {"image_id": 10389, "bbox": [1334, 1217, 734, 476], "category_id": 0, "id": 1279, "iscrowd": 0, "weight": 0.5103210618691318, "segmentation": [], "area": 349384}, {"image_id": 10389, "bbox": [1221, 1783, 857, 237], "category_id": 0, "id": 1280, "iscrowd": 0, "weight": 0.25022239794712686, "segmentation": [], "area": 203109}, {"image_id": 10389, "bbox": [2264, 1383, 737, 90], "category_id": 1, "id": 1281, "iscrowd": 0, "weight": 0.29505856798922947, "segmentation": [], "area": 66330}, {"image_id": 10390, "bbox": [1231, 1110, 427, 287], "category_id": 0, "id": 1282, "iscrowd": 0, "weight": 0.21638236525877785, "segmentation": [], "area": 122549}, {"image_id": 10390, "bbox": [1221, 1293, 520, 877], "category_id": 0, "id": 1283, "iscrowd": 0, "weight": 0.6553126585447913, "segmentation": [], "area": 456040}, {"image_id": 10390, "bbox": [1341, 2083, 317, 464], "category_id": 0, "id": 1284, "iscrowd": 0, "weight": 0.5588589558583326, "segmentation": [], "area": 147088}, {"image_id": 10390, "bbox": [2098, 850, 746, 453], "category_id": 1, "id": 1285, "iscrowd": 0, "weight": 0.6061711201718705, "segmentation": [], "area": 337938}, {"image_id": 10390, "bbox": [0, 2128, 554, 749], "category_id": 2, "id": 1286, "iscrowd": 0, "weight": 0.6182611711108345, "segmentation": [], "area": 414946}, {"image_id": 10391, "bbox": [68, 263, 400, 727], "category_id": 0, "id": 1287, "iscrowd": 0, "weight": 0.5772866748500741, "segmentation": [], "area": 290800}, {"image_id": 10391, "bbox": [448, 617, 680, 700], "category_id": 0, "id": 1288, "iscrowd": 0, "weight": 0.27899824998568035, "segmentation": [], "area": 476000}, {"image_id": 10391, "bbox": [1544, 1293, 1080, 810], "category_id": 1, "id": 1289, "iscrowd": 0, "weight": 0.6945325215426813, "segmentation": [], "area": 874800}, {"image_id": 10391, "bbox": [1063, 833, 277, 354], "category_id": 2, "id": 1290, "iscrowd": 0, "weight": 0.39052894594150145, "segmentation": [], "area": 98058}, {"image_id": 10392, "bbox": [1534, 833, 247, 80], "category_id": 0, "id": 1291, "iscrowd": 0, "weight": 0.5933413094152105, "segmentation": [], "area": 19760}, {"image_id": 10392, "bbox": [1628, 990, 843, 490], "category_id": 0, "id": 1292, "iscrowd": 0, "weight": 0.19773976924352488, "segmentation": [], "area": 413070}, {"image_id": 10392, "bbox": [61, 547, 833, 1113], "category_id": 2, "id": 1293, "iscrowd": 0, "weight": 0.5108994889025351, "segmentation": [], "area": 927129}, {"image_id": 10393, "bbox": [1551, 2043, 1067, 204], "category_id": 2, "id": 1294, "iscrowd": 0, "weight": 0.7866921215454167, "segmentation": [], "area": 217668}, {"image_id": 10394, "bbox": [1584, 980, 110, 77], "category_id": 0, "id": 1295, "iscrowd": 0, "weight": 0.034282356630760735, "segmentation": [], "area": 8470}, {"image_id": 10394, "bbox": [1248, 1037, 396, 473], "category_id": 0, "id": 1296, "iscrowd": 0, "weight": 0.38524046140214363, "segmentation": [], "area": 187308}, {"image_id": 10394, "bbox": [1248, 1517, 196, 193], "category_id": 0, "id": 1297, "iscrowd": 0, "weight": 0.6788005259703729, "segmentation": [], "area": 37828}, {"image_id": 10394, "bbox": [1291, 1737, 143, 123], "category_id": 0, "id": 1298, "iscrowd": 0, "weight": 0.14379044148441322, "segmentation": [], "area": 17589}, {"image_id": 10394, "bbox": [2098, 1543, 680, 657], "category_id": 1, "id": 1299, "iscrowd": 0, "weight": 0.6212339728346893, "segmentation": [], "area": 446760}, {"image_id": 10394, "bbox": [3624, 2013, 399, 820], "category_id": 2, "id": 1300, "iscrowd": 0, "weight": 0.6534973359705119, "segmentation": [], "area": 327180}, {"image_id": 10395, "bbox": [1728, 1157, 1013, 536], "category_id": 0, "id": 1301, "iscrowd": 0, "weight": 0.9817129170955594, "segmentation": [], "area": 542968}, {"image_id": 10395, "bbox": [2188, 1323, 540, 404], "category_id": 0, "id": 1302, "iscrowd": 0, "weight": 0.5876883608297356, "segmentation": [], "area": 218160}, {"image_id": 10395, "bbox": [68, 1917, 406, 956], "category_id": 2, "id": 1303, "iscrowd": 0, "weight": 0.5401656347530691, "segmentation": [], "area": 388136}, {"image_id": 10396, "bbox": [1438, 823, 1180, 820], "category_id": 1, "id": 1304, "iscrowd": 0, "weight": 0.8100182868423798, "segmentation": [], "area": 967600}, {"image_id": 10396, "bbox": [384, 1663, 417, 727], "category_id": 0, "id": 1305, "iscrowd": 0, "weight": 0.9793513025553774, "segmentation": [], "area": 303159}, {"image_id": 10397, "bbox": [1484, 1160, 520, 200], "category_id": 1, "id": 1306, "iscrowd": 0, "weight": 0.3310729448160322, "segmentation": [], "area": 104000}, {"image_id": 10397, "bbox": [2718, 1470, 56, 57], "category_id": 0, "id": 1307, "iscrowd": 0, "weight": 0.4462412264325477, "segmentation": [], "area": 3192}, {"image_id": 10398, "bbox": [1801, 1273, 377, 397], "category_id": 1, "id": 1308, "iscrowd": 0, "weight": 0.961912104459467, "segmentation": [], "area": 149669}, {"image_id": 10398, "bbox": [784, 710, 1137, 243], "category_id": 2, "id": 1309, "iscrowd": 0, "weight": 0.7179320579350628, "segmentation": [], "area": 276291}, {"image_id": 10398, "bbox": [174, 1170, 1197, 490], "category_id": 0, "id": 1310, "iscrowd": 0, "weight": 0.464070772869265, "segmentation": [], "area": 586530}, {"image_id": 10398, "bbox": [461, 1000, 487, 80], "category_id": 0, "id": 1311, "iscrowd": 0, "weight": 0.23302028178614598, "segmentation": [], "area": 38960}, {"image_id": 10398, "bbox": [264, 1000, 64, 63], "category_id": 0, "id": 1312, "iscrowd": 0, "weight": 0.49961755890417137, "segmentation": [], "area": 4032}, {"image_id": 10399, "bbox": [0, 1697, 694, 1173], "category_id": 2, "id": 1313, "iscrowd": 0, "weight": 0.7170144402548971, "segmentation": [], "area": 814062}, {"image_id": 10400, "bbox": [0, 517, 998, 1021], "category_id": 2, "id": 1314, "iscrowd": 0, "weight": 0.07312904963663647, "segmentation": [], "area": 1018958}, {"image_id": 10400, "bbox": [2831, 1427, 313, 306], "category_id": 1, "id": 1315, "iscrowd": 0, "weight": 0.8514571996829726, "segmentation": [], "area": 95778}, {"image_id": 10401, "bbox": [754, 987, 900, 593], "category_id": 2, "id": 1316, "iscrowd": 0, "weight": 0.01427712816471094, "segmentation": [], "area": 533700}, {"image_id": 10401, "bbox": [324, 2060, 180, 177], "category_id": 0, "id": 1317, "iscrowd": 0, "weight": 0.7028307832289007, "segmentation": [], "area": 31860}, {"image_id": 10401, "bbox": [494, 1820, 1124, 457], "category_id": 0, "id": 1318, "iscrowd": 0, "weight": 0.40591072387368765, "segmentation": [], "area": 513668}, {"image_id": 10402, "bbox": [2371, 1543, 447, 247], "category_id": 0, "id": 1319, "iscrowd": 0, "weight": 0.5532367125788679, "segmentation": [], "area": 110409}, {"image_id": 10402, "bbox": [1884, 1257, 654, 470], "category_id": 0, "id": 1320, "iscrowd": 0, "weight": 0.10480800513136013, "segmentation": [], "area": 307380}, {"image_id": 10402, "bbox": [2804, 707, 727, 243], "category_id": 1, "id": 1321, "iscrowd": 0, "weight": 0.7702482295687567, "segmentation": [], "area": 176661}, {"image_id": 10402, "bbox": [2308, 1023, 410, 277], "category_id": 1, "id": 1322, "iscrowd": 0, "weight": 0.8511558686019536, "segmentation": [], "area": 113570}, {"image_id": 10402, "bbox": [2248, 180, 693, 507], "category_id": 2, "id": 1323, "iscrowd": 0, "weight": 0.6036534406230823, "segmentation": [], "area": 351351}, {"image_id": 10403, "bbox": [1711, 1387, 440, 750], "category_id": 1, "id": 1324, "iscrowd": 0, "weight": 0.2652342834734449, "segmentation": [], "area": 330000}, {"image_id": 10403, "bbox": [528, 2000, 796, 877], "category_id": 2, "id": 1325, "iscrowd": 0, "weight": 0.034204970302930904, "segmentation": [], "area": 698092}, {"image_id": 10404, "bbox": [2434, 467, 1137, 823], "category_id": 0, "id": 1326, "iscrowd": 0, "weight": 0.09373435884957781, "segmentation": [], "area": 935751}, {"image_id": 10405, "bbox": [814, 1453, 910, 400], "category_id": 0, "id": 1327, "iscrowd": 0, "weight": 0.20792804362919248, "segmentation": [], "area": 364000}, {"image_id": 10405, "bbox": [104, 1873, 734, 1010], "category_id": 2, "id": 1328, "iscrowd": 0, "weight": 0.5283958086408875, "segmentation": [], "area": 741340}, {"image_id": 10406, "bbox": [68, 433, 303, 864], "category_id": 2, "id": 1329, "iscrowd": 0, "weight": 0.11451699005032157, "segmentation": [], "area": 261792}, {"image_id": 10407, "bbox": [538, 1953, 430, 637], "category_id": 0, "id": 1330, "iscrowd": 0, "weight": 0.45614479977829325, "segmentation": [], "area": 273910}, {"image_id": 10407, "bbox": [3162, 418, 227, 175], "category_id": 1, "id": 1331, "iscrowd": 0, "weight": 0.8648152880476037, "segmentation": [], "area": 39725}, {"image_id": 10407, "bbox": [434, 1820, 227, 187], "category_id": 0, "id": 1332, "iscrowd": 0, "weight": 0.12717500617449196, "segmentation": [], "area": 42449}, {"image_id": 10408, "bbox": [2611, 1097, 447, 283], "category_id": 0, "id": 1333, "iscrowd": 0, "weight": 0.29937046606724993, "segmentation": [], "area": 126501}, {"image_id": 10408, "bbox": [2474, 1253, 640, 584], "category_id": 0, "id": 1334, "iscrowd": 0, "weight": 0.0375606598186381, "segmentation": [], "area": 373760}, {"image_id": 10408, "bbox": [1791, 1360, 183, 470], "category_id": 1, "id": 1335, "iscrowd": 0, "weight": 0.4519820232267284, "segmentation": [], "area": 86010}, {"image_id": 10408, "bbox": [441, 1770, 973, 1260], "category_id": 2, "id": 1336, "iscrowd": 0, "weight": 0.1743525814813962, "segmentation": [], "area": 1225980}, {"image_id": 10408, "bbox": [2960, 710, 300, 336], "category_id": 0, "id": 1337, "iscrowd": 0, "weight": 0.8964816625712275, "segmentation": [], "area": 100800}, {"image_id": 10409, "bbox": [0, 123, 508, 924], "category_id": 2, "id": 1338, "iscrowd": 0, "weight": 0.740498381533267, "segmentation": [], "area": 469392}, {"image_id": 10410, "bbox": [1754, 800, 510, 220], "category_id": 0, "id": 1339, "iscrowd": 0, "weight": 0.11610517064250392, "segmentation": [], "area": 112200}, {"image_id": 10410, "bbox": [1811, 1123, 647, 477], "category_id": 0, "id": 1340, "iscrowd": 0, "weight": 0.8243257527970915, "segmentation": [], "area": 308619}, {"image_id": 10410, "bbox": [2091, 1693, 150, 74], "category_id": 0, "id": 1341, "iscrowd": 0, "weight": 0.08369322614198049, "segmentation": [], "area": 11100}, {"image_id": 10410, "bbox": [3101, 1337, 727, 90], "category_id": 1, "id": 1342, "iscrowd": 0, "weight": 0.1105809137788506, "segmentation": [], "area": 65430}, {"image_id": 10410, "bbox": [1, 593, 730, 1487], "category_id": 2, "id": 1343, "iscrowd": 0, "weight": 0.8973086518845138, "segmentation": [], "area": 1085510}, {"image_id": 10411, "bbox": [1508, 1353, 1420, 227], "category_id": 1, "id": 1344, "iscrowd": 0, "weight": 0.14316708028702563, "segmentation": [], "area": 322340}, {"image_id": 10412, "bbox": [1751, 1073, 617, 790], "category_id": 1, "id": 1345, "iscrowd": 0, "weight": 0.0018927994324118291, "segmentation": [], "area": 487430}, {"image_id": 10412, "bbox": [2524, 1297, 1157, 900], "category_id": 0, "id": 1346, "iscrowd": 0, "weight": 0.2614154712887251, "segmentation": [], "area": 1041300}, {"image_id": 10412, "bbox": [2401, 1410, 1100, 1173], "category_id": 0, "id": 1347, "iscrowd": 0, "weight": 0.7223400082430099, "segmentation": [], "area": 1290300}, {"image_id": 10412, "bbox": [3248, 2710, 200, 247], "category_id": 0, "id": 1348, "iscrowd": 0, "weight": 0.15031538595511185, "segmentation": [], "area": 49400}, {"image_id": 10412, "bbox": [3618, 2384, 74, 158], "category_id": 0, "id": 1349, "iscrowd": 0, "weight": 0.5490628404163475, "segmentation": [], "area": 11692}, {"image_id": 10413, "bbox": [251, 647, 877, 640], "category_id": 2, "id": 1350, "iscrowd": 0, "weight": 0.654606213785787, "segmentation": [], "area": 561280}, {"image_id": 10413, "bbox": [1691, 1387, 710, 563], "category_id": 1, "id": 1351, "iscrowd": 0, "weight": 0.01089705438469335, "segmentation": [], "area": 399730}, {"image_id": 10413, "bbox": [2941, 1850, 717, 793], "category_id": 0, "id": 1352, "iscrowd": 0, "weight": 0.020171458961233624, "segmentation": [], "area": 568581}, {"image_id": 10413, "bbox": [2964, 1717, 84, 66], "category_id": 0, "id": 1353, "iscrowd": 0, "weight": 0.5931546683755883, "segmentation": [], "area": 5544}, {"image_id": 10413, "bbox": [3601, 2530, 387, 313], "category_id": 0, "id": 1354, "iscrowd": 0, "weight": 0.46189596413941636, "segmentation": [], "area": 121131}, {"image_id": 10414, "bbox": [2378, 960, 380, 570], "category_id": 0, "id": 1355, "iscrowd": 0, "weight": 0.6596364666215708, "segmentation": [], "area": 216600}, {"image_id": 10414, "bbox": [2404, 1533, 394, 694], "category_id": 0, "id": 1356, "iscrowd": 0, "weight": 0.020764892628280407, "segmentation": [], "area": 273436}, {"image_id": 10414, "bbox": [1521, 1240, 593, 503], "category_id": 1, "id": 1357, "iscrowd": 0, "weight": 0.730890243709704, "segmentation": [], "area": 298279}, {"image_id": 10415, "bbox": [1931, 570, 690, 507], "category_id": 2, "id": 1358, "iscrowd": 0, "weight": 0.7925335418741978, "segmentation": [], "area": 349830}, {"image_id": 10416, "bbox": [1334, 910, 432, 242], "category_id": 0, "id": 1359, "iscrowd": 0, "weight": 0.6231201116735994, "segmentation": [], "area": 104544}, {"image_id": 10416, "bbox": [3224, 1622, 303, 81], "category_id": 2, "id": 1360, "iscrowd": 0, "weight": 0.9235764959355311, "segmentation": [], "area": 24543}, {"image_id": 10416, "bbox": [1476, 1242, 429, 426], "category_id": 0, "id": 1361, "iscrowd": 0, "weight": 0.03596406805995511, "segmentation": [], "area": 182754}, {"image_id": 10417, "bbox": [3361, 10, 650, 767], "category_id": 2, "id": 1362, "iscrowd": 0, "weight": 0.49685768876516934, "segmentation": [], "area": 498550}, {"image_id": 10417, "bbox": [2158, 1073, 443, 410], "category_id": 1, "id": 1363, "iscrowd": 0, "weight": 0.9867785440175567, "segmentation": [], "area": 181630}, {"image_id": 10417, "bbox": [2004, 1437, 87, 90], "category_id": 1, "id": 1364, "iscrowd": 0, "weight": 0.9174411770110033, "segmentation": [], "area": 7830}, {"image_id": 10417, "bbox": [1658, 1737, 323, 236], "category_id": 0, "id": 1365, "iscrowd": 0, "weight": 0.3578029604742933, "segmentation": [], "area": 76228}, {"image_id": 10417, "bbox": [1744, 1723, 954, 430], "category_id": 0, "id": 1366, "iscrowd": 0, "weight": 0.5229610680059262, "segmentation": [], "area": 410220}, {"image_id": 10418, "bbox": [3184, 1717, 417, 803], "category_id": 0, "id": 1367, "iscrowd": 0, "weight": 0.06155287717413993, "segmentation": [], "area": 334851}, {"image_id": 10418, "bbox": [2818, 2404, 440, 629], "category_id": 2, "id": 1368, "iscrowd": 0, "weight": 0.20407934183165666, "segmentation": [], "area": 276760}, {"image_id": 10418, "bbox": [901, 473, 1413, 1280], "category_id": 1, "id": 1369, "iscrowd": 0, "weight": 0.35807681598866603, "segmentation": [], "area": 1808640}, {"image_id": 10419, "bbox": [1974, 1367, 914, 296], "category_id": 1, "id": 1370, "iscrowd": 0, "weight": 0.2261780997766859, "segmentation": [], "area": 270544}, {"image_id": 10419, "bbox": [3208, 880, 503, 1320], "category_id": 0, "id": 1371, "iscrowd": 0, "weight": 0.6139266919361084, "segmentation": [], "area": 663960}, {"image_id": 10419, "bbox": [3308, 1223, 220, 494], "category_id": 0, "id": 1372, "iscrowd": 0, "weight": 0.8113983245027446, "segmentation": [], "area": 108680}, {"image_id": 10419, "bbox": [2998, 1710, 100, 87], "category_id": 0, "id": 1373, "iscrowd": 0, "weight": 0.37732171458285046, "segmentation": [], "area": 8700}, {"image_id": 10419, "bbox": [2992, 1913, 84, 71], "category_id": 0, "id": 1374, "iscrowd": 0, "weight": 0.575190145867827, "segmentation": [], "area": 5964}, {"image_id": 10420, "bbox": [1628, 823, 286, 294], "category_id": 0, "id": 1375, "iscrowd": 0, "weight": 0.6686222588973777, "segmentation": [], "area": 84084}, {"image_id": 10420, "bbox": [1548, 1073, 260, 460], "category_id": 0, "id": 1376, "iscrowd": 0, "weight": 0.513814673759739, "segmentation": [], "area": 119600}, {"image_id": 10420, "bbox": [1824, 1613, 1210, 694], "category_id": 1, "id": 1377, "iscrowd": 0, "weight": 0.10149695595495745, "segmentation": [], "area": 839740}, {"image_id": 10420, "bbox": [3624, 2191, 399, 746], "category_id": 2, "id": 1378, "iscrowd": 0, "weight": 0.12903715850820285, "segmentation": [], "area": 297654}, {"image_id": 10421, "bbox": [2054, 687, 574, 606], "category_id": 1, "id": 1379, "iscrowd": 0, "weight": 0.45444248134476006, "segmentation": [], "area": 347844}, {"image_id": 10421, "bbox": [1164, 1257, 924, 523], "category_id": 0, "id": 1380, "iscrowd": 0, "weight": 0.8156449438804703, "segmentation": [], "area": 483252}, {"image_id": 10421, "bbox": [11, 1877, 370, 953], "category_id": 2, "id": 1381, "iscrowd": 0, "weight": 0.7497512819565673, "segmentation": [], "area": 352610}, {"image_id": 10421, "bbox": [1944, 1527, 627, 310], "category_id": 0, "id": 1382, "iscrowd": 0, "weight": 0.6342874859612176, "segmentation": [], "area": 194370}, {"image_id": 10421, "bbox": [1314, 1240, 187, 117], "category_id": 0, "id": 1383, "iscrowd": 0, "weight": 0.9070175647462583, "segmentation": [], "area": 21879}, {"image_id": 10422, "bbox": [2011, 1093, 873, 347], "category_id": 1, "id": 1384, "iscrowd": 0, "weight": 0.18892775628516856, "segmentation": [], "area": 302931}, {"image_id": 10422, "bbox": [2674, 63, 734, 557], "category_id": 0, "id": 1385, "iscrowd": 0, "weight": 0.9772252004887224, "segmentation": [], "area": 408838}, {"image_id": 10422, "bbox": [2851, 423, 733, 484], "category_id": 0, "id": 1386, "iscrowd": 0, "weight": 0.41898635161017583, "segmentation": [], "area": 354772}, {"image_id": 10422, "bbox": [3638, 640, 246, 397], "category_id": 0, "id": 1387, "iscrowd": 0, "weight": 0.9274900270246677, "segmentation": [], "area": 97662}, {"image_id": 10423, "bbox": [481, 2750, 627, 143], "category_id": 2, "id": 1388, "iscrowd": 0, "weight": 0.5245884045568018, "segmentation": [], "area": 89661}, {"image_id": 10424, "bbox": [824, 83, 510, 817], "category_id": 2, "id": 1389, "iscrowd": 0, "weight": 0.1444911060665377, "segmentation": [], "area": 416670}, {"image_id": 10425, "bbox": [3004, 1977, 967, 1016], "category_id": 2, "id": 1390, "iscrowd": 0, "weight": 0.2205065719720236, "segmentation": [], "area": 982472}, {"image_id": 10426, "bbox": [1638, 1527, 483, 236], "category_id": 1, "id": 1391, "iscrowd": 0, "weight": 0.6707393002781282, "segmentation": [], "area": 113988}, {"image_id": 10426, "bbox": [2176, 1372, 102, 93], "category_id": 1, "id": 1392, "iscrowd": 0, "weight": 0.8365459172185675, "segmentation": [], "area": 9486}], "categories": [{"id": 0, "name": "yanse"}, {"id": 1, "name": "huahen"}, {"id": 2, "name": "mosun"}]} \ No newline at end of file diff --git a/examples/yaoba/singletask_learning_yolox_tta/dataset/val.json b/examples/yaoba/singletask_learning_yolox_tta/dataset/val.json new file mode 100644 index 00000000..3daddf2b --- /dev/null +++ b/examples/yaoba/singletask_learning_yolox_tta/dataset/val.json @@ -0,0 +1 @@ +{"images": [{"file_name": "2021-05-16-18-37-50.jpg", "id": 10000, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-18-32.jpg", "id": 10001, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-47-26.jpg", "id": 10002, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-39-12.jpg", "id": 10003, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-24-40.jpg", "id": 10004, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-54-02.jpg", "id": 10005, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-46-54.jpg", "id": 10006, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-01-30.jpg", "id": 10007, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-45-06.jpg", "id": 10008, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-10-50.jpg", "id": 10009, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-55-14.jpg", "id": 10010, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-07-24.jpg", "id": 10011, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-47-58.jpg", "id": 10012, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-30-08.jpg", "id": 10013, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-25-40.jpg", "id": 10014, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-44-38.jpg", "id": 10015, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-13-56-20.jpg", "id": 10016, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-26-44.jpg", "id": 10017, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-59-06.jpg", "id": 10018, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-12-54.jpg", "id": 10019, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-36-22.jpg", "id": 10020, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-51-26.jpg", "id": 10021, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-58-50.jpg", "id": 10022, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-13-00.jpg", "id": 10023, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-59-34.jpg", "id": 10024, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-14-36-40.jpg", "id": 10025, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-19-40.jpg", "id": 10026, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-08-45-26.jpg", "id": 10027, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-15-34.jpg", "id": 10028, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-58-24.jpg", "id": 10029, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-55-50.jpg", "id": 10030, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-07-34.jpg", "id": 10031, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-45-18.jpg", "id": 10032, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-37-28.jpg", "id": 10033, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-14-42.jpg", "id": 10034, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-15-20.jpg", "id": 10035, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-54-34.jpg", "id": 10036, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-34-26.jpg", "id": 10037, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-36-14.jpg", "id": 10038, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-17-32.jpg", "id": 10039, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-10-24.jpg", "id": 10040, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-12-46-48.jpg", "id": 10041, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-37-32.jpg", "id": 10042, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-42-20.jpg", "id": 10043, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-17-06.jpg", "id": 10044, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-08-54.jpg", "id": 10045, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-10-28.jpg", "id": 10046, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-05-24.jpg", "id": 10047, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-52-08.jpg", "id": 10048, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-59-28.jpg", "id": 10049, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-03-12.jpg", "id": 10050, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-11-04.jpg", "id": 10051, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-12-53-16.jpg", "id": 10052, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-11-36.jpg", "id": 10053, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-30-54.jpg", "id": 10054, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-58-02.jpg", "id": 10055, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-59-54.jpg", "id": 10056, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-59-30.jpg", "id": 10057, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-06-20.jpg", "id": 10058, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-35-04.jpg", "id": 10059, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-38-26.jpg", "id": 10060, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-33-26.jpg", "id": 10061, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-16-24.jpg", "id": 10062, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-34-30.jpg", "id": 10063, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-14-10.jpg", "id": 10064, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-38-00.jpg", "id": 10065, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-19-42.jpg", "id": 10066, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-00-38.jpg", "id": 10067, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-04-06.jpg", "id": 10068, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-54-40.jpg", "id": 10069, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-02-20.jpg", "id": 10070, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-22-26.jpg", "id": 10071, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-09-14.jpg", "id": 10072, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-13-42.jpg", "id": 10073, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-04-22.jpg", "id": 10074, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-55-28.jpg", "id": 10075, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-23-56.jpg", "id": 10076, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-45-04.jpg", "id": 10077, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-35-48.jpg", "id": 10078, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-15-04-56.jpg", "id": 10079, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-29-32.jpg", "id": 10080, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-16-33-06.jpg", "id": 10081, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-14-43-20.jpg", "id": 10082, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-00-28.jpg", "id": 10083, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-10-31-34.jpg", "id": 10084, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-21-02.jpg", "id": 10085, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-17-23-38.jpg", "id": 10086, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-18-39-54.jpg", "id": 10087, "height": 3036, "width": 4024}, {"file_name": "2021-05-15-17-08-40.jpg", "id": 10088, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-15-41-02.jpg", "id": 10089, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-08-20.jpg", "id": 10090, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-11-27-08.jpg", "id": 10091, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-06-20.jpg", "id": 10092, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-10-11-10.jpg", "id": 10093, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-09-32-02.jpg", "id": 10094, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-08-42-28.jpg", "id": 10095, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-08-44.jpg", "id": 10096, "height": 3036, "width": 4024}, {"file_name": "2021-05-17-13-29-18.jpg", "id": 10097, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-09-46-32.jpg", "id": 10098, "height": 3036, "width": 4024}, {"file_name": "2021-05-16-11-30-50.jpg", "id": 10099, "height": 3036, "width": 4024}], "annotations": [{"image_id": 10000, "bbox": [684, 393, 814, 1194], "category_id": 0, "id": 0, "iscrowd": 0, "weight": 0.4377368783144099, "segmentation": [], "area": 971916}, {"image_id": 10000, "bbox": [554, 3, 240, 277], "category_id": 0, "id": 1, "iscrowd": 0, "weight": 0.08773262268462756, "segmentation": [], "area": 66480}, {"image_id": 10000, "bbox": [1094, 1477, 360, 273], "category_id": 0, "id": 2, "iscrowd": 0, "weight": 0.9602061776189773, "segmentation": [], "area": 98280}, {"image_id": 10001, "bbox": [1414, 1110, 237, 97], "category_id": 2, "id": 3, "iscrowd": 0, "weight": 0.8697442904564102, "segmentation": [], "area": 22989}, {"image_id": 10001, "bbox": [634, 630, 1057, 383], "category_id": 2, "id": 4, "iscrowd": 0, "weight": 0.8471693830031111, "segmentation": [], "area": 404831}, {"image_id": 10001, "bbox": [131, 1307, 870, 823], "category_id": 2, "id": 5, "iscrowd": 0, "weight": 0.09104702114636742, "segmentation": [], "area": 716010}, {"image_id": 10002, "bbox": [3340, 1960, 294, 254], "category_id": 0, "id": 6, "iscrowd": 0, "weight": 0.28782801882258024, "segmentation": [], "area": 74676}, {"image_id": 10002, "bbox": [3247, 2136, 274, 684], "category_id": 0, "id": 7, "iscrowd": 0, "weight": 0.9451113860569951, "segmentation": [], "area": 187416}, {"image_id": 10002, "bbox": [1984, 1322, 106, 54], "category_id": 1, "id": 8, "iscrowd": 0, "weight": 0.9639288371535615, "segmentation": [], "area": 5724}, {"image_id": 10003, "bbox": [2211, 1130, 323, 257], "category_id": 0, "id": 9, "iscrowd": 0, "weight": 0.9125116838571502, "segmentation": [], "area": 83011}, {"image_id": 10003, "bbox": [2211, 1447, 320, 440], "category_id": 0, "id": 10, "iscrowd": 0, "weight": 0.8451461076453745, "segmentation": [], "area": 140800}, {"image_id": 10003, "bbox": [2171, 1973, 350, 220], "category_id": 0, "id": 11, "iscrowd": 0, "weight": 0.6310908292638099, "segmentation": [], "area": 77000}, {"image_id": 10003, "bbox": [704, 1497, 1347, 143], "category_id": 1, "id": 12, "iscrowd": 0, "weight": 0.6262455610688701, "segmentation": [], "area": 192621}, {"image_id": 10004, "bbox": [1538, 287, 613, 526], "category_id": 0, "id": 13, "iscrowd": 0, "weight": 0.047548012202772494, "segmentation": [], "area": 322438}, {"image_id": 10004, "bbox": [2431, 1523, 63, 210], "category_id": 1, "id": 14, "iscrowd": 0, "weight": 0.9933432423555255, "segmentation": [], "area": 13230}, {"image_id": 10004, "bbox": [2248, 1650, 1093, 440], "category_id": 1, "id": 15, "iscrowd": 0, "weight": 0.3682101583510593, "segmentation": [], "area": 480920}, {"image_id": 10004, "bbox": [2964, 2305, 1059, 725], "category_id": 2, "id": 16, "iscrowd": 0, "weight": 0.2055739752343514, "segmentation": [], "area": 767775}, {"image_id": 10004, "bbox": [1401, 540, 607, 800], "category_id": 0, "id": 17, "iscrowd": 0, "weight": 0.1530621861665662, "segmentation": [], "area": 485600}, {"image_id": 10004, "bbox": [1341, 1193, 213, 197], "category_id": 0, "id": 18, "iscrowd": 0, "weight": 0.7525385063290255, "segmentation": [], "area": 41961}, {"image_id": 10005, "bbox": [338, 763, 1183, 410], "category_id": 0, "id": 19, "iscrowd": 0, "weight": 0.2742290923809312, "segmentation": [], "area": 485030}, {"image_id": 10005, "bbox": [1084, 1233, 797, 340], "category_id": 0, "id": 20, "iscrowd": 0, "weight": 0.7769714389532252, "segmentation": [], "area": 270980}, {"image_id": 10005, "bbox": [2138, 1470, 753, 130], "category_id": 1, "id": 21, "iscrowd": 0, "weight": 0.37101995574182345, "segmentation": [], "area": 97890}, {"image_id": 10006, "bbox": [501, 1253, 143, 300], "category_id": 1, "id": 22, "iscrowd": 0, "weight": 0.1328171079666346, "segmentation": [], "area": 42900}, {"image_id": 10006, "bbox": [1448, 1073, 970, 537], "category_id": 1, "id": 23, "iscrowd": 0, "weight": 0.6821158950282699, "segmentation": [], "area": 520890}, {"image_id": 10006, "bbox": [2618, 837, 250, 203], "category_id": 0, "id": 24, "iscrowd": 0, "weight": 0.8040390211250478, "segmentation": [], "area": 50750}, {"image_id": 10006, "bbox": [18, 963, 506, 914], "category_id": 2, "id": 25, "iscrowd": 0, "weight": 0.6379517918250774, "segmentation": [], "area": 462484}, {"image_id": 10006, "bbox": [2447, 1133, 393, 426], "category_id": 0, "id": 26, "iscrowd": 0, "weight": 0.9205715174407766, "segmentation": [], "area": 167418}, {"image_id": 10006, "bbox": [2402, 1633, 406, 155], "category_id": 0, "id": 27, "iscrowd": 0, "weight": 0.2545843680162474, "segmentation": [], "area": 62930}, {"image_id": 10007, "bbox": [1998, 1102, 465, 718], "category_id": 1, "id": 28, "iscrowd": 0, "weight": 0.6565080821981151, "segmentation": [], "area": 333870}, {"image_id": 10007, "bbox": [901, 1200, 713, 880], "category_id": 0, "id": 29, "iscrowd": 0, "weight": 0.31443693415845286, "segmentation": [], "area": 627440}, {"image_id": 10007, "bbox": [2801, 3, 710, 1194], "category_id": 2, "id": 30, "iscrowd": 0, "weight": 0.9845258091627189, "segmentation": [], "area": 847740}, {"image_id": 10007, "bbox": [948, 1890, 396, 380], "category_id": 0, "id": 31, "iscrowd": 0, "weight": 0.14401771655135587, "segmentation": [], "area": 150480}, {"image_id": 10008, "bbox": [2698, 896, 406, 242], "category_id": 0, "id": 32, "iscrowd": 0, "weight": 0.4068190939753037, "segmentation": [], "area": 98252}, {"image_id": 10008, "bbox": [2495, 1239, 597, 452], "category_id": 0, "id": 33, "iscrowd": 0, "weight": 0.40760824183589695, "segmentation": [], "area": 269844}, {"image_id": 10008, "bbox": [2350, 1800, 616, 265], "category_id": 0, "id": 34, "iscrowd": 0, "weight": 0.9925846960524349, "segmentation": [], "area": 163240}, {"image_id": 10009, "bbox": [1411, 867, 1720, 273], "category_id": 2, "id": 35, "iscrowd": 0, "weight": 0.7028557413093321, "segmentation": [], "area": 469560}, {"image_id": 10009, "bbox": [1493, 1346, 67, 117], "category_id": 1, "id": 36, "iscrowd": 0, "weight": 0.7759210727491723, "segmentation": [], "area": 7839}, {"image_id": 10010, "bbox": [1378, 1223, 970, 470], "category_id": 0, "id": 37, "iscrowd": 0, "weight": 0.4217761143126044, "segmentation": [], "area": 455900}, {"image_id": 10010, "bbox": [2151, 1770, 323, 50], "category_id": 0, "id": 38, "iscrowd": 0, "weight": 0.33970644219264623, "segmentation": [], "area": 16150}, {"image_id": 10010, "bbox": [2701, 1133, 183, 387], "category_id": 1, "id": 39, "iscrowd": 0, "weight": 0.8641225003511019, "segmentation": [], "area": 70821}, {"image_id": 10010, "bbox": [3171, 960, 833, 1053], "category_id": 2, "id": 40, "iscrowd": 0, "weight": 0.14545565686759776, "segmentation": [], "area": 877149}, {"image_id": 10011, "bbox": [1, 210, 1533, 1229], "category_id": 2, "id": 41, "iscrowd": 0, "weight": 0.7751987213730175, "segmentation": [], "area": 1884057}, {"image_id": 10011, "bbox": [564, 597, 1024, 480], "category_id": 2, "id": 42, "iscrowd": 0, "weight": 0.3315250405923701, "segmentation": [], "area": 491520}, {"image_id": 10012, "bbox": [3498, 59, 496, 1341], "category_id": 2, "id": 43, "iscrowd": 0, "weight": 0.8289146664874056, "segmentation": [], "area": 665136}, {"image_id": 10012, "bbox": [2228, 733, 1216, 307], "category_id": 1, "id": 44, "iscrowd": 0, "weight": 0.3529387814342292, "segmentation": [], "area": 373312}, {"image_id": 10012, "bbox": [2568, 1153, 163, 97], "category_id": 1, "id": 45, "iscrowd": 0, "weight": 0.4642980993101823, "segmentation": [], "area": 15811}, {"image_id": 10013, "bbox": [2798, 1137, 783, 546], "category_id": 0, "id": 46, "iscrowd": 0, "weight": 0.1268315785255293, "segmentation": [], "area": 427518}, {"image_id": 10013, "bbox": [3678, 1257, 223, 370], "category_id": 0, "id": 47, "iscrowd": 0, "weight": 0.4564759339596869, "segmentation": [], "area": 82510}, {"image_id": 10013, "bbox": [81, 1177, 477, 743], "category_id": 2, "id": 48, "iscrowd": 0, "weight": 0.40359519992552395, "segmentation": [], "area": 354411}, {"image_id": 10013, "bbox": [2972, 1752, 171, 58], "category_id": 0, "id": 49, "iscrowd": 0, "weight": 0.9008820387674592, "segmentation": [], "area": 9918}, {"image_id": 10014, "bbox": [104, 20, 667, 743], "category_id": 0, "id": 50, "iscrowd": 0, "weight": 0.12834021697932563, "segmentation": [], "area": 495581}, {"image_id": 10014, "bbox": [3261, 2397, 762, 636], "category_id": 2, "id": 51, "iscrowd": 0, "weight": 0.475712604840813, "segmentation": [], "area": 484632}, {"image_id": 10015, "bbox": [1384, 863, 524, 295], "category_id": 0, "id": 52, "iscrowd": 0, "weight": 0.8624274650494639, "segmentation": [], "area": 154580}, {"image_id": 10015, "bbox": [1583, 1255, 638, 500], "category_id": 0, "id": 53, "iscrowd": 0, "weight": 0.7155538655548064, "segmentation": [], "area": 319000}, {"image_id": 10015, "bbox": [1802, 1839, 503, 226], "category_id": 0, "id": 54, "iscrowd": 0, "weight": 0.22918622850985926, "segmentation": [], "area": 113678}, {"image_id": 10015, "bbox": [3198, 1779, 83, 40], "category_id": 2, "id": 55, "iscrowd": 0, "weight": 0.36673474321637434, "segmentation": [], "area": 3320}, {"image_id": 10016, "bbox": [2591, 2707, 1199, 328], "category_id": 2, "id": 56, "iscrowd": 0, "weight": 0.8655111623246042, "segmentation": [], "area": 393272}, {"image_id": 10017, "bbox": [521, 1717, 937, 383], "category_id": 0, "id": 57, "iscrowd": 0, "weight": 0.8828975269678141, "segmentation": [], "area": 358871}, {"image_id": 10017, "bbox": [194, 1570, 710, 477], "category_id": 0, "id": 58, "iscrowd": 0, "weight": 0.9501213526696883, "segmentation": [], "area": 338670}, {"image_id": 10017, "bbox": [118, 2460, 830, 507], "category_id": 2, "id": 59, "iscrowd": 0, "weight": 0.928302557084393, "segmentation": [], "area": 420810}, {"image_id": 10017, "bbox": [1160, 2220, 54, 45], "category_id": 0, "id": 60, "iscrowd": 0, "weight": 0.5206588248058293, "segmentation": [], "area": 2430}, {"image_id": 10018, "bbox": [1554, 880, 1257, 310], "category_id": 0, "id": 61, "iscrowd": 0, "weight": 0.9414130993763214, "segmentation": [], "area": 389670}, {"image_id": 10018, "bbox": [1414, 1287, 390, 373], "category_id": 0, "id": 62, "iscrowd": 0, "weight": 0.2104702427222267, "segmentation": [], "area": 145470}, {"image_id": 10018, "bbox": [2258, 1253, 993, 637], "category_id": 1, "id": 63, "iscrowd": 0, "weight": 0.5535996654568112, "segmentation": [], "area": 632541}, {"image_id": 10018, "bbox": [3184, 1641, 839, 682], "category_id": 2, "id": 64, "iscrowd": 0, "weight": 0.15032466353195084, "segmentation": [], "area": 572198}, {"image_id": 10019, "bbox": [1418, 1727, 236, 320], "category_id": 0, "id": 65, "iscrowd": 0, "weight": 0.8659492847365199, "segmentation": [], "area": 75520}, {"image_id": 10019, "bbox": [1381, 920, 450, 827], "category_id": 0, "id": 66, "iscrowd": 0, "weight": 0.10761222203515164, "segmentation": [], "area": 372150}, {"image_id": 10019, "bbox": [1448, 503, 343, 567], "category_id": 0, "id": 67, "iscrowd": 0, "weight": 0.823540350360343, "segmentation": [], "area": 194481}, {"image_id": 10019, "bbox": [128, 10, 690, 643], "category_id": 2, "id": 68, "iscrowd": 0, "weight": 0.738878002163853, "segmentation": [], "area": 443670}, {"image_id": 10020, "bbox": [291, 717, 1077, 503], "category_id": 0, "id": 69, "iscrowd": 0, "weight": 0.33707707861241476, "segmentation": [], "area": 541731}, {"image_id": 10021, "bbox": [2353, 1080, 85, 53], "category_id": 0, "id": 70, "iscrowd": 0, "weight": 0.4324415550829632, "segmentation": [], "area": 4505}, {"image_id": 10021, "bbox": [1873, 1411, 84, 84], "category_id": 2, "id": 71, "iscrowd": 0, "weight": 0.7674336096294089, "segmentation": [], "area": 7056}, {"image_id": 10021, "bbox": [2158, 1213, 303, 447], "category_id": 0, "id": 72, "iscrowd": 0, "weight": 0.06362123525264762, "segmentation": [], "area": 135441}, {"image_id": 10021, "bbox": [1834, 1757, 594, 283], "category_id": 0, "id": 73, "iscrowd": 0, "weight": 0.19804182586219, "segmentation": [], "area": 168102}, {"image_id": 10022, "bbox": [1181, 913, 797, 337], "category_id": 1, "id": 74, "iscrowd": 0, "weight": 0.14201958911264645, "segmentation": [], "area": 268589}, {"image_id": 10022, "bbox": [1534, 1750, 884, 787], "category_id": 2, "id": 75, "iscrowd": 0, "weight": 0.8787759316408811, "segmentation": [], "area": 695708}, {"image_id": 10022, "bbox": [2268, 790, 396, 370], "category_id": 2, "id": 76, "iscrowd": 0, "weight": 0.6578688987796559, "segmentation": [], "area": 146520}, {"image_id": 10022, "bbox": [3283, 2585, 310, 223], "category_id": 2, "id": 77, "iscrowd": 0, "weight": 0.558065494792627, "segmentation": [], "area": 69130}, {"image_id": 10022, "bbox": [3543, 2045, 182, 143], "category_id": 2, "id": 78, "iscrowd": 0, "weight": 0.5959425141255955, "segmentation": [], "area": 26026}, {"image_id": 10023, "bbox": [964, 1323, 680, 734], "category_id": 1, "id": 79, "iscrowd": 0, "weight": 0.2568224154088755, "segmentation": [], "area": 499120}, {"image_id": 10023, "bbox": [1428, 453, 613, 460], "category_id": 2, "id": 80, "iscrowd": 0, "weight": 0.587117000796011, "segmentation": [], "area": 281980}, {"image_id": 10023, "bbox": [1078, 2317, 170, 133], "category_id": 0, "id": 81, "iscrowd": 0, "weight": 0.6950327300840119, "segmentation": [], "area": 22610}, {"image_id": 10023, "bbox": [944, 2483, 54, 47], "category_id": 0, "id": 82, "iscrowd": 0, "weight": 0.8501799411961646, "segmentation": [], "area": 2538}, {"image_id": 10023, "bbox": [428, 1897, 820, 513], "category_id": 0, "id": 83, "iscrowd": 0, "weight": 0.490938948577617, "segmentation": [], "area": 420660}, {"image_id": 10023, "bbox": [1301, 2047, 40, 50], "category_id": 0, "id": 84, "iscrowd": 0, "weight": 0.7578824538172199, "segmentation": [], "area": 2000}, {"image_id": 10023, "bbox": [61, 1903, 307, 474], "category_id": 0, "id": 85, "iscrowd": 0, "weight": 0.6447414972306257, "segmentation": [], "area": 145518}, {"image_id": 10023, "bbox": [694, 1780, 70, 77], "category_id": 0, "id": 86, "iscrowd": 0, "weight": 0.8165221439841777, "segmentation": [], "area": 5390}, {"image_id": 10023, "bbox": [1441, 753, 340, 157], "category_id": 0, "id": 87, "iscrowd": 0, "weight": 0.5046242895596723, "segmentation": [], "area": 53380}, {"image_id": 10024, "bbox": [1558, 1320, 876, 340], "category_id": 0, "id": 88, "iscrowd": 0, "weight": 0.4517021142101376, "segmentation": [], "area": 297840}, {"image_id": 10024, "bbox": [1494, 1270, 284, 180], "category_id": 0, "id": 89, "iscrowd": 0, "weight": 0.28615544867949005, "segmentation": [], "area": 51120}, {"image_id": 10024, "bbox": [1651, 583, 733, 480], "category_id": 2, "id": 90, "iscrowd": 0, "weight": 0.8148371948833815, "segmentation": [], "area": 351840}, {"image_id": 10024, "bbox": [2754, 677, 957, 396], "category_id": 1, "id": 91, "iscrowd": 0, "weight": 0.43897975044401605, "segmentation": [], "area": 378972}, {"image_id": 10025, "bbox": [384, 743, 740, 1534], "category_id": 2, "id": 92, "iscrowd": 0, "weight": 0.2675017001473622, "segmentation": [], "area": 1135160}, {"image_id": 10025, "bbox": [1738, 1127, 513, 530], "category_id": 1, "id": 93, "iscrowd": 0, "weight": 0.9057491445089794, "segmentation": [], "area": 271890}, {"image_id": 10026, "bbox": [2461, 360, 1562, 1330], "category_id": 2, "id": 94, "iscrowd": 0, "weight": 0.6246365992528636, "segmentation": [], "area": 2077460}, {"image_id": 10027, "bbox": [1598, 1500, 220, 163], "category_id": 0, "id": 95, "iscrowd": 0, "weight": 0.741607381235084, "segmentation": [], "area": 35860}, {"image_id": 10027, "bbox": [1578, 900, 533, 617], "category_id": 0, "id": 96, "iscrowd": 0, "weight": 0.22130290467274338, "segmentation": [], "area": 328861}, {"image_id": 10028, "bbox": [1588, 1330, 1033, 393], "category_id": 0, "id": 97, "iscrowd": 0, "weight": 0.9254575703954562, "segmentation": [], "area": 405969}, {"image_id": 10028, "bbox": [2538, 1427, 193, 123], "category_id": 0, "id": 98, "iscrowd": 0, "weight": 0.9087905075048898, "segmentation": [], "area": 23739}, {"image_id": 10028, "bbox": [24, 1813, 950, 330], "category_id": 2, "id": 99, "iscrowd": 0, "weight": 0.28685705638744186, "segmentation": [], "area": 313500}, {"image_id": 10029, "bbox": [2641, 407, 973, 606], "category_id": 0, "id": 100, "iscrowd": 0, "weight": 0.5120600212869575, "segmentation": [], "area": 589638}, {"image_id": 10029, "bbox": [3694, 217, 300, 476], "category_id": 0, "id": 101, "iscrowd": 0, "weight": 0.5738738344742529, "segmentation": [], "area": 142800}, {"image_id": 10029, "bbox": [1704, 1253, 967, 284], "category_id": 1, "id": 102, "iscrowd": 0, "weight": 0.5371976466215421, "segmentation": [], "area": 274628}, {"image_id": 10030, "bbox": [1454, 1450, 1007, 323], "category_id": 1, "id": 103, "iscrowd": 0, "weight": 0.5904899783430204, "segmentation": [], "area": 325261}, {"image_id": 10030, "bbox": [938, 2463, 526, 567], "category_id": 2, "id": 104, "iscrowd": 0, "weight": 0.2318427541334892, "segmentation": [], "area": 298242}, {"image_id": 10030, "bbox": [1047, 1649, 390, 713], "category_id": 2, "id": 105, "iscrowd": 0, "weight": 0.8034587594431538, "segmentation": [], "area": 278070}, {"image_id": 10031, "bbox": [238, 2053, 316, 400], "category_id": 2, "id": 106, "iscrowd": 0, "weight": 0.6204020200599462, "segmentation": [], "area": 126400}, {"image_id": 10032, "bbox": [1544, 1127, 761, 474], "category_id": 0, "id": 107, "iscrowd": 0, "weight": 0.13942852522562799, "segmentation": [], "area": 360714}, {"image_id": 10033, "bbox": [1654, 580, 644, 500], "category_id": 2, "id": 108, "iscrowd": 0, "weight": 0.6169256731484076, "segmentation": [], "area": 322000}, {"image_id": 10033, "bbox": [1968, 1503, 460, 724], "category_id": 0, "id": 109, "iscrowd": 0, "weight": 0.49359356406181776, "segmentation": [], "area": 333040}, {"image_id": 10033, "bbox": [638, 1770, 1050, 517], "category_id": 1, "id": 110, "iscrowd": 0, "weight": 0.6347224788866879, "segmentation": [], "area": 542850}, {"image_id": 10033, "bbox": [2231, 1255, 119, 91], "category_id": 0, "id": 111, "iscrowd": 0, "weight": 0.39888696992934447, "segmentation": [], "area": 10829}, {"image_id": 10034, "bbox": [1661, 1173, 730, 284], "category_id": 1, "id": 112, "iscrowd": 0, "weight": 0.802610708770472, "segmentation": [], "area": 207320}, {"image_id": 10034, "bbox": [2108, 1537, 610, 253], "category_id": 1, "id": 113, "iscrowd": 0, "weight": 0.05360169332926912, "segmentation": [], "area": 154330}, {"image_id": 10035, "bbox": [338, 247, 1216, 1280], "category_id": 2, "id": 114, "iscrowd": 0, "weight": 0.6456869919039004, "segmentation": [], "area": 1556480}, {"image_id": 10035, "bbox": [2061, 1000, 463, 907], "category_id": 0, "id": 115, "iscrowd": 0, "weight": 0.47042933379504337, "segmentation": [], "area": 419941}, {"image_id": 10035, "bbox": [1921, 1887, 542, 526], "category_id": 0, "id": 116, "iscrowd": 0, "weight": 0.030032458566056075, "segmentation": [], "area": 285092}, {"image_id": 10036, "bbox": [1788, 733, 316, 647], "category_id": 0, "id": 117, "iscrowd": 0, "weight": 0.8593810274248933, "segmentation": [], "area": 204452}, {"image_id": 10036, "bbox": [1521, 1157, 537, 916], "category_id": 0, "id": 118, "iscrowd": 0, "weight": 0.4740284330836949, "segmentation": [], "area": 491892}, {"image_id": 10036, "bbox": [1854, 2107, 260, 186], "category_id": 0, "id": 119, "iscrowd": 0, "weight": 0.5661670300530465, "segmentation": [], "area": 48360}, {"image_id": 10036, "bbox": [2111, 1377, 587, 946], "category_id": 1, "id": 120, "iscrowd": 0, "weight": 0.38087724134944234, "segmentation": [], "area": 555302}, {"image_id": 10036, "bbox": [2981, 1869, 1042, 1104], "category_id": 2, "id": 121, "iscrowd": 0, "weight": 0.9562309698900827, "segmentation": [], "area": 1150368}, {"image_id": 10037, "bbox": [1114, 1027, 920, 456], "category_id": 0, "id": 122, "iscrowd": 0, "weight": 0.002985342253217116, "segmentation": [], "area": 419520}, {"image_id": 10037, "bbox": [2424, 1087, 1144, 530], "category_id": 1, "id": 123, "iscrowd": 0, "weight": 0.1978530251316747, "segmentation": [], "area": 606320}, {"image_id": 10037, "bbox": [1448, 2060, 1700, 187], "category_id": 2, "id": 124, "iscrowd": 0, "weight": 0.7077839562174992, "segmentation": [], "area": 317900}, {"image_id": 10037, "bbox": [1691, 1537, 173, 36], "category_id": 0, "id": 125, "iscrowd": 0, "weight": 0.5324448321871045, "segmentation": [], "area": 6228}, {"image_id": 10037, "bbox": [2124, 1610, 165, 239], "category_id": 2, "id": 126, "iscrowd": 0, "weight": 0.777554899435347, "segmentation": [], "area": 39435}, {"image_id": 10037, "bbox": [1898, 1571, 152, 68], "category_id": 2, "id": 127, "iscrowd": 0, "weight": 0.2590167800303387, "segmentation": [], "area": 10336}, {"image_id": 10037, "bbox": [1472, 1584, 346, 68], "category_id": 2, "id": 128, "iscrowd": 0, "weight": 0.7161401124133042, "segmentation": [], "area": 23528}, {"image_id": 10038, "bbox": [228, 890, 1146, 387], "category_id": 0, "id": 129, "iscrowd": 0, "weight": 0.5953651394931867, "segmentation": [], "area": 443502}, {"image_id": 10038, "bbox": [1994, 1057, 490, 720], "category_id": 1, "id": 130, "iscrowd": 0, "weight": 0.8930172016199105, "segmentation": [], "area": 352800}, {"image_id": 10038, "bbox": [944, 1490, 727, 483], "category_id": 2, "id": 131, "iscrowd": 0, "weight": 0.3443242380698477, "segmentation": [], "area": 351141}, {"image_id": 10038, "bbox": [1080, 600, 316, 293], "category_id": 1, "id": 132, "iscrowd": 0, "weight": 0.7777352531733073, "segmentation": [], "area": 92588}, {"image_id": 10039, "bbox": [1848, 817, 1070, 373], "category_id": 0, "id": 133, "iscrowd": 0, "weight": 0.024923867786267095, "segmentation": [], "area": 399110}, {"image_id": 10039, "bbox": [1864, 1467, 1130, 380], "category_id": 1, "id": 134, "iscrowd": 0, "weight": 0.4362451336699825, "segmentation": [], "area": 429400}, {"image_id": 10039, "bbox": [1191, 1303, 183, 97], "category_id": 0, "id": 135, "iscrowd": 0, "weight": 0.8649366143326049, "segmentation": [], "area": 17751}, {"image_id": 10039, "bbox": [734, 1746, 180, 71], "category_id": 0, "id": 136, "iscrowd": 0, "weight": 0.6849343009954252, "segmentation": [], "area": 12780}, {"image_id": 10039, "bbox": [831, 2352, 100, 100], "category_id": 0, "id": 137, "iscrowd": 0, "weight": 0.8552792407361305, "segmentation": [], "area": 10000}, {"image_id": 10040, "bbox": [1457, 778, 571, 226], "category_id": 2, "id": 138, "iscrowd": 0, "weight": 0.834209876763675, "segmentation": [], "area": 129046}, {"image_id": 10040, "bbox": [1163, 804, 97, 78], "category_id": 2, "id": 139, "iscrowd": 0, "weight": 0.2193046987735533, "segmentation": [], "area": 7566}, {"image_id": 10040, "bbox": [1276, 995, 148, 64], "category_id": 2, "id": 140, "iscrowd": 0, "weight": 0.49845121774200907, "segmentation": [], "area": 9472}, {"image_id": 10040, "bbox": [3554, 1100, 225, 536], "category_id": 2, "id": 141, "iscrowd": 0, "weight": 0.16683055914785672, "segmentation": [], "area": 120600}, {"image_id": 10041, "bbox": [1424, 1050, 1144, 550], "category_id": 1, "id": 142, "iscrowd": 0, "weight": 0.7403327664982248, "segmentation": [], "area": 629200}, {"image_id": 10041, "bbox": [271, 2090, 577, 863], "category_id": 2, "id": 143, "iscrowd": 0, "weight": 0.14287261194743506, "segmentation": [], "area": 497951}, {"image_id": 10042, "bbox": [54, 897, 1037, 1036], "category_id": 2, "id": 144, "iscrowd": 0, "weight": 0.18847104449489593, "segmentation": [], "area": 1074332}, {"image_id": 10042, "bbox": [1361, 1370, 1113, 613], "category_id": 1, "id": 145, "iscrowd": 0, "weight": 0.7869936574000883, "segmentation": [], "area": 682269}, {"image_id": 10042, "bbox": [2601, 1250, 67, 143], "category_id": 1, "id": 146, "iscrowd": 0, "weight": 0.217276314120755, "segmentation": [], "area": 9581}, {"image_id": 10042, "bbox": [3111, 1180, 50, 63], "category_id": 1, "id": 147, "iscrowd": 0, "weight": 0.5082540261622647, "segmentation": [], "area": 3150}, {"image_id": 10043, "bbox": [1278, 917, 1470, 196], "category_id": 1, "id": 148, "iscrowd": 0, "weight": 0.3373404302902925, "segmentation": [], "area": 288120}, {"image_id": 10043, "bbox": [3424, 1047, 547, 886], "category_id": 2, "id": 149, "iscrowd": 0, "weight": 0.4199975069087638, "segmentation": [], "area": 484642}, {"image_id": 10043, "bbox": [1294, 1563, 64, 127], "category_id": 1, "id": 150, "iscrowd": 0, "weight": 0.8475336796078359, "segmentation": [], "area": 8128}, {"image_id": 10044, "bbox": [2038, 760, 650, 817], "category_id": 1, "id": 151, "iscrowd": 0, "weight": 0.3357041175397867, "segmentation": [], "area": 531050}, {"image_id": 10044, "bbox": [1384, 1723, 987, 424], "category_id": 0, "id": 152, "iscrowd": 0, "weight": 0.9268649783017592, "segmentation": [], "area": 418488}, {"image_id": 10045, "bbox": [1984, 1260, 307, 843], "category_id": 0, "id": 153, "iscrowd": 0, "weight": 0.8422740085425892, "segmentation": [], "area": 258801}, {"image_id": 10045, "bbox": [1604, 1253, 210, 864], "category_id": 1, "id": 154, "iscrowd": 0, "weight": 0.19579963412599266, "segmentation": [], "area": 181440}, {"image_id": 10046, "bbox": [781, 960, 803, 593], "category_id": 2, "id": 155, "iscrowd": 0, "weight": 0.1513499330084742, "segmentation": [], "area": 476179}, {"image_id": 10046, "bbox": [1261, 1707, 363, 260], "category_id": 2, "id": 156, "iscrowd": 0, "weight": 0.5316850621148792, "segmentation": [], "area": 94380}, {"image_id": 10046, "bbox": [1951, 1247, 720, 743], "category_id": 0, "id": 157, "iscrowd": 0, "weight": 0.5826654857950924, "segmentation": [], "area": 534960}, {"image_id": 10046, "bbox": [2391, 1100, 70, 57], "category_id": 0, "id": 158, "iscrowd": 0, "weight": 0.5097927278749286, "segmentation": [], "area": 3990}, {"image_id": 10046, "bbox": [2464, 590, 937, 873], "category_id": 1, "id": 159, "iscrowd": 0, "weight": 0.2112765346272849, "segmentation": [], "area": 818001}, {"image_id": 10046, "bbox": [3438, 327, 303, 403], "category_id": 2, "id": 160, "iscrowd": 0, "weight": 0.21591077331777175, "segmentation": [], "area": 122109}, {"image_id": 10046, "bbox": [1652, 1994, 72, 70], "category_id": 1, "id": 161, "iscrowd": 0, "weight": 0.0036273715189838462, "segmentation": [], "area": 5040}, {"image_id": 10046, "bbox": [2491, 642, 364, 791], "category_id": 0, "id": 162, "iscrowd": 0, "weight": 0.27662926553232714, "segmentation": [], "area": 287924}, {"image_id": 10047, "bbox": [1831, 883, 713, 590], "category_id": 1, "id": 163, "iscrowd": 0, "weight": 0.21960521459191695, "segmentation": [], "area": 420670}, {"image_id": 10047, "bbox": [2644, 690, 407, 707], "category_id": 0, "id": 164, "iscrowd": 0, "weight": 0.1540043015886262, "segmentation": [], "area": 287749}, {"image_id": 10048, "bbox": [1444, 887, 1420, 186], "category_id": 2, "id": 165, "iscrowd": 0, "weight": 0.69301174731218, "segmentation": [], "area": 264120}, {"image_id": 10048, "bbox": [1908, 1527, 733, 573], "category_id": 0, "id": 166, "iscrowd": 0, "weight": 0.568969084017748, "segmentation": [], "area": 420009}, {"image_id": 10048, "bbox": [2860, 1404, 758, 630], "category_id": 1, "id": 167, "iscrowd": 0, "weight": 0.6628173010210271, "segmentation": [], "area": 477540}, {"image_id": 10049, "bbox": [1781, 967, 297, 996], "category_id": 1, "id": 168, "iscrowd": 0, "weight": 0.7703886935327577, "segmentation": [], "area": 295812}, {"image_id": 10049, "bbox": [228, 1987, 696, 750], "category_id": 2, "id": 169, "iscrowd": 0, "weight": 0.35870737086602955, "segmentation": [], "area": 522000}, {"image_id": 10050, "bbox": [2391, 1033, 247, 230], "category_id": 0, "id": 170, "iscrowd": 0, "weight": 0.5622332252527407, "segmentation": [], "area": 56810}, {"image_id": 10050, "bbox": [2231, 1213, 70, 44], "category_id": 0, "id": 171, "iscrowd": 0, "weight": 0.04924912695361516, "segmentation": [], "area": 3080}, {"image_id": 10050, "bbox": [3172, 91, 591, 175], "category_id": 0, "id": 172, "iscrowd": 0, "weight": 0.6939724978997528, "segmentation": [], "area": 103425}, {"image_id": 10050, "bbox": [3831, 740, 117, 203], "category_id": 0, "id": 173, "iscrowd": 0, "weight": 0.6128093419043683, "segmentation": [], "area": 23751}, {"image_id": 10050, "bbox": [3914, 517, 37, 126], "category_id": 0, "id": 174, "iscrowd": 0, "weight": 0.815630659115352, "segmentation": [], "area": 4662}, {"image_id": 10050, "bbox": [201, 2007, 537, 740], "category_id": 2, "id": 175, "iscrowd": 0, "weight": 0.05570760692555177, "segmentation": [], "area": 397380}, {"image_id": 10050, "bbox": [1884, 1780, 114, 120], "category_id": 1, "id": 176, "iscrowd": 0, "weight": 0.1610379622917002, "segmentation": [], "area": 13680}, {"image_id": 10050, "bbox": [2154, 733, 97, 87], "category_id": 0, "id": 177, "iscrowd": 0, "weight": 0.41796664034271847, "segmentation": [], "area": 8439}, {"image_id": 10050, "bbox": [3324, 1023, 160, 94], "category_id": 1, "id": 178, "iscrowd": 0, "weight": 0.49115633074315757, "segmentation": [], "area": 15040}, {"image_id": 10050, "bbox": [2910, 275, 90, 41], "category_id": 0, "id": 179, "iscrowd": 0, "weight": 0.8855897376503111, "segmentation": [], "area": 3690}, {"image_id": 10051, "bbox": [641, 710, 447, 273], "category_id": 2, "id": 180, "iscrowd": 0, "weight": 0.23739166218801644, "segmentation": [], "area": 122031}, {"image_id": 10051, "bbox": [494, 1237, 1037, 286], "category_id": 2, "id": 181, "iscrowd": 0, "weight": 0.3051813163214874, "segmentation": [], "area": 296582}, {"image_id": 10051, "bbox": [788, 1890, 603, 177], "category_id": 2, "id": 182, "iscrowd": 0, "weight": 0.01820127431399121, "segmentation": [], "area": 106731}, {"image_id": 10051, "bbox": [1198, 1613, 83, 174], "category_id": 1, "id": 183, "iscrowd": 0, "weight": 0.1281050815261784, "segmentation": [], "area": 14442}, {"image_id": 10051, "bbox": [2558, 840, 1337, 497], "category_id": 0, "id": 184, "iscrowd": 0, "weight": 0.9744404896330499, "segmentation": [], "area": 664489}, {"image_id": 10051, "bbox": [3244, 1430, 277, 183], "category_id": 0, "id": 185, "iscrowd": 0, "weight": 0.559761436885039, "segmentation": [], "area": 50691}, {"image_id": 10051, "bbox": [3611, 1610, 70, 90], "category_id": 0, "id": 186, "iscrowd": 0, "weight": 0.24651000788770394, "segmentation": [], "area": 6300}, {"image_id": 10051, "bbox": [1904, 893, 1070, 1187], "category_id": 1, "id": 187, "iscrowd": 0, "weight": 0.00752853528980757, "segmentation": [], "area": 1270090}, {"image_id": 10051, "bbox": [3621, 1262, 223, 394], "category_id": 2, "id": 188, "iscrowd": 0, "weight": 0.0701773062893809, "segmentation": [], "area": 87862}, {"image_id": 10052, "bbox": [1798, 960, 1213, 487], "category_id": 1, "id": 189, "iscrowd": 0, "weight": 0.12835595608180572, "segmentation": [], "area": 590731}, {"image_id": 10052, "bbox": [2738, 280, 510, 653], "category_id": 0, "id": 190, "iscrowd": 0, "weight": 0.9821746469507453, "segmentation": [], "area": 333030}, {"image_id": 10052, "bbox": [1788, 1627, 830, 513], "category_id": 2, "id": 191, "iscrowd": 0, "weight": 0.9727158674273226, "segmentation": [], "area": 425790}, {"image_id": 10052, "bbox": [1368, 1583, 280, 147], "category_id": 2, "id": 192, "iscrowd": 0, "weight": 0.9992643466144303, "segmentation": [], "area": 41160}, {"image_id": 10053, "bbox": [1768, 873, 350, 1110], "category_id": 1, "id": 193, "iscrowd": 0, "weight": 0.2754370755029919, "segmentation": [], "area": 388500}, {"image_id": 10053, "bbox": [2564, 2263, 124, 110], "category_id": 2, "id": 194, "iscrowd": 0, "weight": 0.692497435883646, "segmentation": [], "area": 13640}, {"image_id": 10053, "bbox": [221, 214, 171, 267], "category_id": 1, "id": 195, "iscrowd": 0, "weight": 0.6540166754652685, "segmentation": [], "area": 45657}, {"image_id": 10053, "bbox": [101, 108, 78, 145], "category_id": 2, "id": 196, "iscrowd": 0, "weight": 0.1429731480508547, "segmentation": [], "area": 11310}, {"image_id": 10054, "bbox": [1711, 1053, 287, 904], "category_id": 1, "id": 197, "iscrowd": 0, "weight": 0.008145793334574991, "segmentation": [], "area": 259448}, {"image_id": 10054, "bbox": [3761, 2660, 93, 120], "category_id": 2, "id": 198, "iscrowd": 0, "weight": 0.9843448698191243, "segmentation": [], "area": 11160}, {"image_id": 10055, "bbox": [1418, 967, 833, 1273], "category_id": 0, "id": 199, "iscrowd": 0, "weight": 0.45604981826595026, "segmentation": [], "area": 1060409}, {"image_id": 10055, "bbox": [811, 1460, 397, 840], "category_id": 1, "id": 200, "iscrowd": 0, "weight": 0.12049366714115117, "segmentation": [], "area": 333480}, {"image_id": 10055, "bbox": [3548, 80, 400, 817], "category_id": 2, "id": 201, "iscrowd": 0, "weight": 0.43213468883057005, "segmentation": [], "area": 326800}, {"image_id": 10056, "bbox": [1114, 270, 187, 1047], "category_id": 1, "id": 202, "iscrowd": 0, "weight": 0.9775349605625053, "segmentation": [], "area": 195789}, {"image_id": 10056, "bbox": [2368, 1310, 73, 213], "category_id": 1, "id": 203, "iscrowd": 0, "weight": 0.5988571695479458, "segmentation": [], "area": 15549}, {"image_id": 10056, "bbox": [91, 63, 647, 554], "category_id": 2, "id": 204, "iscrowd": 0, "weight": 0.5908592783936971, "segmentation": [], "area": 358438}, {"image_id": 10057, "bbox": [3498, 1000, 520, 987], "category_id": 2, "id": 205, "iscrowd": 0, "weight": 0.3245822895659739, "segmentation": [], "area": 513240}, {"image_id": 10058, "bbox": [1558, 820, 646, 680], "category_id": 0, "id": 206, "iscrowd": 0, "weight": 0.3588801488742389, "segmentation": [], "area": 439280}, {"image_id": 10058, "bbox": [2441, 1070, 30, 113], "category_id": 1, "id": 207, "iscrowd": 0, "weight": 0.4034173395130325, "segmentation": [], "area": 3390}, {"image_id": 10058, "bbox": [689, 946, 755, 721], "category_id": 1, "id": 208, "iscrowd": 0, "weight": 0.1551192462898039, "segmentation": [], "area": 544355}, {"image_id": 10059, "bbox": [1301, 423, 437, 1464], "category_id": 1, "id": 209, "iscrowd": 0, "weight": 0.5892520315233025, "segmentation": [], "area": 639768}, {"image_id": 10059, "bbox": [2391, 1247, 43, 121], "category_id": 1, "id": 210, "iscrowd": 0, "weight": 0.8880608515072643, "segmentation": [], "area": 5203}, {"image_id": 10059, "bbox": [118, 560, 70, 107], "category_id": 0, "id": 211, "iscrowd": 0, "weight": 0.8966166876288945, "segmentation": [], "area": 7490}, {"image_id": 10059, "bbox": [273, 50, 215, 413], "category_id": 2, "id": 212, "iscrowd": 0, "weight": 0.2055777244058712, "segmentation": [], "area": 88795}, {"image_id": 10060, "bbox": [2105, 998, 160, 130], "category_id": 1, "id": 213, "iscrowd": 0, "weight": 0.396675227485939, "segmentation": [], "area": 20800}, {"image_id": 10060, "bbox": [726, 1816, 1108, 264], "category_id": 1, "id": 214, "iscrowd": 0, "weight": 0.33849078986091674, "segmentation": [], "area": 292512}, {"image_id": 10061, "bbox": [1658, 807, 696, 523], "category_id": 0, "id": 215, "iscrowd": 0, "weight": 0.06599793324904868, "segmentation": [], "area": 364008}, {"image_id": 10061, "bbox": [1411, 1403, 810, 310], "category_id": 0, "id": 216, "iscrowd": 0, "weight": 0.2506129790250846, "segmentation": [], "area": 251100}, {"image_id": 10061, "bbox": [3234, 1040, 744, 820], "category_id": 2, "id": 217, "iscrowd": 0, "weight": 0.2502547409865896, "segmentation": [], "area": 610080}, {"image_id": 10062, "bbox": [331, 710, 570, 1043], "category_id": 1, "id": 218, "iscrowd": 0, "weight": 0.3492781680202831, "segmentation": [], "area": 594510}, {"image_id": 10062, "bbox": [854, 717, 1130, 860], "category_id": 0, "id": 219, "iscrowd": 0, "weight": 0.5879140720397411, "segmentation": [], "area": 971800}, {"image_id": 10062, "bbox": [1794, 1090, 67, 103], "category_id": 0, "id": 220, "iscrowd": 0, "weight": 0.28652736816396696, "segmentation": [], "area": 6901}, {"image_id": 10062, "bbox": [1848, 920, 80, 193], "category_id": 1, "id": 221, "iscrowd": 0, "weight": 0.08778198576973772, "segmentation": [], "area": 15440}, {"image_id": 10062, "bbox": [3126, 1006, 803, 875], "category_id": 2, "id": 222, "iscrowd": 0, "weight": 0.4407824795827133, "segmentation": [], "area": 702625}, {"image_id": 10062, "bbox": [469, 1250, 341, 172], "category_id": 0, "id": 223, "iscrowd": 0, "weight": 0.46653580534357164, "segmentation": [], "area": 58652}, {"image_id": 10063, "bbox": [2028, 913, 160, 120], "category_id": 1, "id": 224, "iscrowd": 0, "weight": 0.8740078118500852, "segmentation": [], "area": 19200}, {"image_id": 10063, "bbox": [861, 1650, 1503, 320], "category_id": 1, "id": 225, "iscrowd": 0, "weight": 0.23340151634798623, "segmentation": [], "area": 480960}, {"image_id": 10063, "bbox": [51, 2257, 420, 513], "category_id": 2, "id": 226, "iscrowd": 0, "weight": 0.5796025765399597, "segmentation": [], "area": 215460}, {"image_id": 10064, "bbox": [1908, 760, 1070, 657], "category_id": 2, "id": 227, "iscrowd": 0, "weight": 0.047402606949512704, "segmentation": [], "area": 702990}, {"image_id": 10064, "bbox": [1904, 1327, 214, 120], "category_id": 0, "id": 228, "iscrowd": 0, "weight": 0.6234529313822835, "segmentation": [], "area": 25680}, {"image_id": 10064, "bbox": [3560, 2382, 206, 280], "category_id": 2, "id": 229, "iscrowd": 0, "weight": 0.14535018298877211, "segmentation": [], "area": 57680}, {"image_id": 10065, "bbox": [1384, 1427, 767, 633], "category_id": 1, "id": 230, "iscrowd": 0, "weight": 0.8404328348355342, "segmentation": [], "area": 485511}, {"image_id": 10066, "bbox": [121, 793, 387, 757], "category_id": 2, "id": 231, "iscrowd": 0, "weight": 0.7465722801679889, "segmentation": [], "area": 292959}, {"image_id": 10066, "bbox": [2634, 1063, 87, 134], "category_id": 1, "id": 232, "iscrowd": 0, "weight": 0.8889412984581776, "segmentation": [], "area": 11658}, {"image_id": 10066, "bbox": [1936, 1323, 181, 71], "category_id": 2, "id": 233, "iscrowd": 0, "weight": 0.36932125033301677, "segmentation": [], "area": 12851}, {"image_id": 10066, "bbox": [2285, 1360, 123, 76], "category_id": 2, "id": 234, "iscrowd": 0, "weight": 0.8034107904372487, "segmentation": [], "area": 9348}, {"image_id": 10066, "bbox": [2172, 1349, 81, 62], "category_id": 2, "id": 235, "iscrowd": 0, "weight": 0.6739407790474086, "segmentation": [], "area": 5022}, {"image_id": 10066, "bbox": [683, 672, 121, 43], "category_id": 2, "id": 236, "iscrowd": 0, "weight": 0.6264023334223369, "segmentation": [], "area": 5203}, {"image_id": 10067, "bbox": [3224, 2357, 724, 590], "category_id": 2, "id": 237, "iscrowd": 0, "weight": 0.33754975484769745, "segmentation": [], "area": 427160}, {"image_id": 10067, "bbox": [1748, 1330, 500, 163], "category_id": 0, "id": 238, "iscrowd": 0, "weight": 0.0076860610159678044, "segmentation": [], "area": 81500}, {"image_id": 10067, "bbox": [2904, 1430, 84, 77], "category_id": 0, "id": 239, "iscrowd": 0, "weight": 0.0645583025144929, "segmentation": [], "area": 6468}, {"image_id": 10067, "bbox": [2714, 1290, 120, 133], "category_id": 0, "id": 240, "iscrowd": 0, "weight": 0.7640696655481277, "segmentation": [], "area": 15960}, {"image_id": 10067, "bbox": [1578, 1470, 73, 180], "category_id": 1, "id": 241, "iscrowd": 0, "weight": 0.003337105841738297, "segmentation": [], "area": 13140}, {"image_id": 10068, "bbox": [1844, 1340, 687, 723], "category_id": 0, "id": 242, "iscrowd": 0, "weight": 0.3673282854871711, "segmentation": [], "area": 496701}, {"image_id": 10068, "bbox": [1618, 527, 1186, 823], "category_id": 1, "id": 243, "iscrowd": 0, "weight": 0.22340103721105864, "segmentation": [], "area": 976078}, {"image_id": 10069, "bbox": [1438, 350, 1253, 753], "category_id": 2, "id": 244, "iscrowd": 0, "weight": 0.3749847801561167, "segmentation": [], "area": 943509}, {"image_id": 10069, "bbox": [2301, 863, 290, 594], "category_id": 2, "id": 245, "iscrowd": 0, "weight": 0.37419258620026763, "segmentation": [], "area": 172260}, {"image_id": 10069, "bbox": [3094, 1436, 204, 83], "category_id": 2, "id": 246, "iscrowd": 0, "weight": 0.25606826350593304, "segmentation": [], "area": 16932}, {"image_id": 10069, "bbox": [2897, 1576, 91, 91], "category_id": 2, "id": 247, "iscrowd": 0, "weight": 0.0005913376489139477, "segmentation": [], "area": 8281}, {"image_id": 10070, "bbox": [174, 107, 480, 646], "category_id": 2, "id": 248, "iscrowd": 0, "weight": 0.11392450893897177, "segmentation": [], "area": 310080}, {"image_id": 10071, "bbox": [1544, 827, 994, 1226], "category_id": 0, "id": 249, "iscrowd": 0, "weight": 0.6777719508627773, "segmentation": [], "area": 1218644}, {"image_id": 10071, "bbox": [2481, 1740, 567, 480], "category_id": 1, "id": 250, "iscrowd": 0, "weight": 0.2037572446910475, "segmentation": [], "area": 272160}, {"image_id": 10071, "bbox": [1679, 2071, 171, 100], "category_id": 0, "id": 251, "iscrowd": 0, "weight": 0.7481620501591726, "segmentation": [], "area": 17100}, {"image_id": 10072, "bbox": [1608, 1370, 976, 643], "category_id": 1, "id": 252, "iscrowd": 0, "weight": 0.9255944488626557, "segmentation": [], "area": 627568}, {"image_id": 10072, "bbox": [824, 947, 627, 573], "category_id": 0, "id": 253, "iscrowd": 0, "weight": 0.07726006037334232, "segmentation": [], "area": 359271}, {"image_id": 10072, "bbox": [2361, 1153, 43, 107], "category_id": 1, "id": 254, "iscrowd": 0, "weight": 0.5934665378803431, "segmentation": [], "area": 4601}, {"image_id": 10072, "bbox": [2868, 1043, 43, 60], "category_id": 1, "id": 255, "iscrowd": 0, "weight": 0.5522193060262869, "segmentation": [], "area": 2580}, {"image_id": 10073, "bbox": [3448, 2213, 536, 747], "category_id": 2, "id": 256, "iscrowd": 0, "weight": 0.08626160883784251, "segmentation": [], "area": 400392}, {"image_id": 10073, "bbox": [1604, 1477, 57, 186], "category_id": 1, "id": 257, "iscrowd": 0, "weight": 0.5917641188006074, "segmentation": [], "area": 10602}, {"image_id": 10074, "bbox": [1898, 1330, 1113, 480], "category_id": 1, "id": 258, "iscrowd": 0, "weight": 0.30329244853787884, "segmentation": [], "area": 534240}, {"image_id": 10074, "bbox": [1174, 1440, 1217, 523], "category_id": 0, "id": 259, "iscrowd": 0, "weight": 0.5818354192054447, "segmentation": [], "area": 636491}, {"image_id": 10074, "bbox": [1094, 990, 275, 147], "category_id": 0, "id": 260, "iscrowd": 0, "weight": 0.21485149373438817, "segmentation": [], "area": 40425}, {"image_id": 10075, "bbox": [1311, 1077, 2073, 470], "category_id": 1, "id": 261, "iscrowd": 0, "weight": 0.640387705845202, "segmentation": [], "area": 974310}, {"image_id": 10075, "bbox": [1561, 1887, 63, 116], "category_id": 1, "id": 262, "iscrowd": 0, "weight": 0.7271353296272227, "segmentation": [], "area": 7308}, {"image_id": 10075, "bbox": [3844, 1537, 174, 340], "category_id": 2, "id": 263, "iscrowd": 0, "weight": 0.5828352602260238, "segmentation": [], "area": 59160}, {"image_id": 10076, "bbox": [61, 23, 677, 694], "category_id": 2, "id": 264, "iscrowd": 0, "weight": 0.9653421907903673, "segmentation": [], "area": 469838}, {"image_id": 10076, "bbox": [1378, 723, 730, 1344], "category_id": 1, "id": 265, "iscrowd": 0, "weight": 0.43778469036439094, "segmentation": [], "area": 981120}, {"image_id": 10076, "bbox": [2351, 1283, 77, 287], "category_id": 1, "id": 266, "iscrowd": 0, "weight": 0.476305094995926, "segmentation": [], "area": 22099}, {"image_id": 10077, "bbox": [1848, 1053, 1093, 364], "category_id": 0, "id": 267, "iscrowd": 0, "weight": 0.41551629090076303, "segmentation": [], "area": 397852}, {"image_id": 10078, "bbox": [1614, 1207, 357, 890], "category_id": 1, "id": 268, "iscrowd": 0, "weight": 0.06463918273174774, "segmentation": [], "area": 317730}, {"image_id": 10078, "bbox": [41, 1870, 797, 1007], "category_id": 2, "id": 269, "iscrowd": 0, "weight": 0.5690586002013133, "segmentation": [], "area": 802579}, {"image_id": 10079, "bbox": [1398, 937, 1113, 730], "category_id": 1, "id": 270, "iscrowd": 0, "weight": 0.7358364508037193, "segmentation": [], "area": 812490}, {"image_id": 10079, "bbox": [994, 1627, 940, 340], "category_id": 0, "id": 271, "iscrowd": 0, "weight": 0.9216217242287612, "segmentation": [], "area": 319600}, {"image_id": 10080, "bbox": [1618, 1527, 73, 156], "category_id": 1, "id": 272, "iscrowd": 0, "weight": 0.569869694615197, "segmentation": [], "area": 11388}, {"image_id": 10080, "bbox": [1818, 1493, 576, 427], "category_id": 1, "id": 273, "iscrowd": 0, "weight": 0.05117455816282224, "segmentation": [], "area": 245952}, {"image_id": 10080, "bbox": [3494, 2277, 290, 426], "category_id": 1, "id": 274, "iscrowd": 0, "weight": 0.7417323744637289, "segmentation": [], "area": 123540}, {"image_id": 10080, "bbox": [3854, 2220, 70, 253], "category_id": 0, "id": 275, "iscrowd": 0, "weight": 0.23487627797492427, "segmentation": [], "area": 17710}, {"image_id": 10081, "bbox": [1174, 1843, 410, 864], "category_id": 1, "id": 276, "iscrowd": 0, "weight": 0.6028443077924466, "segmentation": [], "area": 354240}, {"image_id": 10082, "bbox": [2160, 923, 886, 333], "category_id": 0, "id": 277, "iscrowd": 0, "weight": 0.4939736926624708, "segmentation": [], "area": 295038}, {"image_id": 10082, "bbox": [3699, 308, 139, 286], "category_id": 2, "id": 278, "iscrowd": 0, "weight": 0.5148270084538916, "segmentation": [], "area": 39754}, {"image_id": 10082, "bbox": [1854, 1797, 97, 70], "category_id": 1, "id": 279, "iscrowd": 0, "weight": 0.4204800190112482, "segmentation": [], "area": 6790}, {"image_id": 10082, "bbox": [2915, 721, 54, 77], "category_id": 2, "id": 280, "iscrowd": 0, "weight": 0.2798603748662861, "segmentation": [], "area": 4158}, {"image_id": 10082, "bbox": [3421, 1136, 109, 72], "category_id": 0, "id": 281, "iscrowd": 0, "weight": 0.8891317529596012, "segmentation": [], "area": 7848}, {"image_id": 10082, "bbox": [3193, 1264, 59, 36], "category_id": 0, "id": 282, "iscrowd": 0, "weight": 0.0768322894654958, "segmentation": [], "area": 2124}, {"image_id": 10083, "bbox": [588, 1010, 916, 130], "category_id": 1, "id": 283, "iscrowd": 0, "weight": 0.21130477522732471, "segmentation": [], "area": 119080}, {"image_id": 10083, "bbox": [2378, 1323, 90, 224], "category_id": 1, "id": 284, "iscrowd": 0, "weight": 0.5722565691396231, "segmentation": [], "area": 20160}, {"image_id": 10083, "bbox": [186, 0, 782, 704], "category_id": 2, "id": 285, "iscrowd": 0, "weight": 0.006445655034861275, "segmentation": [], "area": 550528}, {"image_id": 10084, "bbox": [1658, 1087, 680, 843], "category_id": 1, "id": 286, "iscrowd": 0, "weight": 0.9721062048804531, "segmentation": [], "area": 573240}, {"image_id": 10085, "bbox": [3408, 77, 593, 940], "category_id": 2, "id": 287, "iscrowd": 0, "weight": 0.25193632696930457, "segmentation": [], "area": 557420}, {"image_id": 10085, "bbox": [2408, 430, 540, 903], "category_id": 1, "id": 288, "iscrowd": 0, "weight": 0.9379542226666586, "segmentation": [], "area": 487620}, {"image_id": 10085, "bbox": [1208, 1093, 1186, 744], "category_id": 0, "id": 289, "iscrowd": 0, "weight": 0.6967550750777067, "segmentation": [], "area": 882384}, {"image_id": 10085, "bbox": [1804, 1840, 184, 147], "category_id": 1, "id": 290, "iscrowd": 0, "weight": 0.6331754785122718, "segmentation": [], "area": 27048}, {"image_id": 10086, "bbox": [1074, 777, 474, 506], "category_id": 0, "id": 291, "iscrowd": 0, "weight": 0.8870480907184877, "segmentation": [], "area": 239844}, {"image_id": 10086, "bbox": [1108, 1410, 353, 100], "category_id": 0, "id": 292, "iscrowd": 0, "weight": 0.7672827019458761, "segmentation": [], "area": 35300}, {"image_id": 10086, "bbox": [1761, 1200, 323, 700], "category_id": 1, "id": 293, "iscrowd": 0, "weight": 0.7550090533731371, "segmentation": [], "area": 226100}, {"image_id": 10087, "bbox": [2388, 1527, 384, 415], "category_id": 0, "id": 294, "iscrowd": 0, "weight": 0.3609328061166396, "segmentation": [], "area": 159360}, {"image_id": 10087, "bbox": [2134, 1075, 406, 529], "category_id": 0, "id": 295, "iscrowd": 0, "weight": 0.9757116997454885, "segmentation": [], "area": 214774}, {"image_id": 10087, "bbox": [1872, 665, 529, 375], "category_id": 0, "id": 296, "iscrowd": 0, "weight": 0.31503910717854666, "segmentation": [], "area": 198375}, {"image_id": 10088, "bbox": [2508, 847, 776, 483], "category_id": 2, "id": 297, "iscrowd": 0, "weight": 0.379918693353819, "segmentation": [], "area": 374808}, {"image_id": 10089, "bbox": [2161, 833, 520, 754], "category_id": 1, "id": 298, "iscrowd": 0, "weight": 0.27824011824485884, "segmentation": [], "area": 392080}, {"image_id": 10089, "bbox": [3648, 150, 346, 877], "category_id": 2, "id": 299, "iscrowd": 0, "weight": 0.3100643287792978, "segmentation": [], "area": 303442}, {"image_id": 10089, "bbox": [1571, 1163, 260, 300], "category_id": 0, "id": 300, "iscrowd": 0, "weight": 0.44128739506755477, "segmentation": [], "area": 78000}, {"image_id": 10089, "bbox": [1871, 1887, 277, 303], "category_id": 0, "id": 301, "iscrowd": 0, "weight": 0.9392642656343447, "segmentation": [], "area": 83931}, {"image_id": 10089, "bbox": [1661, 1437, 433, 496], "category_id": 0, "id": 302, "iscrowd": 0, "weight": 0.2064441962750363, "segmentation": [], "area": 214768}, {"image_id": 10090, "bbox": [1656, 1393, 752, 153], "category_id": 1, "id": 303, "iscrowd": 0, "weight": 0.7081030421629178, "segmentation": [], "area": 115056}, {"image_id": 10090, "bbox": [3208, 907, 570, 316], "category_id": 0, "id": 304, "iscrowd": 0, "weight": 0.3051718395030525, "segmentation": [], "area": 180120}, {"image_id": 10090, "bbox": [2744, 1250, 880, 533], "category_id": 0, "id": 305, "iscrowd": 0, "weight": 0.045302733116306726, "segmentation": [], "area": 469040}, {"image_id": 10090, "bbox": [3724, 1530, 60, 120], "category_id": 0, "id": 306, "iscrowd": 0, "weight": 0.8625299456769373, "segmentation": [], "area": 7200}, {"image_id": 10090, "bbox": [2784, 1893, 354, 30], "category_id": 0, "id": 307, "iscrowd": 0, "weight": 0.2506262443025058, "segmentation": [], "area": 10620}, {"image_id": 10090, "bbox": [3850, 1255, 110, 181], "category_id": 0, "id": 308, "iscrowd": 0, "weight": 0.24683655555644823, "segmentation": [], "area": 19910}, {"image_id": 10091, "bbox": [558, 1597, 833, 126], "category_id": 0, "id": 309, "iscrowd": 0, "weight": 0.6568914375233231, "segmentation": [], "area": 104958}, {"image_id": 10091, "bbox": [91, 1547, 1267, 340], "category_id": 0, "id": 310, "iscrowd": 0, "weight": 0.6891674576013554, "segmentation": [], "area": 430780}, {"image_id": 10091, "bbox": [3494, 1023, 394, 934], "category_id": 2, "id": 311, "iscrowd": 0, "weight": 0.2149597277766343, "segmentation": [], "area": 367996}, {"image_id": 10092, "bbox": [1901, 1013, 247, 337], "category_id": 0, "id": 312, "iscrowd": 0, "weight": 0.23419807062208142, "segmentation": [], "area": 83239}, {"image_id": 10092, "bbox": [3211, 670, 267, 250], "category_id": 1, "id": 313, "iscrowd": 0, "weight": 0.04541570598653477, "segmentation": [], "area": 66750}, {"image_id": 10092, "bbox": [3028, 823, 136, 54], "category_id": 1, "id": 314, "iscrowd": 0, "weight": 0.5278670230851193, "segmentation": [], "area": 7344}, {"image_id": 10092, "bbox": [2841, 1007, 223, 50], "category_id": 1, "id": 315, "iscrowd": 0, "weight": 0.4993296452727404, "segmentation": [], "area": 11150}, {"image_id": 10092, "bbox": [1948, 1353, 310, 587], "category_id": 0, "id": 316, "iscrowd": 0, "weight": 0.5785821348361884, "segmentation": [], "area": 181970}, {"image_id": 10092, "bbox": [2492, 1684, 42, 39], "category_id": 0, "id": 317, "iscrowd": 0, "weight": 0.24355404163110994, "segmentation": [], "area": 1638}, {"image_id": 10092, "bbox": [2321, 1965, 77, 64], "category_id": 0, "id": 318, "iscrowd": 0, "weight": 0.7909918990987833, "segmentation": [], "area": 4928}, {"image_id": 10093, "bbox": [1028, 1057, 976, 953], "category_id": 0, "id": 319, "iscrowd": 0, "weight": 0.10395984343064879, "segmentation": [], "area": 930128}, {"image_id": 10093, "bbox": [981, 1340, 1020, 910], "category_id": 0, "id": 320, "iscrowd": 0, "weight": 0.8894197349065793, "segmentation": [], "area": 928200}, {"image_id": 10094, "bbox": [2258, 1843, 906, 234], "category_id": 1, "id": 321, "iscrowd": 0, "weight": 0.99348482164106, "segmentation": [], "area": 212004}, {"image_id": 10094, "bbox": [3001, 2033, 953, 947], "category_id": 2, "id": 322, "iscrowd": 0, "weight": 0.8239947731799676, "segmentation": [], "area": 902491}, {"image_id": 10095, "bbox": [1644, 653, 254, 360], "category_id": 0, "id": 323, "iscrowd": 0, "weight": 0.8855464066613847, "segmentation": [], "area": 91440}, {"image_id": 10095, "bbox": [1331, 940, 480, 573], "category_id": 0, "id": 324, "iscrowd": 0, "weight": 0.8971697115343104, "segmentation": [], "area": 275040}, {"image_id": 10095, "bbox": [1208, 1417, 320, 346], "category_id": 0, "id": 325, "iscrowd": 0, "weight": 0.4105686216970298, "segmentation": [], "area": 110720}, {"image_id": 10095, "bbox": [1951, 1423, 600, 450], "category_id": 1, "id": 326, "iscrowd": 0, "weight": 0.06335655410236807, "segmentation": [], "area": 270000}, {"image_id": 10096, "bbox": [1064, 373, 1050, 1224], "category_id": 1, "id": 327, "iscrowd": 0, "weight": 0.8619891883507992, "segmentation": [], "area": 1285200}, {"image_id": 10096, "bbox": [2591, 2280, 1267, 593], "category_id": 0, "id": 328, "iscrowd": 0, "weight": 0.11489936589448846, "segmentation": [], "area": 751331}, {"image_id": 10097, "bbox": [1701, 1323, 890, 300], "category_id": 1, "id": 329, "iscrowd": 0, "weight": 0.1639970995526454, "segmentation": [], "area": 267000}, {"image_id": 10097, "bbox": [3221, 1217, 420, 253], "category_id": 0, "id": 330, "iscrowd": 0, "weight": 0.2308991949827276, "segmentation": [], "area": 106260}, {"image_id": 10097, "bbox": [2904, 883, 950, 727], "category_id": 0, "id": 331, "iscrowd": 0, "weight": 0.43611138791159487, "segmentation": [], "area": 690650}, {"image_id": 10097, "bbox": [1291, 850, 923, 130], "category_id": 2, "id": 332, "iscrowd": 0, "weight": 0.015682542069291316, "segmentation": [], "area": 119990}, {"image_id": 10098, "bbox": [818, 1877, 370, 703], "category_id": 0, "id": 333, "iscrowd": 0, "weight": 0.4103185799297546, "segmentation": [], "area": 260110}, {"image_id": 10098, "bbox": [848, 1527, 310, 350], "category_id": 0, "id": 334, "iscrowd": 0, "weight": 0.5065351108259635, "segmentation": [], "area": 108500}, {"image_id": 10099, "bbox": [2689, 104, 377, 274], "category_id": 0, "id": 335, "iscrowd": 0, "weight": 0.32239855010999996, "segmentation": [], "area": 103298}, {"image_id": 10099, "bbox": [2850, 271, 577, 749], "category_id": 0, "id": 336, "iscrowd": 0, "weight": 0.9251835836193829, "segmentation": [], "area": 432173}, {"image_id": 10099, "bbox": [3279, 978, 348, 342], "category_id": 0, "id": 337, "iscrowd": 0, "weight": 0.7822824334650533, "segmentation": [], "area": 119016}], "categories": [{"id": 0, "name": "yanse"}, {"id": 1, "name": "huahen"}, {"id": 2, "name": "mosun"}]} \ No newline at end of file diff --git a/examples/yaoba/singletask_learning_yolox_tta/readme/README.md b/examples/yaoba/singletask_learning_yolox_tta/readme/README.md new file mode 100644 index 00000000..6a178006 --- /dev/null +++ b/examples/yaoba/singletask_learning_yolox_tta/readme/README.md @@ -0,0 +1,166 @@ +## About Industrial Defect Detection + +Defects are an unwanted thing in manufacturing industry. There are many types of defect in manufacturing like blow +holes, pinholes, burr, shrinkage defects, mould material defects, pouring metal defects, metallurgical defects, etc. For +removing this defective product all industry have their defect detection department. But the main problem is this +inspection process is carried out manually. It is a very time-consuming process and due to human accuracy, this is not +100% accurate. This can because of the rejection of the whole order. So it creates a big loss in the company. + +## About Method + +Unknown tasks refer to samples outside the knowledge distribution of the task model, which can lead to severe performance degradation of a model. The TTA (Test-time Augmentation) method applies various augmentations to an image during the inference stage, generates multiple augmented images, and infers them alongside the original image. It then combines the inference results of all images to obtain improved performance compared to only inferring on the original image, as shown in below figure. + +diagram1 + +In this project, we present a policy search-based test-time augmentation method for unknown defect detection tasks. It first searches for the optimal augmentation policy on the validation set, and then applies these policies to improve the performance of unknown defect detection tasks during inference of the test set, as shown in below figure. + +diagram2 + +Three test-time augmentation schemes: single policy, cascade policy, and combined policy are proposed in this method. Their differences among them are shown in the following figure. + +diagram3 + +## About dataset + +The industrial crank defect detection dataset consists of 627 images, which hold three types of defects: 'yanse', ' +huahen', and 'mosun', and the image resolution is 4024 × 3036. Please follow [this link](https://baidu.com) to download +the dataset and learn more about it. Additionally, below is an example figure from the dataset. + +diagram4 + +## Dataset splitting for unknown task processing +After unzipping dataset.zip, your folder format should look like below: + +``` +dataset + ├─images + └─jsons + ├─test.json + ├─train.json + └─val.json +``` + +All images of this dataset are placed in the ```images``` folder, and the dataset splitting is based on JSON files +in ```jsons``` folder. In this project, we define an image defect detection Precision or Recall less than 0.9 as unknown +data. Unknown training set means unknown data that can be used for training. + +## Install + +First, you need to install the dependencies of Ianvs and Sedna, please follow the instructions +in [How to install Ianvs](https://github.com/kubeedge/ianvs/blob/main/docs/guides/how-to-install-ianvs.md). We are using +the MMDet object detection framework in this project, which requires some essential dependencies to be installed. You +can install them manually one by one or use the ```pip install -r requirements.txt``` command directly in the terminal. +To avoid unpredictable errors, we strongly recommend creating a new Conda virtual environment before installing these +dependencies. + +``` +python==3.9.0 +mmcv-full==1.7.1 +mmdet==2.28.2 +torch==1.13.0 +torchvision==0.14.0 +numpy==1.24.2 +opencv_python==4.5.5.64 +Pillow==9.4.0 +``` + +## Config Setting + +Key settings to run policy search-based test-time augmentation method for unknown task processing of defect detection. + +### Testenv Setting + +Configure the `train_url`, `val_url`, `test_url`, `image_folder_url`, and `metrics` properties in `testenv.yaml` based on the location of +your dataset folder path like the below code block. + +``` +testenv: + dataset: + train_url: "datset/jsons/train.json" + val_url: "datset/jsons/val.json" + test_url: "datset/jsons/test.json" + image_folder_url: "/media/huawei_YaoBa/Images" + type; + metrics: + - name: "map" + url: "examples/yaoba/singletask_learning_yolox_tta/testenv/map.py" +``` + +### Algorithm Setting + +Configure the `paradigm_type`, `initial_model_url`, `basemodel`, `config`, and `work_dir` properties +in `algorithm.yaml` based on the location of your project path like the below code block. + +``` +algorithm: + paradigm_type: "singletasklearning_tta" + initial_model_url: "examples/yaoba/singletask_learning_yolox_tta/resource/epoch_300.pth" + modules: + - type: "basemodel" + name: "mmlab" + url: "examples/yaoba/singletask_learning_yolox_tta/testalgorithms/basemodel.py" + hyperparameters: + - config: + values: + - "examples/yaoba/singletask_learning_yolox_tta/resource/yolox_s_8x8_300e_yaoba.py" + - work_dir: + values: + - "examples/yaoba/singletask_learning_yolox_tta/work_dir" +``` + +### Benchmarking Setting + +Configure the `workspace`, `testenv`, and `algorithms` properties in `benchmarkingjob.yaml` based on the location of +your project path like the below code block. + +``` +benchmarkingjob: + name: "benchmarkingjob" + workspace: "examples/yaoba/singletask_learning_yolox_tta/workspace" + testenv: "examples/yaoba/singletask_learning_yolox_tta/testenv/testenv.yaml" + test_object: + type: "algorithms" + algorithms: + - name: "mmlab-model" + url: "examples/yaoba/singletask_learning_yolox_tta/testalgorithms/algorithm.yaml" +``` + +## Usage + +We are now ready to run the policy search-based test-time augmentation method for unknown task processing on the +industrial crank defect detection dataset. execute the below command in your terminal: + +``` +python benchmarking.py -f examples/yaoba/singletask_learning_yolox_tta/benchmarkingjob.yaml +``` + +## Result + +We present reference results of mean Average Precision (mAP) on the test sets of unknown defect detection tasks for +policy search-based test-time augmentation method. Compared to the standard baseline, the maximum improvement achieved +by the top 5 single policies searched by this method is 2.2 mAP. + +| Model | Method | Single policy | Val set AP50 | Test set AP50 | +|:-----------:|:--------:|:-------------:|:------------:|:-------------:| +| YOLOXs-300e | Baseline | None | 69.3 | 69.7 | +| YOLOXs-300e | TTA | Resize | 73.29 | 71.9 | +| YOLOXs-300e | TTA | Flip | 72.14 | 71.4 | +| YOLOXs-300e | TTA | AutoContrast | 70.57 | 69.4 | +| YOLOXs-300e | TTA | Sharpness | 69.83 | 68.7 | +| YOLOXs-300e | TTA | Brightness | 69.51 | 69.7 | + +Compared to the standard baseline, the maximum improvement achieved by the top 5 Cascade policies searched by this +method is 2.5 mAP. + +| Model | Method | Cascade policy | Val set AP50 | Test set AP50 | +|:-----------:|:--------:|:------------------------:|:------------:|:-------------:| +| YOLOXs-300e | Baseline | None | 69.3 | 69.7 | +| YOLOXs-300e | TTA | Flip+AutoContrast+Resize | 73.68 | 70.7 | +| YOLOXs-300e | TTA | AutoContrast+Flip+Resize | 73.68 | 70.7 | +| YOLOXs-300e | TTA | AutoContrast+Resize+Flip | 73.64 | 70.1 | +| YOLOXs-300e | TTA | Flip+Resize | 73.6 | 70.8 | +| YOLOXs-300e | TTA | Sharpness+Resize | 73.58 | 72.2 | + +## License + +MIT © Richard McRichface_ \ No newline at end of file diff --git a/examples/yaoba/singletask_learning_yolox_tta/readme/diagram1.png b/examples/yaoba/singletask_learning_yolox_tta/readme/diagram1.png new file mode 100644 index 00000000..37527773 Binary files /dev/null and b/examples/yaoba/singletask_learning_yolox_tta/readme/diagram1.png differ diff --git a/examples/yaoba/singletask_learning_yolox_tta/readme/diagram2.png b/examples/yaoba/singletask_learning_yolox_tta/readme/diagram2.png new file mode 100644 index 00000000..edf48a7e Binary files /dev/null and b/examples/yaoba/singletask_learning_yolox_tta/readme/diagram2.png differ diff --git a/examples/yaoba/singletask_learning_yolox_tta/readme/diagram3.jpg b/examples/yaoba/singletask_learning_yolox_tta/readme/diagram3.jpg new file mode 100644 index 00000000..c25b7ede Binary files /dev/null and b/examples/yaoba/singletask_learning_yolox_tta/readme/diagram3.jpg differ diff --git a/examples/yaoba/singletask_learning_yolox_tta/readme/diagram4.jpg b/examples/yaoba/singletask_learning_yolox_tta/readme/diagram4.jpg new file mode 100644 index 00000000..06261a1a Binary files /dev/null and b/examples/yaoba/singletask_learning_yolox_tta/readme/diagram4.jpg differ diff --git a/examples/yaoba/singletask_learning_yolox_tta/resource/utils/TTA_augs_xyxy_cv2.py b/examples/yaoba/singletask_learning_yolox_tta/resource/utils/TTA_augs_xyxy_cv2.py new file mode 100644 index 00000000..c98a306a --- /dev/null +++ b/examples/yaoba/singletask_learning_yolox_tta/resource/utils/TTA_augs_xyxy_cv2.py @@ -0,0 +1,517 @@ +import cv2 +import PIL +import mmcv +import numpy as np +from PIL import Image +import PIL.ImageOps, PIL.ImageDraw, PIL.ImageEnhance +from collections import OrderedDict + +FILL_COLOR = (0, 0, 0) + + +def xyxy_to_xywh(boxes): + width = boxes[2] - boxes[0] + height = boxes[3] - boxes[1] + return [boxes[0], boxes[1], width, height] + + +def xywh_to_xyxy(boxes): + x = boxes[0] + boxes[2] + y = boxes[1] + boxes[3] + return [boxes[0], boxes[1], x, y] + + +def draw_bboxes(save_dir, img, bboxes): + img_copy = img.copy() + if bboxes: + for bbox in bboxes: + x1, y1 = int(bbox[0]), int(bbox[1]) + x2, y2 = int(bbox[2]), int(bbox[3]) + cv2.rectangle(img_copy, (x1, y1), (x2, y2), (0, 255, 0), 3) + print('show image shape: ', img_copy.shape) + cv2.imwrite(save_dir, img_copy) + + +def TTA_Resize(img, v=(800, 1333), bboxes=None): + img = img.copy() + h, w = img.shape[0], img.shape[1] + m = min(max(v) / max(h, w), min(v) / min(h, w)) + img_aug = cv2.resize(img, (int(w * m + 0.5), int(h * m + 0.5)), cv2.INTER_CUBIC) + # img_aug = padding_square(img_aug, v) + bboxes_aug = [] + if bboxes: + for bbox in bboxes: + x1, y1, x2, y2 = [int(i * m + 0.5) for i in bbox[:]] + bboxes_aug.append([x1, y1, x2, y2]) + return img_aug, bboxes_aug, m + + +def TTA_Resize_mmcv(img, v, bboxes=None): + aug_img, scale_factor = mmcv.imrescale(img, v, return_scale=True) + return aug_img, None, scale_factor + + +def TTA_Resize_re(bboxes, v): + bboxes_aug = [] + for bbox in bboxes: + bbox_aug = [int(i / v + 0.5) for i in bbox] + bboxes_aug.append(bbox_aug) + return bboxes_aug + + +def TTA_Flip(img, v, bboxes=None): + img = img.copy() + width = img.shape[1] + height = img.shape[0] + bboxes_aug = [] + if v == 0: + img_aug = cv2.flip(img, 0) + if bboxes: + for bbox in bboxes: + x1, y1, x2, y2 = [int(i) for i in bbox[:]] + h = y2 - y1 + y1 = height - y2 + y2 = y1 + h + bboxes_aug.append([x1, y1, x2, y2]) + elif v == 1: + img_aug = cv2.flip(img, 1) + if bboxes: + for bbox in bboxes: + x1, y1, x2, y2 = [int(i) for i in bbox[:]] + w = x2 - x1 + x1 = width - x2 + x2 = x1 + w + bboxes_aug.append([x1, y1, x2, y2]) + else: + img_aug = cv2.flip(img, -1) + if bboxes: + for bbox in bboxes: + x1, y1, x2, y2 = [int(i) for i in bbox[:]] + w = x2 - x1 + h = y2 - y1 + x1 = width - x2 + y1 = height - y2 + x2 = x1 + w + y2 = y1 + h + bboxes_aug.append([x1, y1, x2, y2]) + return img_aug, bboxes_aug, [v, img_aug.shape[1], img_aug.shape[0]] + + +def TTA_Flip_re(bboxes, v): + m = v[0] + width = v[1] + height = v[2] + if m == 0: + bboxes_re = [] + if bboxes: + for bbox in bboxes: + x1, y1, x2, y2 = [int(i) for i in bbox[:]] + h = y2 - y1 + y1 = height - y2 + y2 = y1 + h + bboxes_re.append([x1, y1, x2, y2]) + elif m == 1: + bboxes_re = [] + if bboxes: + for bbox in bboxes: + x1, y1, x2, y2 = [int(i) for i in bbox[:]] + w = x2 - x1 + x1 = width - x2 + x2 = x1 + w + bboxes_re.append([x1, y1, x2, y2]) + else: + bboxes_re = [] + if bboxes: + for bbox in bboxes: + x1, y1, x2, y2 = [int(i) for i in bbox[:]] + w = x2 - x1 + h = y2 - y1 + x1 = width - x2 + y1 = height - y2 + x2 = x1 + w + y2 = y1 + h + bboxes_re.append([x1, y1, x2, y2]) + return bboxes_re + + +def TTA_Rotate_no_pad(img, v, bboxes=None): + img = img.copy() + h, w = img.shape[:2] + bboxes_aug = [] + if v == 90: + img_aug = cv2.rotate(img, cv2.ROTATE_90_CLOCKWISE) + if bboxes: + for box in bboxes: + bboxes_aug.append([h - box[1], box[0], h - box[3], box[2]]) + elif v == 180: + img_aug = cv2.rotate(img, cv2.ROTATE_180) + if bboxes: + for box in bboxes: + bboxes_aug.append([w - box[0], h - box[1], w - box[2], h - box[3]]) + else: + img_aug = cv2.rotate(img, cv2.ROTATE_90_COUNTERCLOCKWISE) + if bboxes: + for box in bboxes: + bboxes_aug.append([box[1], w - box[0], box[3], w - box[2]]) + return img_aug, bboxes_aug, [v, img_aug.shape[0], img_aug.shape[1]] + + +def TTA_Rotate_no_pad_re(bboxes, v): + bboxes_re = [] + if bboxes: + if v[0] == 90: + for box in bboxes: + bboxes_re.append([box[1], v[2] - box[0], box[3], v[2] - box[2]]) + elif v[0] == 180: + for box in bboxes: + bboxes_re.append([v[2] - box[0], v[1] - box[1], v[2] - box[2], v[1] - box[3]]) + else: + for box in bboxes: + bboxes_re.append([v[1] - box[1], box[0], v[1] - box[3], box[2]]) + return bboxes_re + + +def TTA_Color(img, v, bboxes=None): # (0, 1) + img = Image.fromarray(img.copy()) + img_aug = PIL.ImageEnhance.Color(img).enhance(v) + return np.array(img_aug), bboxes, v + + +def TTA_Color_mmcv(img, v, bboxes=None): + gray_img = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) + gray_img = np.tile(gray_img[..., None], [1, 1, 3]) + beta = 1 - v + colored_img = cv2.addWeighted(img, v, gray_img, beta, 0) + if not colored_img.dtype == np.uint8: + colored_img = np.clip(colored_img, 0, 255) + return colored_img.astype(img.dtype), bboxes, v + + +def TTA_Color_re(bboxes, v): + return bboxes + + +def TTA_Contrast(img, v, bboxes=None): # (0, 1) + img = Image.fromarray(img.copy()) + img_aug = PIL.ImageEnhance.Contrast(img).enhance(v) + return np.array(img_aug), bboxes, v + + +def TTA_Contrast_mmcv(img, v, bboxes=None): + gray_img = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) + hist = np.histogram(gray_img, 256, (0, 255))[0] + mean = round(np.sum(gray_img) / np.sum(hist)) + degenerated = (np.ones_like(img[..., 0]) * mean).astype(img.dtype) + degenerated = cv2.cvtColor(degenerated, cv2.COLOR_GRAY2BGR) + contrasted_img = cv2.addWeighted( + img.astype(np.float32), v, degenerated.astype(np.float32), + 1 - v, 0) + contrasted_img = np.clip(contrasted_img, 0, 255) + return contrasted_img.astype(img.dtype), bboxes, v + + +def TTA_Contrast_re(bboxes, v): + return bboxes + + +def TTA_Brightness(img, v, bboxes=None): # (0, 1) + img = Image.fromarray(img.copy()) + img_aug = PIL.ImageEnhance.Brightness(img).enhance(v) + return np.array(img_aug), bboxes, v + + +def TTA_Brightness_mmcv(img, v, bboxes=None): + degenerated = np.zeros_like(img) + brightened_img = cv2.addWeighted( + img.astype(np.float32), v, degenerated.astype(np.float32), + 1 - v, 0) + brightened_img = np.clip(brightened_img, 0, 255) + return brightened_img.astype(img.dtype), bboxes, v + + +def TTA_Brightness_re(bboxes, v): + return bboxes + + +def TTA_Sharpness(img, v, bboxes=None): + img = Image.fromarray(img.copy()) + img_aug = PIL.ImageEnhance.Sharpness(img).enhance(v) + return np.array(img_aug), bboxes, v + + +def TTA_Sharpness_re(bboxes, v): + return bboxes + + +def TTA_SHarpness_mmcv(img, v, bboxes=None): + kernel = np.array([[1., 1., 1.], [1., 5., 1.], [1., 1., 1.]]) / 13 + degenerated = cv2.filter2D(img, -1, kernel) + sharpened_img = cv2.addWeighted( + img.astype(np.float32), v, degenerated.astype(np.float32), + 1 - v, 0) + sharpened_img = np.clip(sharpened_img, 0, 255) + return sharpened_img.astype(img.dtype), bboxes, v + + +def TTA_AutoContrast(img, v, bboxes=None): + img = Image.fromarray(img.copy()) + cutoff = abs(v) + img_aug = PIL.ImageOps.autocontrast(img, cutoff) + return np.array(img_aug), bboxes, v + + +def TTA_AutoContrast_re(bboxes, v): + return bboxes + + +def TTA_AutoContrast_mmcv(img, v, bboxes=None): + def _auto_contrast_channel(im, c, cutoff): + im = im[:, :, c] + # Compute the histogram of the image channel. + histo = np.histogram(im, 256, (0, 255))[0] + # Remove cut-off percent pixels from histo + histo_sum = np.cumsum(histo) + cut_low = histo_sum[-1] * cutoff[0] // 100 + cut_high = histo_sum[-1] - histo_sum[-1] * cutoff[1] // 100 + histo_sum = np.clip(histo_sum, cut_low, cut_high) - cut_low + histo = np.concatenate([[histo_sum[0]], np.diff(histo_sum)], 0) + + # Compute mapping + low, high = np.nonzero(histo)[0][0], np.nonzero(histo)[0][-1] + # If all the values have been cut off, return the origin img + if low >= high: + return im + scale = 255.0 / (high - low) + offset = -low * scale + lut = np.array(range(256)) + lut = lut * scale + offset + lut = np.clip(lut, 0, 255) + return lut[im] + + if isinstance(v, (int, float)): + cutoff = (v, v) + else: + assert isinstance(v, tuple), 'cutoff must be of type int, ' \ + f'float or tuple, but got {type(v)} instead.' + # Auto adjusts contrast for each channel independently and then stacks + # the result. + s1 = _auto_contrast_channel(img, 0, cutoff) + s2 = _auto_contrast_channel(img, 1, cutoff) + s3 = _auto_contrast_channel(img, 2, cutoff) + contrasted_img = np.stack([s1, s2, s3], axis=-1) + return contrasted_img.astype(img.dtype), bboxes, v + + +def TTA_Equalize(img, v, bboxes=None): + img = Image.fromarray(img.copy()) + img_aug = PIL.ImageOps.equalize(img) + return np.array(img_aug), bboxes, v + + +def TTA_Equalize_mmcv(img, v, bboxes=None): + def _scale_channel(im, c): + im = im[:, :, c] + histo = np.histogram(im, 256, (0, 255))[0] + nonzero_histo = histo[histo > 0] + step = (np.sum(nonzero_histo) - nonzero_histo[-1]) // 255 + if not step: + lut = np.array(range(256)) + else: + lut = (np.cumsum(histo) + (step // 2)) // step + lut = np.concatenate([[0], lut[:-1]], 0) + lut[lut > 255] = 255 + return np.where(np.equal(step, 0), im, lut[im]) + + s1 = _scale_channel(img, 0) + s2 = _scale_channel(img, 1) + s3 = _scale_channel(img, 2) + equalized_img = np.stack([s1, s2, s3], axis=-1) + return equalized_img.astype(img.dtype), bboxes, v + + +def TTA_Equalize_re(bboxes, v): + return bboxes + + +def TTA_Grey(img, v, bboxes=None): + img = img.copy() + img_aug = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) + img_aug = cv2.cvtColor(img_aug, cv2.COLOR_GRAY2BGR) + return img_aug, bboxes, v + + +def TTA_Grey_re(bboxes, v): + return bboxes + + +def TTA_Invert(img, v, bboxes=None): + img = img.copy() + img_aug = 255 - img + return img_aug, bboxes, v + + +def TTA_Invert_re(bboxes, v): + return bboxes + + +def TTA_Posterize(img, v, bboxes=None): + v = int(8 - abs(v) * 7) + img = Image.fromarray(img.copy()) + img_aug = PIL.ImageOps.posterize(img, v) + return np.array(img_aug), bboxes, v + + +def TTA_Posterize_mmcv(img, v, bboxes=None): + shift = 8 - int(abs(8 * v)) + img = np.left_shift(np.right_shift(img, shift), shift) + return img, bboxes, v + + +def TTA_Posterize_re(bboxes, v): + return bboxes + + +def TTA_Solarize(img, v, bboxes=None): + v = int((1 - abs(v)) * 255) + img = Image.fromarray(img.copy()) + img_aug = PIL.ImageOps.solarize(img, v) + return np.array(img_aug), bboxes, v + + +def TTA_Solarize_mmcv(img, v, bboxes=None): + v = int((1 - abs(v)) * 255) + img = np.where(img < v, img, 255 - img) + return img, bboxes, v + + +def TTA_Solarize_re(bboxes, v): + return bboxes + + +def TTA_HSV(img, v, bboxes=None): + img = img.copy() + img_aug = cv2.cvtColor(img, cv2.COLOR_BGR2HSV) + return img_aug, bboxes, v + + +def TTA_HSV_re(bboxes, v): + return bboxes + + +def TTA_PepperNoise(img, v, bboxes=None): + img = img.copy() + per = abs(v) / 2 + pix = img.shape[0] * img.shape[1] + num = int(pix * per * 0.5) + coords = [np.random.randint(0, i - 1, num) for i in img.shape[:2]] + img[coords[0], coords[1], :] = [255, 255, 255] + coords = [np.random.randint(0, i - 1, num) for i in img.shape[:2]] + img[coords[0], coords[1], :] = [0, 0, 0] + return img, bboxes, v + + +def TTA_PepperNoise_re(bboxes, v): + return bboxes + + +def TTA_GaussNoise(img, v, bboxes=None): + img = img.copy() + mean = 0 + sigma = abs(v) * 100 + gauss = np.random.normal(mean, sigma, (img.shape[0], img.shape[1], img.shape[2])) + noisy_img = img + gauss + noisy_img = np.clip(noisy_img, a_min=0, a_max=255) + return np.uint8(noisy_img), bboxes, v + + +def TTA_GaussNoise_re(bboxes, v): + return bboxes + + +def printf(x): + print(x) + exit(0) + + +def padding_square(img, out_size): + h, w = img.shape[:2] + ret = cv2.copyMakeBorder(img, 0, out_size[0] - h, 0, out_size[1] - w, cv2.BORDER_CONSTANT, value=FILL_COLOR) + return ret + + +def topleftxywh_to_xyxy(boxes): + """ + args: + boxes:list of topleft_x,topleft_y,width,height, + return: + boxes:list of x,y,x,y,cooresponding to top left and bottom right + """ + x_top_left = boxes[0] + y_top_left = boxes[1] + x_bottom_right = boxes[0] + boxes[2] + y_bottom_right = boxes[1] + boxes[3] + return [x_top_left, y_top_left, x_bottom_right, y_bottom_right] + + +def TTA_Aug_List(): + return [TTA_Resize, TTA_Flip, TTA_Rotate_no_pad, TTA_Color, TTA_Contrast, TTA_Brightness, TTA_Sharpness, + TTA_AutoContrast, TTA_Equalize, TTA_Grey, TTA_Invert, TTA_Posterize, TTA_Solarize, TTA_HSV, TTA_PepperNoise, + TTA_GaussNoise] + + +def TTA_Aug_Space(resolution=(640, 640), size_divisor=32): + ''' + 0 TTA_Resize + 1 TTA_Flip + 2 TTA_Rotate_no_pad + 3 TTA_Color + 4 TTA_Contrast + 5 TTA_Brightness + 6 TTA_Sharpness + 7 TTA_AutoContrast + 8 TTA_Equalize + 9 TTA_Grey + 10 TTA_Invert + 11 TTA_Posterize + 12 TTA_Solarize + 13 TTA_HSV + 14 TTA_PepperNoise + 15 TTA_GaussNoise + ''' + default_aug_space = [ + (1, 0), (1, 1), (1, -1), + (2, 90), (2, 180), (2, 270), + (3, 0.2), (3, 0.3), (3, 0.4), (3, 0.5), (3, 0.6), (3, 0.7), (3, 0.8), + (4, 0.2), (4, 0.3), (4, 0.4), (4, 0.5), (4, 0.6), (4, 0.7), (4, 0.8), + (5, 0.2), (5, 0.3), (5, 0.4), (5, 0.5), (5, 0.6), (5, 0.7), (5, 0.8), + (6, 0.2), (6, 0.3), (6, 0.4), (6, 0.5), (6, 0.6), (6, 0.7), (6, 0.8), + (7, 0.2), (7, 0.3), (7, 0.4), (7, 0.5), (7, 0.6), (7, 0.7), (7, 0.8), + (8, 1), + (9, 1), + (10, 1), + (11, 0.2), (11, 0.3), (11, 0.4), (11, 0.5), (11, 0.6), (11, 0.7), (11, 0.8), + (12, 0.2), (12, 0.3), (12, 0.4), (12, 0.5), (12, 0.6), (12, 0.7), (12, 0.8), + (13, 1), + (14, 0.2), (14, 0.3), (14, 0.4), (14, 0.5), (14, 0.6), (14, 0.7), (14, 0.8), + (15, 0.2), (15, 0.3), (15, 0.4), (15, 0.5), (15, 0.6), (15, 0.7), (15, 0.8) + ] + forward_resolution_space = [(0, (resolution[0] + (i * size_divisor), resolution[1] + (i * size_divisor))) for i in range(8)] + backward_resolution_space = [(0, (resolution[0] - (i * size_divisor), resolution[1] - (i * size_divisor))) for i in range(8)] + forward_resolution_space.extend(backward_resolution_space) + unique_resolution_space = list(OrderedDict.fromkeys(forward_resolution_space)) + unique_resolution_space.extend(default_aug_space) + return unique_resolution_space + + +def Test_Aug_Space(): + return [(0, (672, 672)), + (1, -1), + (2, 90), + (3, 0.4), + (4, 0.2), + (5, 0.2), + (6, 0.2), + (7, 0.2), + (8, 1), + (9, 1), + ] diff --git a/examples/yaoba/singletask_learning_yolox_tta/resource/utils/TTA_strategy.py b/examples/yaoba/singletask_learning_yolox_tta/resource/utils/TTA_strategy.py new file mode 100644 index 00000000..2780af01 --- /dev/null +++ b/examples/yaoba/singletask_learning_yolox_tta/resource/utils/TTA_strategy.py @@ -0,0 +1,199 @@ +import os.path +import warnings + +warnings.filterwarnings("ignore") +from .general_TTA_v5 import * +from itertools import zip_longest, combinations, permutations +import sys + +sys.path.append("/home/wjj/wjj/Public/code/huawei") + +augment_list = TTA_Aug_List() + + +class TTA_Strategy(object): + def __init__(self, model, val_image_path, val_anno_path, log_dir, worker=4, nms_thr=0.5): + self.default_img_size = None # will override by _prepare_for_search() + self.model = self._prepare_for_search(model, val_anno_path, val_image_path) + self.val_image_path = val_image_path + self.val_anno_path = val_anno_path + self.augments = TTA_Aug_List() + self.augments_space = TTA_Aug_Space(resolution=self.default_img_size, size_divisor=32) + # self.augments_space =Test_Aug_Space() + if not os.path.exists(log_dir): + os.mkdir(log_dir) + self.log_dir = log_dir + self.nms_thr = nms_thr + self.worker = worker + + def search_single_strategy(self, top_num): + val_aug_results = [] + log_txt = open(os.path.join(self.log_dir, "single_log.txt"), 'w') + for idx, parameter in tqdm(self.augments_space): + method = self.augments[idx] + v = parameter + if method.__name__ != 'TTA_Resize': + augs = [[('TTA_Resize', self.default_img_size)], + [('TTA_Resize', self.default_img_size), (method.__name__, v)], ] + else: + augs = [[('TTA_Resize', self.default_img_size)], + [(method.__name__, v)], ] + print(augs) + ap, _ = model_TTA_infer(model=self.model, + img_path=self.val_image_path, + anno_path=self.val_anno_path, + augs=augs, + worker=self.worker, + nms_thr=self.nms_thr) + log_txt.write(str(augs) + ' ' + str(round(ap, 3)) + '\n') + val_aug_results.append(ap) + val_aug_results_np = np.array(val_aug_results) + sort_idx = np.flipud(val_aug_results_np.argsort()) + single_method_idx_top = [] + single_method_name_top = [] + single_factor_top = [] + single_ap_top = [] + for idx in sort_idx: + method_index = self.augments_space[idx][0] + method_name = self.augments[self.augments_space[idx][0]].__name__ + v = self.augments_space[idx][1] + ap = val_aug_results_np[idx] + if method_index not in single_method_idx_top: + single_method_idx_top.append(method_index) + single_method_name_top.append(method_name) + single_factor_top.append(v) + single_ap_top.append(ap) + else: + site = single_method_idx_top.index(method_index) + if ap > single_ap_top[site]: + single_factor_top[site] = v + single_ap_top[site] = ap + if len(single_method_idx_top) == top_num: + break + self._write_single_log(single_method_name_top, single_factor_top, single_ap_top, "search_single_strategy.txt") + return list(zip_longest(single_method_name_top, single_factor_top)) + + def search_cascade_strategy(self, single_top_strategies, cascade_num=3, top_num=5): + cascade_strategies = [] + for num in range(1, cascade_num + 1): + cascade_strategies.extend(list(permutations(single_top_strategies, num))) + cascade_ap = [] + strategy_log = [] + for strategy in tqdm(cascade_strategies): + strategy_list = list(strategy) + tmp = False + for s in strategy_list: + if s[0] == 'TTA_Resize': + tmp = True + augs = [[('TTA_Resize', self.default_img_size)]] + if tmp: + augs.append(strategy_list) + else: + strategy_list.insert(0, ('TTA_Resize', self.default_img_size)) + augs.append(strategy_list) + strategy_log.append(strategy_list) + print(augs) + ap, _ = model_TTA_infer(model=self.model, + img_path=self.val_image_path, + anno_path=self.val_anno_path, + augs=augs, + worker=self.worker, + nms_thr=self.nms_thr + ) + cascade_ap.append(ap) + cascade_ap_np = np.array(cascade_ap) + sort_idx = np.flipud(cascade_ap_np.argsort()) + cascade_method_top = [] + cascade_ap_top = [] + for idx in sort_idx[:top_num]: + cascade_method_top.append(strategy_log[idx]) + cascade_ap_top.append(cascade_ap[idx]) + self._write_cascade_log(cascade_method_top, cascade_ap_top, "search_cascade_strategy.txt") + return cascade_method_top + + def search_combine_single_strategy(self, single_top_strategies, top_num, ): + combine_strategies = [] + for num in range(2, len(single_top_strategies) + 1): + for combine_strategy in combinations(single_top_strategies, num): + combine_strategies.append(list(combine_strategy)) + log_txt = open(os.path.join(self.log_dir, "combine_single_log.txt"), 'w') + combine_single_ap = [] + combine_strategies_log = [] + for c_s in tqdm(combine_strategies): + augs = [[('TTA_Resize', self.default_img_size)]] + for s in c_s: + if s[0] == 'TTA_Resize': + augs.append([s]) + else: + new_s = [('TTA_Resize', self.default_img_size)] + new_s.append(s) + augs.append(new_s) + print(augs) + combine_strategies_log.append(augs) + ap, _ = model_TTA_infer(model=self.model, + img_path=self.val_image_path, + anno_path=self.val_anno_path, + augs=augs, + worker=self.worker, + nms_thr=self.nms_thr + ) + combine_single_ap.append(ap) + log_txt.write(str(augs) + ' ' + '\n') + combine_single_ap_np = np.array(combine_single_ap) + sort_idx = np.flipud(combine_single_ap_np.argsort()) + combine_single_method_top = [] + combine_single_ap_top = [] + for idx in sort_idx[:top_num]: + combine_single_method_top.append(combine_strategies_log[idx]) + combine_single_ap_top.append(combine_single_ap[idx]) + self._write_combine_log(combine_single_method_top, "search_combine_single_strategy.txt") + return combine_single_method_top + + def _prepare_for_search(self, model, val_anno_path, val_img_prefix): + model_cfg = copy.deepcopy(model.cfg) + + # Get the default image resolution of the model + for p in model_cfg.data.test.pipeline: + if p['type'] == 'MultiScaleFlipAug': + self.default_img_size = p['img_scale'] + if not hasattr(self, "default_img_size"): + raise ValueError("can not find img_scale model cfg") + + # Override the data.test part in cfg with the validation set info. + model_cfg.data.test.ann_file = val_anno_path + model_cfg.data.test.img_prefix = val_img_prefix + test_transforms = model_cfg.data.test.pipeline[1].transforms + + # Remove the Resize and flip operations from the original test_pipeline. + new_test_transforms = [i for i in test_transforms if i['type'] not in ['Resize', 'RandomFlip']] + model_cfg.data.test.pipeline[1].transforms = new_test_transforms + model.cfg = model_cfg + return model + + def _write_single_log(self, method_name_list, method_factor_list, method_ap_list, out_name): + fp = open(os.path.join(self.log_dir, out_name), 'w') + for i in range(len(method_name_list)): + fp.write(f"{method_name_list[i]} {method_factor_list[i]} {method_ap_list[i]}\n") + fp.close() + + def _write_cascade_log(self, method_name_list, method_ap_list, out_name): + fp = open(os.path.join(self.log_dir, out_name), 'w') + for i in range(len(method_name_list)): + fp.write(f"{method_name_list[i]} {method_ap_list[i]}\n") + fp.close() + + def _write_combine_log(self, method_idx_list, out_name): + fp = open(os.path.join(self.log_dir, out_name), 'w') + for method_sequence in method_idx_list: + for method in method_sequence: + name, factor = method[0], method[1] + method_idx = -1 + for i in range(len(augment_list)): + if augment_list[i].__name__ == name: + method_idx = i + if isinstance(factor, tuple): + factor = f"{factor[0]}.{factor[1]}" + else: + factor = str(factor) + fp.write(f"{str(method_idx)},{factor};") + fp.write("\n") diff --git a/examples/yaoba/singletask_learning_yolox_tta/resource/utils/__init__.py b/examples/yaoba/singletask_learning_yolox_tta/resource/utils/__init__.py new file mode 100644 index 00000000..e69de29b diff --git a/examples/yaoba/singletask_learning_yolox_tta/resource/utils/demo.py b/examples/yaoba/singletask_learning_yolox_tta/resource/utils/demo.py new file mode 100644 index 00000000..96cb2792 --- /dev/null +++ b/examples/yaoba/singletask_learning_yolox_tta/resource/utils/demo.py @@ -0,0 +1,41 @@ +import torch +import sys + +sys.path.append('/home/wjj/wjj/Public/code/ianvs') +from mmdet.apis import init_detector + +from custom_ianvs.test_time_aug.TTA_augs_xyxy_cv2 import TTA_Aug_List, TTA_Aug_Space +from custom_ianvs.test_time_aug.TTA_strategy import TTA_Strategy +from custom_ianvs.test_time_aug.general_TTA_v5 import model_TTA_infer + +if __name__ == '__main__': + torch.multiprocessing.set_start_method('spawn') + yolo_model = init_detector(r"/home/wjj/wjj/Public/code/ianvs/custom_ianvs/mmdet_related/yolox_s_8x8_300e_yaoba.py", + r"/home/wjj/wjj/Public/code/ianvs/custom_ianvs/mmdet_related/epoch_300.pth", + 'cuda:0') + search_agent = TTA_Strategy(model=yolo_model, + val_image_path="/media/huawei_YaoBa/Images", + val_anno_path="/home/wjj/wjj/Public/code/ianvs/dataset/yaoba/yaoba_tta/val.json", + augments=TTA_Aug_List(), + augments_space=TTA_Aug_Space(), + log_dir="/home/wjj/wjj/Public/code/ianvs/custom_ianvs/test_time_aug/log", + worker=6 + ) + search_agent.search_single_strategy(top_num=5) + single_strategies = [('TTA_Resize', (800, 800)), + ('TTA_Flip', -1), + ('TTA_AutoContrast', 0.3), + ('TTA_Sharpness', 0.5), + ('TTA_Brightness', 0.7)] + search_agent.search_cascade_strategy(single_strategies, cascade_num=3, top_num=5) + search_agent.search_combine_single_strategy(single_strategies, top_num=3) + # 多进程推理 + model_TTA_infer(model=yolo_model, + img_path="/media/huawei_YaoBa/Images", + anno_path="/home/wjj/wjj/Public/code/ianvs/dataset/yaoba/yaoba_tta/test.json", + augs=[ + [('TTA_Resize', (640, 640))], + [('TTA_Brightness', (640, 640)), ] + ], + worker=4, + nms_thr=0.5) diff --git a/examples/yaoba/singletask_learning_yolox_tta/resource/utils/general_TTA_v4.py b/examples/yaoba/singletask_learning_yolox_tta/resource/utils/general_TTA_v4.py new file mode 100644 index 00000000..b79c62e1 --- /dev/null +++ b/examples/yaoba/singletask_learning_yolox_tta/resource/utils/general_TTA_v4.py @@ -0,0 +1,205 @@ +import time +from multiprocessing import Pool +import warnings + +warnings.filterwarnings("ignore") +import copy +from mmdet.datasets import build_dataset +import json +import os +from mmdet.core.post_processing.bbox_nms import batched_nms +import torch +from mmdet.core import bbox2result +from tqdm import tqdm +from mmdet.apis import init_detector, inference_detector +from .TTA_augs_xyxy_cv2 import * + +torch.set_printoptions(sci_mode=False) +IOU_THR = 0.5 + + +# 与V3版本相比,改变了eval_map部分,主要为了解决内网数据集存在正样本的情况 +# 这个版本的eval_map跟mmdet的test对齐,而不是调用eval_map的API +def topleftxywh_to_xyxy(boxes): + """ + args: + boxes:list of topleft_x,topleft_y,width,height, + return: + boxes:list of x,y,x,y,cooresponding to top left and bottom right + """ + x_top_left = boxes[0] + y_top_left = boxes[1] + x_bottom_right = boxes[0] + boxes[2] + y_bottom_right = boxes[1] + boxes[3] + return [x_top_left, y_top_left, x_bottom_right, y_bottom_right] + + +def model_TTA_infer(model, img_path, anno_path, augs=None, worker=4, nms_thr=0.5): + # 读取标注信息 + with open(anno_path, 'r', encoding='utf-8') as fp: + labels = json.load(fp) + + pending_infer_images = labels['images'] # 待预测的图片列表 + + # 进度条显示 + pbar = tqdm(total=len(pending_infer_images)) + pbar.set_description('progress bar') + update = lambda *args: pbar.update() + + # 多进程执行 TTA 预测 + with Pool(processes=worker) as pool: + tasks = [] + for img_file in pending_infer_images: + single_img_path = os.path.join(img_path, img_file['file_name']) + task = pool.apply_async(TTA_single_img, (model, single_img_path, augs, nms_thr), callback=update) + tasks.append(task) + merged_results = [task.get() for task in tasks] + + # 计算平均精度值 + dataset = model.cfg.data.test + ap = eval_ap_coco(dataset, merged_results) + + return ap, None + + +def eval_ap_coco(dataset_config, predict_results): + dataset_config.test_mode = True + dataset = build_dataset(dataset_config) + predict_results = [i['result'] for i in predict_results] + metric = dataset.evaluate(predict_results) + return metric['bbox_mAP_50'] + + +def TTA_single_img(model, img_path, augs, nms_thr=0.5): + """对单张图片进行 TTA 预测 + + Args: + model (nn.Module): 模型 + img_path (str): 图片路径 + augs (list[list[tuple]]): 图像增广列表,每个元素为一个变换方法及其参数列表 + nms_thr (float, optional): NMS 阈值. 默认是 to 0.5. + Returns: + dict: 预测结果字典,包含图片名和预测框等信息 + """ + # 读取图片 + orig_img = mmcv.imread(img_path) + + # 存储所有变换的预测结果 + total_bboxes = [] # 所有变换后的预测框 + total_scores = [] # 所有变换后的预测框得分 + total_idxs = [] # 所有变换后的预测框所属类别索引 + + # 对每种图像增广方式进行 TTA 预测 + for aug in augs: + # 对原图像进行深拷贝 + img = copy.deepcopy(orig_img) + + # 存储当前 augment 中所有的变换方法和对应参数 + factors = [] # 所有变换因子(例如缩放倍数、旋转角度等) + methods = [] # 所有变换方法名称 + + # 对当前 augment 中所有的变换方法进行遍历 + for transform in aug: + method, v = transform[0], transform[1] + img, factor = TTA_aug_single_img(img, method, v) + factors.append(factor) + methods.append(method) + + # 将 factors 和 methods 列表中的元素反转,以便逆向执行各个变换 + factors.reverse() + methods.reverse() + + # 进行预测并还原预测框坐标 + predict_result = inference_detector(model, img) + for idx, results in enumerate(predict_result): + if len(results) > 0: + for result in results: + # 还原当前预测框的坐标至原始图像中 + recover_box = [result[:-1]] + for method, factor in zip(methods, factors): + recover_box = mapping_bboxes_back(recover_box, method, factor) + + # 组合所有变换后的预测结果 + total_bboxes.append(recover_box[0]) + total_scores.append(result[-1]) + total_idxs.append(idx) + + # 对所有变换后的预测框进行 NMS 并将结果保存到 merged_result 中 + total_bboxes = np.asarray(total_bboxes) + total_scores = np.asarray(total_scores) + total_idxs = np.asarray(total_idxs) + total_bboxes = torch.from_numpy(total_bboxes).float().to("cuda:0") + total_scores = torch.from_numpy(total_scores).float().to("cuda:0") + total_idxs = torch.from_numpy(total_idxs).int().to("cuda:0") + if len(total_bboxes) == 0: + merged_dict = dict(name=os.path.basename(img_path), result=predict_result) + return merged_dict + else: + kept_bboxes, keep = batched_nms(total_bboxes, total_scores, total_idxs, + nms_cfg=dict(type='nms', iou_threshold=nms_thr)) + merged_result = bbox2result(kept_bboxes, total_idxs[keep], len(predict_result)) + merged_dict = dict(name=os.path.basename(img_path), result=merged_result) + + return merged_dict + + + +def TTA_aug_single_img(img, method, factor): + """对单张图片应用指定的数据增强方法. + + Args: + img (ndarray): 待增强的图像数组. + method (str): 数据增强方法名称. + factor (float): 方法强度. + + Returns: + tuple: 增强后的图像数组和方法强度. + """ + methods = { + 'TTA_Rotate_no_pad': TTA_Rotate_no_pad, + 'TTA_Brightness': TTA_Brightness, + 'TTA_Flip': TTA_Flip, + 'TTA_Resize': TTA_Resize_mmcv, + 'TTA_Color': TTA_Color, + 'TTA_Contrast': TTA_Contrast, + 'TTA_Sharpness': TTA_Sharpness, + 'TTA_AutoContrast': TTA_AutoContrast, + 'TTA_Equalize': TTA_Equalize, + 'TTA_Invert': TTA_Invert, + 'TTA_Posterize': TTA_Posterize, + 'TTA_Solarize': TTA_Solarize, + 'TTA_HSV': TTA_HSV, + 'TTA_PepperNoise': TTA_PepperNoise, + 'TTA_GaussNoise': TTA_GaussNoise, + 'TTA_Grey': TTA_Grey + } + + try: + aug_func = methods[method] + except KeyError: + raise ValueError('未实现的数据增强方法') + + aug_img, _, factors = aug_func(img, factor) + return aug_img, factors + + + +def mapping_bboxes_back(bboxes, method, factor): + """根据指定的方法和强度反向映射边界框. + Args: + bboxes (list): 边界框列表. + method (str): 反向映射方法. + factor (float): 方法对应强度. + Returns: + list: 映射回原始尺寸的边界框列表. + """ + methods = { + 'TTA_Rotate_no_pad': TTA_Rotate_no_pad_re, + 'TTA_Flip': TTA_Flip_re, + 'TTA_Resize': TTA_Resize_re + } + + if method in methods: + return methods[method](bboxes, factor) + else: + return bboxes diff --git a/examples/yaoba/singletask_learning_yolox_tta/resource/utils/general_TTA_v5.py b/examples/yaoba/singletask_learning_yolox_tta/resource/utils/general_TTA_v5.py new file mode 100644 index 00000000..7a183f77 --- /dev/null +++ b/examples/yaoba/singletask_learning_yolox_tta/resource/utils/general_TTA_v5.py @@ -0,0 +1,183 @@ +import time +from multiprocessing import Pool +import warnings + +warnings.filterwarnings("ignore") +import copy +from mmdet.datasets import build_dataset +import json +import os +from mmdet.core.post_processing.bbox_nms import batched_nms +import torch +from mmdet.core import bbox2result +from tqdm import tqdm +from mmdet.apis import inference_detector +from .TTA_augs_xyxy_cv2 import * + +torch.set_printoptions(sci_mode=False) + + +# 与V4版本相比,获取传入模型的cuda信息来决定用哪个cuda算,同时去掉model_TTA_infer内部的进度条, +# 进度条让TTA_strategy展示,这样方便看整体进度 + + +def model_TTA_infer(model, img_path, anno_path, augs=None, worker=4, nms_thr=0.5): + # 读取标注信息 + with open(anno_path, 'r', encoding='utf-8') as fp: + labels = json.load(fp) + pending_infer_images = labels['images'] # 待预测的图片列表 + # 多进程执行 TTA 预测 + with Pool(processes=worker) as pool: + tasks = [] + for img_file in pending_infer_images: + single_img_path = os.path.join(img_path, img_file['file_name']) + task = pool.apply_async(TTA_single_img, (model, single_img_path, augs, nms_thr)) + tasks.append(task) + merged_results = [task.get() for task in tasks] + pool.close() + pool.join() + # 计算平均精度值 + dataset = model.cfg.data.test + ap = eval_ap_coco(dataset, merged_results) + + return ap, None + + +def TTA_single_img(model, img_path, augs, nms_thr=0.5): + """对单张图片进行 TTA 预测 + + Args: + model (nn.Module): 模型 + img_path (str): 图片路径 + augs (list[list[tuple]]): 图像增广列表,每个元素为一个变换方法及其参数列表 + nms_thr (float, optional): NMS 阈值. 默认是 to 0.5. + Returns: + dict: 预测结果字典,包含图片名和预测框等信息 + """ + # 读取图片 + orig_img = mmcv.imread(img_path) + # 存储所有变换的预测结果 + total_bboxes = [] # 所有变换后的预测框 + total_scores = [] # 所有变换后的预测框得分 + total_idxs = [] # 所有变换后的预测框所属类别索引 + + # 对每种图像增广方式进行 TTA 预测 + for aug in augs: + # 对原图像进行深拷贝 + img = copy.deepcopy(orig_img) + + # 存储当前 augment 中所有的变换方法和对应参数 + factors = [] # 所有变换因子(例如缩放倍数、旋转角度等) + methods = [] # 所有变换方法名称 + + # 对当前 augment 中所有的变换方法进行遍历 + for transform in aug: + method, v = transform[0], transform[1] + img, factor = TTA_aug_single_img(img, method, v) + factors.append(factor) + methods.append(method) + + # 将 factors 和 methods 列表中的元素反转,以便逆向执行各个变换 + factors.reverse() + methods.reverse() + + # 进行预测并还原预测框坐标 + predict_result = inference_detector(model, img) + for idx, results in enumerate(predict_result): + if len(results) > 0: + for result in results: + # 还原当前预测框的坐标至原始图像中 + recover_box = [result[:-1]] + for method, factor in zip(methods, factors): + recover_box = mapping_bboxes_back(recover_box, method, factor) + + # 组合所有变换后的预测结果 + total_bboxes.append(recover_box[0]) + total_scores.append(result[-1]) + total_idxs.append(idx) + + # 对所有变换后的预测框进行 NMS 并将结果保存到 merged_result 中 + total_bboxes = np.asarray(total_bboxes) + total_scores = np.asarray(total_scores) + total_idxs = np.asarray(total_idxs) + total_bboxes = torch.from_numpy(total_bboxes).float().to(f"cuda:0") + total_scores = torch.from_numpy(total_scores).float().to(f"cuda:0") + total_idxs = torch.from_numpy(total_idxs).int().to(f"cuda:0") + if len(total_bboxes) == 0: + merged_dict = dict(name=os.path.basename(img_path), result=predict_result) + return merged_dict + else: + kept_bboxes, keep = batched_nms(total_bboxes, total_scores, total_idxs, + nms_cfg=dict(type='nms', iou_threshold=nms_thr)) + merged_result = bbox2result(kept_bboxes, total_idxs[keep], len(predict_result)) + merged_dict = dict(name=os.path.basename(img_path), result=merged_result) + + return merged_dict + + +def TTA_aug_single_img(img, method, factor): + """对单张图片应用指定的数据增强方法. + + Args: + img (ndarray): 待增强的图像数组. + method (str): 数据增强方法名称. + factor (float): 方法强度. + + Returns: + tuple: 增强后的图像数组和方法强度. + """ + methods = { + 'TTA_Rotate_no_pad': TTA_Rotate_no_pad, + 'TTA_Brightness': TTA_Brightness, + 'TTA_Flip': TTA_Flip, + 'TTA_Resize': TTA_Resize_mmcv, + 'TTA_Color': TTA_Color, + 'TTA_Contrast': TTA_Contrast, + 'TTA_Sharpness': TTA_Sharpness, + 'TTA_AutoContrast': TTA_AutoContrast, + 'TTA_Equalize': TTA_Equalize, + 'TTA_Invert': TTA_Invert, + 'TTA_Posterize': TTA_Posterize, + 'TTA_Solarize': TTA_Solarize, + 'TTA_HSV': TTA_HSV, + 'TTA_PepperNoise': TTA_PepperNoise, + 'TTA_GaussNoise': TTA_GaussNoise, + 'TTA_Grey': TTA_Grey + } + + try: + aug_func = methods[method] + except KeyError: + raise ValueError('未实现的数据增强方法') + + aug_img, _, factors = aug_func(img, factor) + return aug_img, factors + + +def eval_ap_coco(dataset_config, predict_results): + dataset_config.test_mode = True + dataset = build_dataset(dataset_config) + predict_results = [i['result'] for i in predict_results] + metric = dataset.evaluate(predict_results) + return metric['bbox_mAP_50'] + + +def mapping_bboxes_back(bboxes, method, factor): + """根据指定的方法和强度反向映射边界框. + Args: + bboxes (list): 边界框列表. + method (str): 反向映射方法. + factor (float): 方法对应强度. + Returns: + list: 映射回原始尺寸的边界框列表. + """ + methods = { + 'TTA_Rotate_no_pad': TTA_Rotate_no_pad_re, + 'TTA_Flip': TTA_Flip_re, + 'TTA_Resize': TTA_Resize_re + } + + if method in methods: + return methods[method](bboxes, factor) + else: + return bboxes diff --git a/examples/yaoba/singletask_learning_yolox_tta/resource/yolox_s_8x8_300e_yaoba.py b/examples/yaoba/singletask_learning_yolox_tta/resource/yolox_s_8x8_300e_yaoba.py new file mode 100644 index 00000000..6d7cf12a --- /dev/null +++ b/examples/yaoba/singletask_learning_yolox_tta/resource/yolox_s_8x8_300e_yaoba.py @@ -0,0 +1,215 @@ +optimizer = dict( + type='SGD', + lr=0.01, + momentum=0.9, + weight_decay=0.0005, + nesterov=True, + paramwise_cfg=dict(norm_decay_mult=0.0, bias_decay_mult=0.0)) +optimizer_config = dict(grad_clip=None) +lr_config = dict( + policy='YOLOX', + warmup='exp', + by_epoch=False, + warmup_by_epoch=True, + warmup_ratio=1, + warmup_iters=5, + num_last_epochs=15, + min_lr_ratio=0.05) +runner = dict(type='EpochBasedRunner', max_epochs=300) +checkpoint_config = dict(interval=50) +log_config = dict(interval=5, hooks=[dict(type='TextLoggerHook')]) +custom_hooks = [ + dict(type='YOLOXModeSwitchHook', num_last_epochs=15, priority=48), + dict(type='SyncNormHook', num_last_epochs=15, interval=10, priority=48), + dict( + type='ExpMomentumEMAHook', + resume_from=None, + momentum=0.0001, + priority=49) +] +dist_params = dict(backend='nccl') +log_level = 'INFO' +load_from = None +resume_from = None +workflow = [('train', 1)] +opencv_num_threads = 0 +mp_start_method = 'fork' +auto_scale_lr = dict(enable=False, base_batch_size=64) +classes = ('yanse', 'huahen', 'mosun') +img_scale = (640, 640) +model = dict( + type='YOLOX', + input_size=(640, 640), + random_size_range=(15, 25), + random_size_interval=10, + backbone=dict(type='CSPDarknet', deepen_factor=0.33, widen_factor=0.5), + neck=dict( + type='YOLOXPAFPN', + in_channels=[128, 256, 512], + out_channels=128, + num_csp_blocks=1), + bbox_head=dict( + type='YOLOXHead', num_classes=3, in_channels=128, feat_channels=128), + train_cfg=dict(assigner=dict(type='SimOTAAssigner', center_radius=2.5)), + test_cfg=dict(score_thr=0.01, nms=dict(type='nms', iou_threshold=0.65))) +data_root = 'data/coco/' +dataset_type = 'CocoDataset' +train_dataset = dict( + type='MultiImageMixDataset', + dataset=dict( + type='CocoDataset', + classes=('yanse', 'huahen', 'mosun'), + ann_file= + '/home/wjj/wjj/Public/code/huawei/experiments/23-02-18_yaoba/yolox/train.json', + img_prefix='/media/huawei_YaoBa/Images', + pipeline=[ + dict(type='LoadImageFromFile'), + dict(type='LoadAnnotations', with_bbox=True) + ], + filter_empty_gt=False), + pipeline=[ + dict(type='Mosaic', img_scale=(640, 640), pad_val=114.0), + dict( + type='RandomAffine', + scaling_ratio_range=(0.1, 2), + border=(-320, -320)), + dict( + type='MixUp', + img_scale=(640, 640), + ratio_range=(0.8, 1.6), + pad_val=114.0), + dict(type='YOLOXHSVRandomAug'), + dict(type='RandomFlip', flip_ratio=0.5), + dict(type='Resize', img_scale=(640, 640), keep_ratio=True), + dict( + type='Pad', + pad_to_square=True, + pad_val=dict(img=(114.0, 114.0, 114.0))), + dict( + type='FilterAnnotations', min_gt_bbox_wh=(1, 1), keep_empty=False), + dict(type='DefaultFormatBundle'), + dict( + type='Collect', + keys=['img', 'gt_bboxes', 'gt_labels'], + meta_keys=('filename', 'ori_filename', 'ori_shape', 'img_shape', + 'pad_shape', 'scale_factor', 'flip', 'flip_direction', + 'img_norm_cfg')) + ]) +test_pipeline = [ + dict(type='LoadImageFromFile'), + dict( + type='MultiScaleFlipAug', + img_scale=(640, 640), + flip=False, + transforms=[ + dict(type='Resize', keep_ratio=True), + dict(type='RandomFlip'), + dict( + type='Pad', + pad_to_square=True, + pad_val=dict(img=(114.0, 114.0, 114.0))), + dict(type='DefaultFormatBundle'), + dict(type='Collect', keys=['img']) + ]) +] +data = dict( + samples_per_gpu=12, + workers_per_gpu=12, + persistent_workers=True, + train=dict( + type='MultiImageMixDataset', + dataset=dict( + type='CocoDataset', + classes=('yanse', 'huahen', 'mosun'), + ann_file= + '/home/wjj/wjj/Public/code/huawei/experiments/23-02-18_yaoba/yolox/train.json', + img_prefix='/media/huawei_YaoBa/Images', + pipeline=[ + dict(type='LoadImageFromFile'), + dict(type='LoadAnnotations', with_bbox=True) + ], + filter_empty_gt=False), + pipeline=[ + dict(type='Mosaic', img_scale=(640, 640), pad_val=114.0), + dict( + type='RandomAffine', + scaling_ratio_range=(0.1, 2), + border=(-320, -320)), + dict( + type='MixUp', + img_scale=(640, 640), + ratio_range=(0.8, 1.6), + pad_val=114.0), + dict(type='YOLOXHSVRandomAug'), + dict(type='RandomFlip', flip_ratio=0.5), + dict(type='Resize', img_scale=(640, 640), keep_ratio=True), + dict( + type='Pad', + pad_to_square=True, + pad_val=dict(img=(114.0, 114.0, 114.0))), + dict( + type='FilterAnnotations', + min_gt_bbox_wh=(1, 1), + keep_empty=False), + dict(type='DefaultFormatBundle'), + dict( + type='Collect', + keys=['img', 'gt_bboxes', 'gt_labels'], + meta_keys=('filename', 'ori_filename', 'ori_shape', + 'img_shape', 'pad_shape', 'scale_factor', 'flip', + 'flip_direction', 'img_norm_cfg')) + ]), + val=dict( + type='CocoDataset', + classes=('yanse', 'huahen', 'mosun'), + ann_file= + '/home/wjj/wjj/Public/code/huawei/experiments/23-02-18_yaoba/yolox/val.json', + img_prefix='/media/huawei_YaoBa/Images', + pipeline=[ + dict(type='LoadImageFromFile'), + dict( + type='MultiScaleFlipAug', + img_scale=(640, 640), + flip=False, + transforms=[ + dict(type='Resize', keep_ratio=True), + dict(type='RandomFlip'), + dict( + type='Pad', + pad_to_square=True, + pad_val=dict(img=(114.0, 114.0, 114.0))), + dict(type='DefaultFormatBundle'), + dict(type='Collect', keys=['img']) + ]) + ]), + test=dict( + type='CocoDataset', + classes=('yanse', 'huahen', 'mosun'), + ann_file= + '/dataset/yaoba/yaoba_tta/test.json', + img_prefix='/media/huawei_YaoBa/Images', + pipeline=[ + dict(type='LoadImageFromFile'), + dict( + type='MultiScaleFlipAug', + img_scale=(640, 640), + flip=False, + transforms=[ + dict(type='Resize', keep_ratio=True), + dict(type='RandomFlip'), + dict( + type='Pad', + pad_to_square=True, + pad_val=dict(img=(114.0, 114.0, 114.0))), + dict(type='DefaultFormatBundle'), + dict(type='Collect', keys=['img']) + ]) + ])) +max_epochs = 300 +num_last_epochs = 15 +interval = 10 +evaluation = dict( + save_best='auto', interval=50, dynamic_intervals=[(285, 1)], metric='bbox') +work_dir = '/home/wjj/wjj/Public/code/huawei/experiments/23-02-18_yaoba/yolox' +auto_resume = False +gpu_ids = range(0, 4) diff --git a/examples/yaoba/singletask_learning_yolox_tta/testalgorithms/algorithm.yaml b/examples/yaoba/singletask_learning_yolox_tta/testalgorithms/algorithm.yaml new file mode 100644 index 00000000..355c2a9a --- /dev/null +++ b/examples/yaoba/singletask_learning_yolox_tta/testalgorithms/algorithm.yaml @@ -0,0 +1,30 @@ +algorithm: + # paradigm name; string type; + # currently the options of value are as follows: + # 1> "singletasklearning" + # 2> "incrementallearning" + paradigm_type: "singletasklearning_tta" + # the url address of initial model; string type; optional; + initial_model_url: "examples/yaoba/singletask_learning_yolox_tta/resource/epoch_300.pth" + + # algorithm module configuration in the paradigm; list type; + modules: + # kind of algorithm module; string type; + # currently the options of value are as follows: + # 1> "basemodel" + - type: "basemodel" + # name of python module; string type; + # example: basemodel.py has BaseModel module that the alias is "FPN" for this benchmarking; + name: "mmlab" + # the url address of python module; string type; + url: "examples/yaoba/singletask_learning_yolox_tta/testalgorithms/basemodel.py" + + # hyperparameters configuration for the python module; list type; + hyperparameters: + # name of the hyperparameter; string type; + - config: + values: + - "examples/yaoba/singletask_learning_yolox_tta/resource/yolox_s_8x8_300e_yaoba.py" + - work_dir: + values: + - "examples/yaoba/singletask_learning_yolox_tta/work_dir" \ No newline at end of file diff --git a/examples/yaoba/singletask_learning_yolox_tta/testalgorithms/basemodel.py b/examples/yaoba/singletask_learning_yolox_tta/testalgorithms/basemodel.py new file mode 100644 index 00000000..ac36fda8 --- /dev/null +++ b/examples/yaoba/singletask_learning_yolox_tta/testalgorithms/basemodel.py @@ -0,0 +1,184 @@ +from __future__ import absolute_import, division, print_function +import json +from sedna.common.class_factory import ClassType, ClassFactory +import copy +import os +import os.path as osp +import time +import mmcv +import torch +from mmcv import Config +from mmcv.utils import get_git_hash +from multiprocessing import Pool +from mmdet import __version__ +from mmdet.apis import train_detector +from mmdet.datasets import build_dataset +from mmdet.models import build_detector +from mmdet.utils import (collect_env, get_device, get_root_logger, + replace_cfg_vals, + setup_multi_processes, update_data_root) +from mmdet.apis import init_detector, inference_detector + +__all__ = ["BaseModel"] + +from tqdm import tqdm + +from examples.yaoba.singletask_learning_yolox_tta.resource.utils.general_TTA_v5 import TTA_single_img + +# set backend +os.environ['BACKEND_TYPE'] = 'PYTORCH' + + +@ClassFactory.register(ClassType.GENERAL, alias="mmlab") +class BaseModel: + + def __init__(self, config, work_dir, **kwargs): + self.config = config + self.work_dir = work_dir + cfg = Config.fromfile(self.config) + cfg.work_dir = self.work_dir + cfg = replace_cfg_vals(cfg) + update_data_root(cfg) + setup_multi_processes(cfg) + if cfg.get('cudnn_benchmark', False): + torch.backends.cudnn.benchmark = True + if cfg.get('work_dir', None) is None: + # use config filename as default work_dir if cfg.work_dir is None + cfg.work_dir = osp.join('./work_dirs', + osp.splitext(osp.basename(self.config))[0]) + self.distributed = False + cfg.gpu_ids = [0] + # create work_dir + mmcv.mkdir_or_exist(osp.abspath(cfg.work_dir)) + # dump config + cfg.dump(osp.join(cfg.work_dir, osp.basename(self.config))) + # init the logger before other steps + self.timestamp = time.strftime('%Y%m%d_%H%M%S', time.localtime()) + log_file = osp.join(cfg.work_dir, f'{self.timestamp}.log') + logger = get_root_logger(log_file=log_file, log_level=cfg.log_level) + self.meta = dict() + env_info_dict = collect_env() + env_info = '\n'.join([(f'{k}: {v}') for k, v in env_info_dict.items()]) + dash_line = '-' * 60 + '\n' + logger.info('Environment info:\n' + dash_line + env_info + '\n' + + dash_line) + self.meta['env_info'] = env_info + self.meta['config'] = cfg.pretty_text + # log some basic info + logger.info(f'Distributed training: {self.distributed}') + logger.info(f'Config:\n{cfg.pretty_text}') + cfg.device = get_device() + self.device = cfg.device + seed = 1 + logger.info(f'Set random seed to {seed}, ' + f'deterministic: False') + cfg.seed = seed + self.meta['seed'] = seed + self.meta['exp_name'] = osp.basename(self.config) + self.cfg = cfg + + def train(self, train_data, valid_data=None, **kwargs): + img_prefix, ann_file = train_data[0], train_data[1] + # Get the number of categories and their names. + labels = json.load(open(ann_file, mode="r", encoding="utf-8")) + categories = labels['categories'] + classes = [c['name'] for c in categories] + num_classes = len(categories) + + if "dataset" in self.cfg.data.train.keys(): + self.cfg.data.train.dataset.classes = classes + self.cfg.data.train.dataset.ann_file = ann_file + self.cfg.data.train.dataset.img_prefix = img_prefix + else: + self.cfg.data.train.classes = classes + self.cfg.data.train.ann_file = ann_file + self.cfg.data.train.img_prefix = img_prefix + self.cfg.model.bbox_head.num_classes = num_classes + self.cfg.data.val.classes = classes + self.cfg.data.test.classes = classes + + self.model = build_detector( + self.cfg.model, + train_cfg=self.cfg.get('train_cfg'), + test_cfg=self.cfg.get('test_cfg')) + self.model.init_weights() + + print("A total of", self.cfg.runner.max_epochs, "epoch") + + datasets = [build_dataset(self.cfg.data.train)] + if len(self.cfg.workflow) == 2: + val_dataset = copy.deepcopy(self.cfg.data.val) + val_dataset.pipeline = self.cfg.data.train.pipeline + datasets.append(build_dataset(val_dataset)) + if self.cfg.checkpoint_config is not None: + # save mmdet version, config file content and class names + # checkpoints as meta data + self.cfg.checkpoint_config.meta = dict( + mmdet_version=__version__ + get_git_hash()[:7], + CLASSES=datasets[0].CLASSES) + # add an attribute for visualization convenience + self.model.CLASSES = datasets[0].CLASSES + train_detector( + self.model, + datasets, + self.cfg, + distributed=self.distributed, + validate=False, + timestamp=self.timestamp, + meta=self.meta) + self.last_checkpoint_path = os.path.join(self.cfg.work_dir, "latest.pth") + return self.last_checkpoint_path + + def save(self, model_path): + return self.last_checkpoint_path + + def load(self, model_url=None): + self.load_model = init_detector(self.cfg, model_url) + return self.load_model + + def predict(self, data, **kwargs): + # ianvs格式 + predict_dict = {} + for imgPath in data: + print("inference predict->", imgPath) + imgName = osp.basename(imgPath) + predict_dict[str(imgName)] = [] + predict_result = inference_detector(self.load_model, imgPath) + for i, vs in enumerate(predict_result): + temp_dict = {} + temp_dict["category_id"] = i + temp_dict["bbox"] = vs + predict_dict[str(imgName)].append(temp_dict) + return predict_dict + + def tta_predict(self, data, strategy): + torch.multiprocessing.set_start_method('spawn', force=True) + predict_dict = {} + pbar = tqdm(total=len(data)) + pbar.set_description('progress bar') + update = lambda *args: pbar.update() + start = time.time() + with Pool(processes=4) as pool: # Specify the number of processes + merged_results = [ + pool.apply_async(TTA_single_img, (self.load_model, img_file, strategy), + callback=update) + for img_file in data] + end = time.time() + merged_results = [res.get() for res in merged_results] + pool.close() + pool.join() + total_time = ((end - start) * 1000) + print( + f"The total inference time is:{total_time}mm, " + f"and the average inference time for a single sample is{total_time / len(data)}") + # Convert to the Ianvs format + for merged_result in merged_results: + name = merged_result['name'] + predict_dict[name] = [] + result = merged_result['result'] + for i, vs in enumerate(result): + temp_dict = {} + temp_dict["category_id"] = i + temp_dict["bbox"] = vs + predict_dict[name].append(temp_dict) + return predict_dict diff --git a/examples/yaoba/singletask_learning_yolox_tta/testenv/map.py b/examples/yaoba/singletask_learning_yolox_tta/testenv/map.py new file mode 100644 index 00000000..a9933969 --- /dev/null +++ b/examples/yaoba/singletask_learning_yolox_tta/testenv/map.py @@ -0,0 +1,35 @@ +import json + +from mmdet.datasets import build_dataset +from sedna.common.class_factory import ClassType, ClassFactory +__all__ = ["map"] + + +@ClassFactory.register(ClassType.GENERAL, alias="map") +def map(y_true, y_pred): + img_prefix = y_true[0] + ann_file = y_true[1] + fp = open(ann_file, mode="r", encoding="utf-8") + test_anno_json = json.load(fp) + categories=test_anno_json["categories"] + categories=[i['name'] for i in categories] + test_cfg = dict( + type='CocoDataset', + classes=categories, + ann_file=ann_file, + img_prefix=img_prefix, + pipeline=[], + test_mode=True + ) + dataset = build_dataset(test_cfg) + real_eval_items = list(y_pred.keys()) + predict_results = [] + for item in real_eval_items: + cur_predict = y_pred[item] + new_predict = [] + for result in cur_predict: + bbox = result['bbox'] + new_predict.append(bbox) + predict_results.append(new_predict) + metric = dataset.evaluate(predict_results) + return metric['bbox_mAP_50'] diff --git a/examples/yaoba/singletask_learning_yolox_tta/testenv/testenv.yaml b/examples/yaoba/singletask_learning_yolox_tta/testenv/testenv.yaml new file mode 100644 index 00000000..37ff9e03 --- /dev/null +++ b/examples/yaoba/singletask_learning_yolox_tta/testenv/testenv.yaml @@ -0,0 +1,21 @@ +testenv: + # dataset configuration + dataset: + # the url address of training set index; string type; + train_url: "examples/yaoba/singletask_learning_yolox_tta/dataset/train.json" + + # the url address of validation set index; string type; + val_url: "examples/yaoba/singletask_learning_yolox_tta/dataset/val.json" + + # the url address of test set index; string type; + test_url: "examples/yaoba/singletask_learning_yolox_tta/dataset/test.json" + + # the image folder url address of train, val, and test sets; string type; + image_folder_url: "/media/huawei_YaoBa/Images" + # classes: "" + # metrics configuration for test case's evaluation; list type; + metrics: + # metric name; string type; + - name: "map" + # the url address of python file + url: "examples/yaoba/singletask_learning_yolox_tta/testenv/map.py" \ No newline at end of file