eval.py 5.3 KB
Newer Older
R
ruri 已提交
1 2 3 4 5 6 7 8 9 10 11 12 13 14
#copyright (c) 2019 PaddlePaddle Authors. All Rights Reserve.
#
#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.

R
root 已提交
15 16 17
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
R
ruri 已提交
18

19
import os
20 21
import time
import sys
R
ruri 已提交
22 23
import math
import numpy as np
24 25
import argparse
import functools
R
ruri 已提交
26 27 28

import paddle
import paddle.fluid as fluid
29
import reader_cv2 as reader
30
import models
R
ruri 已提交
31
from utils.learning_rate import cosine_decay
R
ruri 已提交
32
from utils.utility import add_arguments, print_arguments, check_gpu
33 34 35 36

parser = argparse.ArgumentParser(description=__doc__)
add_arg = functools.partial(add_arguments, argparser=parser)
# yapf: disable
37 38 39 40 41 42
add_arg('batch_size',       int,  256,                 "Minibatch size.")
add_arg('use_gpu',          bool, True,                "Whether to use GPU or not.")
add_arg('class_dim',        int,  1000,                "Class number.")
add_arg('image_shape',      str,  "3,224,224",         "Input image size")
add_arg('with_mem_opt',     bool, True,                "Whether to use memory optimization or not.")
add_arg('pretrained_model', str,  None,                "Whether to use pretrained model.")
43
add_arg('model',            str,  "SE_ResNeXt50_32x4d", "Set the network to use.")
44
add_arg('resize_short_size', int, 256,                "Set resize short size")
45 46
# yapf: enable

47

48
def eval(args):
49 50 51 52 53 54 55
    # parameters from arguments
    class_dim = args.class_dim
    model_name = args.model
    pretrained_model = args.pretrained_model
    with_memory_optimization = args.with_mem_opt
    image_shape = [int(m) for m in args.image_shape.split(",")]

56
    model_list = [m for m in dir(models) if "__" not in m]
57 58 59
    assert model_name in model_list, "{} is not in lists: {}".format(args.model,
                                                                     model_list)

60 61 62
    image = fluid.layers.data(name='image', shape=image_shape, dtype='float32')
    label = fluid.layers.data(name='label', shape=[1], dtype='int64')

63 64 65
    # model definition
    model = models.__dict__[model_name]()

S
shippingwang 已提交
66
    if model_name == "GoogleNet":
67 68 69 70 71 72 73 74 75 76 77 78 79
        out0, out1, out2 = model.net(input=image, class_dim=class_dim)
        cost0 = fluid.layers.cross_entropy(input=out0, label=label)
        cost1 = fluid.layers.cross_entropy(input=out1, label=label)
        cost2 = fluid.layers.cross_entropy(input=out2, label=label)
        avg_cost0 = fluid.layers.mean(x=cost0)
        avg_cost1 = fluid.layers.mean(x=cost1)
        avg_cost2 = fluid.layers.mean(x=cost2)

        avg_cost = avg_cost0 + 0.3 * avg_cost1 + 0.3 * avg_cost2
        acc_top1 = fluid.layers.accuracy(input=out0, label=label, k=1)
        acc_top5 = fluid.layers.accuracy(input=out0, label=label, k=5)
    else:
        out = model.net(input=image, class_dim=class_dim)
80 81
        cost, pred = fluid.layers.softmax_with_cross_entropy(
            out, label, return_softmax=True)
82
        avg_cost = fluid.layers.mean(x=cost)
83 84
        acc_top1 = fluid.layers.accuracy(input=pred, label=label, k=1)
        acc_top5 = fluid.layers.accuracy(input=pred, label=label, k=5)
85 86 87

    test_program = fluid.default_main_program().clone(for_test=True)

S
shippingwang 已提交
88
    fetch_list = [avg_cost.name, acc_top1.name, acc_top5.name]
89
    if with_memory_optimization:
S
shippingwang 已提交
90 91
        fluid.memory_optimize(
            fluid.default_main_program(), skip_opt_set=set(fetch_list))
92 93 94

    place = fluid.CUDAPlace(0) if args.use_gpu else fluid.CPUPlace()
    exe = fluid.Executor(place)
95
    exe.run(fluid.default_startup_program())
96

R
ruri 已提交
97
    fluid.io.load_persistables(exe, pretrained_model)
98

99
    val_reader = reader.val(settings=args, batch_size=args.batch_size)
100 101 102
    feeder = fluid.DataFeeder(place=place, feed_list=[image, label])

    test_info = [[], [], []]
103 104 105 106 107 108 109 110 111 112 113 114 115 116 117 118 119 120
    cnt = 0
    for batch_id, data in enumerate(val_reader()):
        t1 = time.time()
        loss, acc1, acc5 = exe.run(test_program,
                                   fetch_list=fetch_list,
                                   feed=feeder.feed(data))
        t2 = time.time()
        period = t2 - t1
        loss = np.mean(loss)
        acc1 = np.mean(acc1)
        acc5 = np.mean(acc5)
        test_info[0].append(loss * len(data))
        test_info[1].append(acc1 * len(data))
        test_info[2].append(acc5 * len(data))
        cnt += len(data)
        if batch_id % 10 == 0:
            print("Testbatch {0},loss {1}, "
                  "acc1 {2},acc5 {3},time {4}".format(batch_id, \
121
                  "%.5f"%loss,"%.5f"%acc1, "%.5f"%acc5, \
122
                  "%2.2f sec" % period))
123 124
            sys.stdout.flush()

125 126 127
    test_loss = np.sum(test_info[0]) / cnt
    test_acc1 = np.sum(test_info[1]) / cnt
    test_acc5 = np.sum(test_info[2]) / cnt
128

129
    print("Test_loss {0}, test_acc1 {1}, test_acc5 {2}".format(
130
        "%.5f" % test_loss, "%.5f" % test_acc1, "%.5f" % test_acc5))
131 132 133
    sys.stdout.flush()


134
def main():
135 136
    args = parser.parse_args()
    print_arguments(args)
R
ruri 已提交
137
    check_gpu(args.use_gpu)
138
    eval(args)
139 140 141 142


if __name__ == '__main__':
    main()