當前位置: 首頁>>代碼示例>>Python>>正文


Python COCOeval.accumulate方法代碼示例

本文整理匯總了Python中pycocotools.cocoeval.COCOeval.accumulate方法的典型用法代碼示例。如果您正苦於以下問題:Python COCOeval.accumulate方法的具體用法?Python COCOeval.accumulate怎麽用?Python COCOeval.accumulate使用的例子?那麽, 這裏精選的方法代碼示例或許可以為您提供幫助。您也可以進一步了解該方法所在pycocotools.cocoeval.COCOeval的用法示例。


在下文中一共展示了COCOeval.accumulate方法的15個代碼示例,這些例子默認根據受歡迎程度排序。您可以為喜歡或者感覺有用的代碼點讚,您的評價將有助於係統推薦出更棒的Python代碼示例。

示例1: _do_python_eval

# 需要導入模塊: from pycocotools.cocoeval import COCOeval [as 別名]
# 或者: from pycocotools.cocoeval.COCOeval import accumulate [as 別名]
 def _do_python_eval(self, _coco):
     coco_dt = _coco.loadRes(self._result_file)
     coco_eval = COCOeval(_coco, coco_dt)
     coco_eval.params.useSegm = False
     coco_eval.evaluate()
     coco_eval.accumulate()
     self._print_detection_metrics(coco_eval)
開發者ID:dpom,項目名稱:incubator-mxnet,代碼行數:9,代碼來源:coco.py

示例2: evaluate

# 需要導入模塊: from pycocotools.cocoeval import COCOeval [as 別名]
# 或者: from pycocotools.cocoeval.COCOeval import accumulate [as 別名]
def evaluate():
    cocoGt = COCO('annotations.json')
    cocoDt = cocoGt.loadRes('detections.json')
    cocoEval = COCOeval(cocoGt, cocoDt, 'bbox')
    cocoEval.evaluate()
    cocoEval.accumulate()
    cocoEval.summarize()
開發者ID:cyberCBM,項目名稱:DetectO,代碼行數:9,代碼來源:face_detector_accuracy.py

示例3: coco_evaluate

# 需要導入模塊: from pycocotools.cocoeval import COCOeval [as 別名]
# 或者: from pycocotools.cocoeval.COCOeval import accumulate [as 別名]
def coco_evaluate(json_dataset, res_file, image_ids):
    coco_dt = json_dataset.COCO.loadRes(str(res_file))
    coco_eval = COCOeval(json_dataset.COCO, coco_dt, 'bbox')
    coco_eval.params.imgIds = image_ids
    coco_eval.evaluate()
    coco_eval.accumulate()
    coco_eval.summarize()
    return coco_eval
開發者ID:ArsenLuca,項目名稱:Detectron,代碼行數:10,代碼來源:test_retinanet.py

示例4: _do_segmentation_eval

# 需要導入模塊: from pycocotools.cocoeval import COCOeval [as 別名]
# 或者: from pycocotools.cocoeval.COCOeval import accumulate [as 別名]
def _do_segmentation_eval(json_dataset, res_file, output_dir):
    coco_dt = json_dataset.COCO.loadRes(str(res_file))
    coco_eval = COCOeval(json_dataset.COCO, coco_dt, 'segm')
    coco_eval.evaluate()
    coco_eval.accumulate()
    _log_detection_eval_metrics(json_dataset, coco_eval)
    eval_file = os.path.join(output_dir, 'segmentation_results.pkl')
    robust_pickle_dump(coco_eval, eval_file)
    logger.info('Wrote json eval results to: {}'.format(eval_file))
開發者ID:TPNguyen,項目名稱:DetectAndTrack,代碼行數:11,代碼來源:json_dataset_evaluator.py

示例5: _do_detection_eval

# 需要導入模塊: from pycocotools.cocoeval import COCOeval [as 別名]
# 或者: from pycocotools.cocoeval.COCOeval import accumulate [as 別名]
def _do_detection_eval(json_dataset, res_file, output_dir):
    coco_dt = json_dataset.COCO.loadRes(str(res_file))
    coco_eval = COCOeval(json_dataset.COCO, coco_dt, 'bbox')
    coco_eval.evaluate()
    coco_eval.accumulate()
    _log_detection_eval_metrics(json_dataset, coco_eval)
    eval_file = os.path.join(output_dir, 'detection_results.pkl')
    save_object(coco_eval, eval_file)
    logger.info('Wrote json eval results to: {}'.format(eval_file))
    return coco_eval
開發者ID:zymale,項目名稱:Detectron,代碼行數:12,代碼來源:json_dataset_evaluator.py

示例6: cocoval

# 需要導入模塊: from pycocotools.cocoeval import COCOeval [as 別名]
# 或者: from pycocotools.cocoeval.COCOeval import accumulate [as 別名]
def cocoval(detected_json):
    eval_json = config.eval_json
    eval_gt = COCO(eval_json)

    eval_dt = eval_gt.loadRes(detected_json)
    cocoEval = COCOeval(eval_gt, eval_dt, iouType='bbox')

    # cocoEval.params.imgIds = eval_gt.getImgIds()
    cocoEval.evaluate()
    cocoEval.accumulate()
    cocoEval.summarize()
開發者ID:Zumbalamambo,項目名稱:light_head_rcnn,代碼行數:13,代碼來源:cocoval.py

示例7: compute_ap

# 需要導入模塊: from pycocotools.cocoeval import COCOeval [as 別名]
# 或者: from pycocotools.cocoeval.COCOeval import accumulate [as 別名]
    def compute_ap(self):
        coco_res = self.loader.coco.loadRes(self.filename)

        cocoEval = COCOeval(self.loader.coco, coco_res)
        cocoEval.params.imgIds = self.loader.get_filenames()
        cocoEval.params.useSegm = False

        cocoEval.evaluate()
        cocoEval.accumulate()
        cocoEval.summarize()
        return cocoEval
開發者ID:heidongxianhau,項目名稱:blitznet,代碼行數:13,代碼來源:evaluation.py

示例8: _do_coco_eval

# 需要導入模塊: from pycocotools.cocoeval import COCOeval [as 別名]
# 或者: from pycocotools.cocoeval.COCOeval import accumulate [as 別名]
 def _do_coco_eval(self, dtFile, output_dir):
     """
     Evaluate using COCO API
     """
     if self._image_set == 'train' or self._image_set == 'val':
         cocoGt = self._coco[0]
         cocoDt = COCO(dtFile)
         E = COCOeval(cocoGt, cocoDt)
         E.evaluate()
         E.accumulate()
         E.summarize()
開發者ID:baiyancheng20,項目名稱:az-net,代碼行數:13,代碼來源:coco.py

示例9: evaluate_detections

# 需要導入模塊: from pycocotools.cocoeval import COCOeval [as 別名]
# 或者: from pycocotools.cocoeval.COCOeval import accumulate [as 別名]
 def evaluate_detections(self, all_boxes, output_dir=None):
     resFile = self._write_coco_results_file(all_boxes)
     cocoGt = self._annotations
     cocoDt = cocoGt.loadRes(resFile)
     # running evaluation
     cocoEval = COCOeval(cocoGt,cocoDt)
     # useSegm should default to 0
     #cocoEval.params.useSegm = 0
     cocoEval.evaluate()
     cocoEval.accumulate()
     cocoEval.summarize()
開發者ID:ghostcow,項目名稱:fast-rcnn,代碼行數:13,代碼來源:coco.py

示例10: _do_detection_eval

# 需要導入模塊: from pycocotools.cocoeval import COCOeval [as 別名]
# 或者: from pycocotools.cocoeval.COCOeval import accumulate [as 別名]
 def _do_detection_eval(self, res_file, output_dir):
   ann_type = 'bbox'
   coco_dt = self._COCO.loadRes(res_file)
   coco_eval = COCOeval(self._COCO, coco_dt)
   coco_eval.params.useSegm = (ann_type == 'segm')
   coco_eval.evaluate()
   coco_eval.accumulate()
   self._print_detection_eval_metrics(coco_eval)
   eval_file = osp.join(output_dir, 'detection_results.pkl')
   with open(eval_file, 'wb') as fid:
     pickle.dump(coco_eval, fid, pickle.HIGHEST_PROTOCOL)
   print('Wrote COCO eval results to: {}'.format(eval_file))
開發者ID:StanislawAntol,項目名稱:tf-faster-rcnn,代碼行數:14,代碼來源:coco.py

示例11: _do_keypoint_eval

# 需要導入模塊: from pycocotools.cocoeval import COCOeval [as 別名]
# 或者: from pycocotools.cocoeval.COCOeval import accumulate [as 別名]
def _do_keypoint_eval(json_dataset, res_file, output_dir):
    ann_type = 'keypoints'
    imgIds = json_dataset.COCO.getImgIds()
    imgIds.sort()
    coco_dt = json_dataset.COCO.loadRes(res_file)
    coco_eval = COCOeval(json_dataset.COCO, coco_dt, ann_type)
    coco_eval.params.imgIds = imgIds
    coco_eval.evaluate()
    coco_eval.accumulate()
    eval_file = os.path.join(output_dir, 'keypoint_results.pkl')
    robust_pickle_dump(coco_eval, eval_file)
    logger.info('Wrote json eval results to: {}'.format(eval_file))
    coco_eval.summarize()
開發者ID:TPNguyen,項目名稱:DetectAndTrack,代碼行數:15,代碼來源:json_dataset_evaluator.py

示例12: evaluate_coco

# 需要導入模塊: from pycocotools.cocoeval import COCOeval [as 別名]
# 或者: from pycocotools.cocoeval.COCOeval import accumulate [as 別名]
def evaluate_coco(model, dataset, coco, eval_type="bbox", limit=0, image_ids=None):
    """Runs official COCO evaluation.
    dataset: A Dataset object with valiadtion data
    eval_type: "bbox" or "segm" for bounding box or segmentation evaluation
    limit: if not 0, it's the number of images to use for evaluation
    """
    # Pick COCO images from the dataset
    image_ids = image_ids or dataset.image_ids

    # Limit to a subset
    if limit:
        image_ids = image_ids[:limit]

    # Get corresponding COCO image IDs.
    coco_image_ids = [dataset.image_info[id]["id"] for id in image_ids]

    t_prediction = 0
    t_start = time.time()

    results = []
    for i, image_id in enumerate(image_ids):
        # Load image
        image = dataset.load_image(image_id)

        # Run detection
        t = time.time()
        r = model.detect([image], verbose=0)[0]
        t_prediction += (time.time() - t)

        # Convert results to COCO format
        # Cast masks to uint8 because COCO tools errors out on bool
        image_results = build_coco_results(dataset, coco_image_ids[i:i + 1],
                                           r["rois"], r["class_ids"],
                                           r["scores"],
                                           r["masks"].astype(np.uint8))
        results.extend(image_results)

    # Load results. This modifies results with additional attributes.
    coco_results = coco.loadRes(results)

    # Evaluate
    cocoEval = COCOeval(coco, coco_results, eval_type)
    cocoEval.params.imgIds = coco_image_ids
    cocoEval.evaluate()
    cocoEval.accumulate()
    cocoEval.summarize()

    print("Prediction time: {}. Average {}/image".format(
        t_prediction, t_prediction / len(image_ids)))
    print("Total time: ", time.time() - t_start)
開發者ID:RubensZimbres,項目名稱:Mask_RCNN,代碼行數:52,代碼來源:coco.py

示例13: validate

# 需要導入模塊: from pycocotools.cocoeval import COCOeval [as 別名]
# 或者: from pycocotools.cocoeval.COCOeval import accumulate [as 別名]
def validate(val_loader, model, i, silence=False):
    batch_time = AverageMeter()
    coco_gt = val_loader.dataset.coco
    coco_pred = COCO()
    coco_pred.dataset['images'] = [img for img in coco_gt.datasets['images']]
    coco_pred.dataset['categories'] = copy.deepcopy(coco_gt.dataset['categories'])
    id = 0

    # switch to evaluate mode
    model.eval()

    end = time.time()
    for i, (inputs, anns) in enumerate(val_loader):

        # forward images one by one (TODO: support batch mode later, or
        # multiprocess)
        for j, input in enumerate(inputs):
            input_anns= anns[j] # anns of this input
            gt_bbox= np.vstack([ann['bbox'] + [ann['ordered_id']] for ann in input_anns])
            im_info= [[input.size(1), input.size(2),
                        input_anns[0]['scale_ratio']]]
            input_var= Variable(input.unsqueeze(0),
                                 requires_grad=False).cuda()

            cls_prob, bbox_pred, rois = model(input_var, im_info)
            scores, pred_boxes = model.interpret_outputs(cls_prob, bbox_pred, rois, im_info)
            print(scores, pred_boxes)
            # for i in range(scores.shape[0]):


        # measure elapsed time
        batch_time.update(time.time() - end)
        end= time.time()

    coco_pred.createIndex()
    coco_eval = COCOeval(coco_gt, coco_pred, 'bbox')
    coco_eval.params.imgIds= sorted(coco_gt.getImgIds())
    coco_eval.evaluate()
    coco_eval.accumulate()
    coco_eval.summarize()

    print('iter: [{0}] '
          'Time {batch_time.avg:.3f} '
          'Val Stats: {1}'
          .format(i, coco_eval.stats,
                  batch_time=batch_time))

    return coco_eval.stats[0]
開發者ID:tony32769,項目名稱:mask_rcnn_pytorch,代碼行數:50,代碼來源:main.py

示例14: _do_eval

# 需要導入模塊: from pycocotools.cocoeval import COCOeval [as 別名]
# 或者: from pycocotools.cocoeval.COCOeval import accumulate [as 別名]
def _do_eval(res_file, output_dir,_COCO,classes):
## The function is borrowed from https://github.com/rbgirshick/fast-rcnn/ and changed
        ann_type = 'bbox'
        coco_dt = _COCO.loadRes(res_file)
        coco_eval = COCOeval(_COCO, coco_dt)
        coco_eval.params.useSegm = (ann_type == 'segm')
        coco_eval.evaluate()
        coco_eval.accumulate()
        _print_eval_metrics(coco_eval,classes)
        # Write the result file
        eval_file = osp.join(output_dir)
        eval_result = {}
        eval_result['precision'] = coco_eval.eval['precision']
        eval_result['recall'] = coco_eval.eval['recall']
        sio.savemat(eval_file,eval_result)
        print 'Wrote COCO eval results to: {}'.format(eval_file)
開發者ID:879229395,項目名稱:fast-rcnn-torch,代碼行數:18,代碼來源:evaluate_coco.py

示例15: evaluate_predictions_on_coco

# 需要導入模塊: from pycocotools.cocoeval import COCOeval [as 別名]
# 或者: from pycocotools.cocoeval.COCOeval import accumulate [as 別名]
def evaluate_predictions_on_coco(
    coco_gt, coco_results, json_result_file, iou_type="bbox"
):
    import json

    with open(json_result_file, "w") as f:
        json.dump(coco_results, f)

    from pycocotools.cocoeval import COCOeval

    coco_dt = coco_gt.loadRes(str(json_result_file))
    # coco_dt = coco_gt.loadRes(coco_results)
    coco_eval = COCOeval(coco_gt, coco_dt, iou_type)
    coco_eval.evaluate()
    coco_eval.accumulate()
    coco_eval.summarize()
    return coco_eval
開發者ID:laycoding,項目名稱:maskrcnn-benchmark,代碼行數:19,代碼來源:coco_eval.py


注:本文中的pycocotools.cocoeval.COCOeval.accumulate方法示例由純淨天空整理自Github/MSDocs等開源代碼及文檔管理平台,相關代碼片段篩選自各路編程大神貢獻的開源項目,源碼版權歸原作者所有,傳播和使用請參考對應項目的License;未經允許,請勿轉載。