val.py 4.8 KB
Newer Older
C
chenguowei01 已提交
1
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
C
chenguowei01 已提交
2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21
#
# 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.

import argparse
import os
import math

from paddle.fluid.dygraph.base import to_variable
import numpy as np
import paddle.fluid as fluid
C
chenguowei01 已提交
22
from paddle.fluid.dygraph.parallel import ParallelEnv
C
chenguowei01 已提交
23
from paddle.fluid.io import DataLoader
C
chenguowei01 已提交
24
from paddle.fluid.dataloader import BatchSampler
C
chenguowei01 已提交
25

C
chenguowei01 已提交
26
from datasets import OpticDiscSeg
C
chenguowei01 已提交
27 28 29 30 31 32 33 34
import transforms as T
import models
import utils.logging as logging
from utils import get_environ_info
from utils import ConfusionMatrix


def parse_args():
C
chenguowei01 已提交
35
    parser = argparse.ArgumentParser(description='Model evaluation')
C
chenguowei01 已提交
36 37

    # params of model
C
chenguowei01 已提交
38 39 40
    parser.add_argument(
        '--model_name',
        dest='model_name',
C
chenguowei01 已提交
41
        help="Model type for evaluation, which is one of ('UNet')",
C
chenguowei01 已提交
42 43
        type=str,
        default='UNet')
C
chenguowei01 已提交
44 45

    # params of dataset
C
chenguowei01 已提交
46
    parser.add_argument(
C
chenguowei01 已提交
47 48 49
        '--dataset',
        dest='dataset',
        help='The dataset you want to evaluation',
C
chenguowei01 已提交
50
        type=str,
C
chenguowei01 已提交
51
        default='OpticDiscSeg')
C
chenguowei01 已提交
52 53

    # params of evaluate
C
chenguowei01 已提交
54 55 56 57 58 59 60 61 62 63 64 65 66 67 68 69 70 71 72
    parser.add_argument(
        "--input_size",
        dest="input_size",
        help="The image size for net inputs.",
        nargs=2,
        default=[512, 512],
        type=int)
    parser.add_argument(
        '--batch_size',
        dest='batch_size',
        help='Mini batch size',
        type=int,
        default=2)
    parser.add_argument(
        '--model_dir',
        dest='model_dir',
        help='The path of model for evaluation',
        type=str,
        default=None)
C
chenguowei01 已提交
73 74 75 76 77 78

    return parser.parse_args()


def evaluate(model,
             eval_dataset=None,
C
chenguowei01 已提交
79
             places=None,
C
chenguowei01 已提交
80 81 82 83 84
             model_dir=None,
             num_classes=None,
             batch_size=2,
             ignore_index=255,
             epoch_id=None):
C
chenguowei01 已提交
85
    ckpt_path = os.path.join(model_dir, 'model')
C
chenguowei01 已提交
86 87 88 89
    para_state_dict, opti_state_dict = fluid.load_dygraph(ckpt_path)
    model.set_dict(para_state_dict)
    model.eval()

C
chenguowei01 已提交
90 91
    batch_sampler = BatchSampler(
        eval_dataset, batch_size=batch_size, shuffle=False, drop_last=False)
C
chenguowei01 已提交
92 93 94 95 96 97
    loader = DataLoader(
        eval_dataset,
        batch_sampler=batch_sampler,
        places=places,
        return_list=True,
    )
C
chenguowei01 已提交
98
    total_steps = math.ceil(len(eval_dataset) * 1.0 / batch_size)
C
chenguowei01 已提交
99 100 101 102
    conf_mat = ConfusionMatrix(num_classes, streaming=True)

    logging.info(
        "Start to evaluating(total_samples={}, total_steps={})...".format(
C
chenguowei01 已提交
103
            len(eval_dataset), total_steps))
C
chenguowei01 已提交
104 105 106
    for step, data in enumerate(loader):
        images = data[0]
        labels = data[1].astype('int64')
C
chenguowei01 已提交
107
        pred, _ = model(images, mode='eval')
C
chenguowei01 已提交
108 109

        pred = pred.numpy()
C
chenguowei01 已提交
110
        labels = labels.numpy()
C
chenguowei01 已提交
111 112 113 114 115 116 117 118 119 120
        mask = labels != ignore_index
        conf_mat.calculate(pred=pred, label=labels, ignore=mask)
        _, iou = conf_mat.mean_iou()

        logging.info("[EVAL] Epoch={}, Step={}/{}, iou={}".format(
            epoch_id, step + 1, total_steps, iou))

    category_iou, miou = conf_mat.mean_iou()
    category_acc, macc = conf_mat.accuracy()
    logging.info("[EVAL] #image={} acc={:.4f} IoU={:.4f}".format(
C
chenguowei01 已提交
121
        len(eval_dataset), macc, miou))
C
chenguowei01 已提交
122 123 124 125 126 127
    logging.info("[EVAL] Category IoU: " + str(category_iou))
    logging.info("[EVAL] Category Acc: " + str(category_acc))
    logging.info("[EVAL] Kappa:{:.4f} ".format(conf_mat.kappa()))


def main(args):
C
chenguowei01 已提交
128
    env_info = get_environ_info()
C
chenguowei01 已提交
129 130 131
    places = fluid.CUDAPlace(ParallelEnv().dev_id) \
        if env_info['place'] == 'cuda' and fluid.is_compiled_with_cuda() \
        else fluid.CPUPlace()
C
chenguowei01 已提交
132 133 134 135 136 137 138

    if args.dataset.lower() == 'opticdiscseg':
        dataset = OpticDiscSeg
    else:
        raise Exception(
            "The --dataset set wrong. It should be one of ('OpticDiscSeg',)")

C
chenguowei01 已提交
139 140
    with fluid.dygraph.guard(places):
        eval_transforms = T.Compose([T.Resize(args.input_size), T.Normalize()])
C
chenguowei01 已提交
141
        eval_dataset = dataset(transforms=eval_transforms, mode='eval')
C
chenguowei01 已提交
142 143

        if args.model_name == 'UNet':
C
chenguowei01 已提交
144
            model = models.UNet(num_classes=eval_dataset.num_classes)
C
chenguowei01 已提交
145

C
chenguowei01 已提交
146 147 148
        evaluate(
            model,
            eval_dataset,
C
chenguowei01 已提交
149
            places=places,
C
chenguowei01 已提交
150
            model_dir=args.model_dir,
C
chenguowei01 已提交
151
            num_classes=eval_dataset.num_classes,
C
chenguowei01 已提交
152
            batch_size=args.batch_size)
C
chenguowei01 已提交
153 154 155 156


if __name__ == '__main__':
    args = parse_args()
C
chenguowei01 已提交
157
    main(args)