val.py 5.4 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, Cityscapes
C
chenguowei01 已提交
27
import transforms as T
C
chenguowei01 已提交
28
from models import MODELS
C
chenguowei01 已提交
29 30 31
import utils.logging as logging
from utils import get_environ_info
from utils import ConfusionMatrix
C
chenguowei01 已提交
32
from utils import Timer, calculate_eta
C
chenguowei01 已提交
33 34 35


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

    # params of model
C
chenguowei01 已提交
39 40 41
    parser.add_argument(
        '--model_name',
        dest='model_name',
R
update  
root 已提交
42 43
        help='Model type for evaluation, which is one of {}'.format(
            str(list(MODELS.keys()))),
C
chenguowei01 已提交
44 45
        type=str,
        default='UNet')
C
chenguowei01 已提交
46 47

    # params of dataset
C
chenguowei01 已提交
48
    parser.add_argument(
C
chenguowei01 已提交
49 50
        '--dataset',
        dest='dataset',
C
chenguowei01 已提交
51 52
        help=
        "The dataset you want to evaluation, which is one of ('OpticDiscSeg', 'Cityscapes')",
C
chenguowei01 已提交
53
        type=str,
C
chenguowei01 已提交
54
        default='OpticDiscSeg')
C
chenguowei01 已提交
55 56

    # params of evaluate
C
chenguowei01 已提交
57 58 59 60 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75
    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 已提交
76 77 78 79 80 81

    return parser.parse_args()


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

C
chenguowei01 已提交
93 94
    batch_sampler = BatchSampler(
        eval_dataset, batch_size=batch_size, shuffle=False, drop_last=False)
C
chenguowei01 已提交
95 96 97 98 99 100
    loader = DataLoader(
        eval_dataset,
        batch_sampler=batch_sampler,
        places=places,
        return_list=True,
    )
C
chenguowei01 已提交
101
    total_steps = len(batch_sampler)
C
chenguowei01 已提交
102 103 104 105
    conf_mat = ConfusionMatrix(num_classes, streaming=True)

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

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

C
chenguowei01 已提交
120 121 122
        time_step = timer.elapsed_time()
        remain_step = total_steps - step - 1
        logging.info(
C
chenguowei01 已提交
123
            "[EVAL] Epoch={}, Step={}/{}, iou={:4f}, sec/step={:.4f} | ETA {}".
C
chenguowei01 已提交
124 125 126
            format(epoch_id, step + 1, total_steps, iou, time_step,
                   calculate_eta(remain_step, time_step)))
        timer.restart()
C
chenguowei01 已提交
127 128 129 130

    category_iou, miou = conf_mat.mean_iou()
    category_acc, macc = conf_mat.accuracy()
    logging.info("[EVAL] #image={} acc={:.4f} IoU={:.4f}".format(
C
chenguowei01 已提交
131
        len(eval_dataset), macc, miou))
C
chenguowei01 已提交
132 133 134
    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()))
C
add vdl  
chenguowei01 已提交
135
    return miou, macc
C
chenguowei01 已提交
136 137 138


def main(args):
C
chenguowei01 已提交
139
    env_info = get_environ_info()
C
chenguowei01 已提交
140 141 142
    places = fluid.CUDAPlace(ParallelEnv().dev_id) \
        if env_info['place'] == 'cuda' and fluid.is_compiled_with_cuda() \
        else fluid.CPUPlace()
C
chenguowei01 已提交
143 144 145

    if args.dataset.lower() == 'opticdiscseg':
        dataset = OpticDiscSeg
C
chenguowei01 已提交
146 147
    elif args.dataset.lower() == 'cityscapes':
        dataset = Cityscapes
C
chenguowei01 已提交
148 149
    else:
        raise Exception(
C
chenguowei01 已提交
150 151
            "The --dataset set wrong. It should be one of ('OpticDiscSeg', 'Cityscapes')"
        )
C
chenguowei01 已提交
152

C
chenguowei01 已提交
153 154
    with fluid.dygraph.guard(places):
        eval_transforms = T.Compose([T.Resize(args.input_size), T.Normalize()])
C
chenguowei01 已提交
155
        eval_dataset = dataset(transforms=eval_transforms, mode='eval')
C
chenguowei01 已提交
156

C
chenguowei01 已提交
157 158 159 160 161
        if args.model_name not in MODELS:
            raise Exception(
                '--model_name is invalid. it should be one of {}'.format(
                    str(list(MODELS.keys()))))
        model = MODELS[args.model_name](num_classes=eval_dataset.num_classes)
C
chenguowei01 已提交
162

C
chenguowei01 已提交
163 164 165
        evaluate(
            model,
            eval_dataset,
C
chenguowei01 已提交
166
            places=places,
C
chenguowei01 已提交
167
            model_dir=args.model_dir,
C
chenguowei01 已提交
168
            num_classes=eval_dataset.num_classes,
C
chenguowei01 已提交
169
            batch_size=args.batch_size)
C
chenguowei01 已提交
170 171 172 173


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