如何使用 Detectron2 的 tensorboard 获得测试准确性?

Posted

技术标签:

【中文标题】如何使用 Detectron2 的 tensorboard 获得测试准确性?【英文标题】:How can I get testing accuracy using tensorboard for Detectron2? 【发布时间】:2020-06-01 03:55:57 【问题描述】:

我正在学习使用 Detecron2。我已经按照this 链接创建了一个自定义对象检测器。 我的训练代码 -

# training Detectron2
from detectron2.engine import DefaultTrainer
from detectron2.config import get_cfg
import os

cfg = get_cfg()
cfg.merge_from_file("./detectron2_repo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml")
cfg.DATASETS.TRAIN = ("pedestrian",)
cfg.DATASETS.TEST = ()   # no metrics implemented for this dataset
cfg.DATALOADER.NUM_WORKERS = 2
cfg.MODEL.WEIGHTS = "detectron2://COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x/137849600/model_final_f10217.pkl"  # initialize from model zoo
cfg.SOLVER.IMS_PER_BATCH = 2
cfg.SOLVER.BASE_LR = 0.02
cfg.SOLVER.MAX_ITER = 300    # 300 iterations seems good enough, but you can certainly train longer
cfg.MODEL.ROI_HEADS.BATCH_SIZE_PER_IMAGE = 128   # faster, and good enough for this dataset
cfg.MODEL.ROI_HEADS.NUM_CLASSES = 1  

os.makedirs(cfg.OUTPUT_DIR, exist_ok=True)
trainer = DefaultTrainer(cfg)
trainer.resume_or_load(resume=False)
trainer.train()

它在输出目录中保存了一个日志文件,因此我可以使用 tensorboard 来显示训练精度 -

%load_ext tensorboard
%tensorboard --logdir output

它工作正常,我可以看到我的模型的训练准确性。但是在测试/验证模型时 -

cfg.MODEL.WEIGHTS = os.path.join(cfg.OUTPUT_DIR, "model_final.pth")
cfg.MODEL.ROI_HEADS.SCORE_THRESH_TEST = 0.7   # set the testing threshold for this model
cfg.DATASETS.TEST = ("pedestrian_day", )
predictor = DefaultPredictor(cfg)

虽然我从 Detectron2 教程中得到了 -

from detectron2.evaluation import COCOEvaluator, inference_on_dataset
from detectron2.data import build_detection_test_loader
evaluator = COCOEvaluator("pedestrian_day", cfg, False, output_dir="./output/")
val_loader = build_detection_test_loader(cfg, "pedestrian_day", mapper=None)
inference_on_dataset(trainer.model, val_loader, evaluator)

但这给出了用于训练和测试的 AP、AP50、AP75、APm、APl 和 AP。 我的问题是如何才能像训练那样在 tensorboard 中看到测试准确性?

【问题讨论】:

【参考方案1】:

默认evaluation during training is disabled

如果你想启用它,你必须在下面设置参数

# set eval step intervals
cfg.TEST.EVAL_PERIOD = 

但要使评估工作,您必须修改detectron2/engine/defaults.py 中的build_evaluator 函数

https://github.com/facebookresearch/detectron2 repo 的 tools/train_net.py 脚本中提供了build_evaluator 函数的示例

This issue in detectron2 讨论创建自定义 LossEvalHook 来监控 eval 损失,听起来是个不错的尝试方法

【讨论】:

以上是关于如何使用 Detectron2 的 tensorboard 获得测试准确性?的主要内容,如果未能解决你的问题,请参考以下文章

如何使用 Detectron2 的 tensorboard 获得测试准确性?

如何注册要与detectron2 一起使用的数据集?我们有 COCO JSON 格式的图像及其注释

Detectron2 使用指南

Detectron2的使用指南

python 来自https://github.com/MorvanZhou/Tensorflow-Tutorial/blob/master/tutorial-contents/305_tensorb

detectron2没有Gpu怎么进行训练,内存不足的问题