train.py 8.0 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
#
# 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

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

C
chenguowei01 已提交
24
from datasets import OpticDiscSeg
C
chenguowei01 已提交
25 26 27 28
import transforms as T
import models
import utils.logging as logging
from utils import get_environ_info
C
chenguowei01 已提交
29
from utils import load_pretrained_model
C
chenguowei01 已提交
30
from utils import DistributedBatchSampler
C
chenguowei01 已提交
31
from val import evaluate
C
chenguowei01 已提交
32 33 34 35 36 37


def parse_args():
    parser = argparse.ArgumentParser(description='Model training')

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

    # params of dataset
C
chenguowei01 已提交
46 47 48 49 50 51 52 53 54 55 56 57 58 59 60 61 62 63 64 65 66 67
    parser.add_argument(
        '--data_dir',
        dest='data_dir',
        help='The root directory of dataset',
        type=str)
    parser.add_argument(
        '--train_list',
        dest='train_list',
        help='Train list file of dataset',
        type=str)
    parser.add_argument(
        '--val_list',
        dest='val_list',
        help='Val list file of dataset',
        type=str,
        default=None)
    parser.add_argument(
        '--num_classes',
        dest='num_classes',
        help='Number of classes',
        type=int,
        default=2)
C
chenguowei01 已提交
68 69

    # params of training
C
chenguowei01 已提交
70 71 72 73 74 75 76 77 78 79 80 81 82 83 84 85 86 87 88 89 90 91 92 93 94 95 96 97 98 99 100 101 102 103 104 105 106 107 108 109 110 111 112 113 114 115 116 117 118
    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(
        '--num_epochs',
        dest='num_epochs',
        help='Number epochs for training',
        type=int,
        default=100)
    parser.add_argument(
        '--batch_size',
        dest='batch_size',
        help='Mini batch size',
        type=int,
        default=2)
    parser.add_argument(
        '--learning_rate',
        dest='learning_rate',
        help='Learning rate',
        type=float,
        default=0.01)
    parser.add_argument(
        '--pretrained_model',
        dest='pretrained_model',
        help='The path of pretrianed weight',
        type=str,
        default=None)
    parser.add_argument(
        '--save_interval_epochs',
        dest='save_interval_epochs',
        help='The interval epochs for save a model snapshot',
        type=int,
        default=5)
    parser.add_argument(
        '--save_dir',
        dest='save_dir',
        help='The directory for saving the model snapshot',
        type=str,
        default='./output')
    parser.add_argument(
        '--num_workers',
        dest='num_workers',
        help='Num workers for data loader',
        type=int,
        default=0)
C
chenguowei01 已提交
119 120 121 122 123
    parser.add_argument(
        '--do_eval',
        dest='do_eval',
        help='Eval while training',
        action='store_true')
C
chenguowei01 已提交
124 125 126 127 128 129

    return parser.parse_args()


def train(model,
          train_dataset,
C
chenguowei01 已提交
130
          places=None,
C
chenguowei01 已提交
131 132 133 134 135 136
          eval_dataset=None,
          optimizer=None,
          save_dir='output',
          num_epochs=100,
          batch_size=2,
          pretrained_model=None,
C
chenguowei01 已提交
137
          save_interval_epochs=1,
C
chenguowei01 已提交
138 139
          num_classes=None,
          num_workers=8):
C
chenguowei01 已提交
140 141 142 143 144
    ignore_index = model.ignore_index
    nranks = ParallelEnv().nranks

    load_pretrained_model(model, pretrained_model)

C
chenguowei01 已提交
145 146
    if not os.path.isdir(save_dir):
        if os.path.exists(save_dir):
C
chenguowei01 已提交
147 148 149
            os.remove(save_dir)
        os.makedirs(save_dir)

C
chenguowei01 已提交
150 151 152
    if nranks > 1:
        strategy = fluid.dygraph.prepare_context()
        model_parallel = fluid.dygraph.DataParallel(model, strategy)
C
chenguowei01 已提交
153

C
chenguowei01 已提交
154 155
    batch_sampler = DistributedBatchSampler(
        train_dataset, batch_size=batch_size, shuffle=True, drop_last=True)
C
chenguowei01 已提交
156 157 158 159 160 161 162 163 164
    loader = DataLoader(
        train_dataset,
        batch_sampler=batch_sampler,
        places=places,
        num_workers=num_workers,
        return_list=True,
    )

    num_steps_each_epoch = len(train_dataset) // batch_size
C
chenguowei01 已提交
165 166

    for epoch in range(num_epochs):
C
chenguowei01 已提交
167
        for step, data in enumerate(loader):
C
chenguowei01 已提交
168 169
            images = data[0]
            labels = data[1].astype('int64')
C
chenguowei01 已提交
170 171 172 173 174 175 176 177
            if nranks > 1:
                loss = model_parallel(images, labels, mode='train')
                loss = model_parallel.scale_loss(loss)
                loss.backward()
                model_parallel.apply_collective_grads()
            else:
                loss = model(images, labels, mode='train')
                loss.backward()
C
chenguowei01 已提交
178
            optimizer.minimize(loss)
C
chenguowei01 已提交
179
            model.clear_gradients()
C
chenguowei01 已提交
180 181 182 183
            logging.info("[TRAIN] Epoch={}/{}, Step={}/{}, loss={}".format(
                epoch + 1, num_epochs, step + 1, num_steps_each_epoch,
                loss.numpy()))

C
chenguowei01 已提交
184 185 186
        if ((epoch + 1) % save_interval_epochs == 0
                or num_steps_each_epoch == num_epochs - 1
            ) and ParallelEnv().local_rank == 0:
C
chenguowei01 已提交
187 188 189
            current_save_dir = os.path.join(save_dir,
                                            "epoch_{}".format(epoch + 1))
            if not os.path.isdir(current_save_dir):
C
chenguowei01 已提交
190
                os.makedirs(current_save_dir)
C
chenguowei01 已提交
191
            fluid.save_dygraph(model.state_dict(),
C
chenguowei01 已提交
192
                               os.path.join(current_save_dir, 'model'))
C
chenguowei01 已提交
193

C
chenguowei01 已提交
194
            if eval_dataset is not None:
C
chenguowei01 已提交
195 196 197
                evaluate(
                    model,
                    eval_dataset,
C
chenguowei01 已提交
198
                    places=places,
C
chenguowei01 已提交
199 200 201
                    model_dir=current_save_dir,
                    num_classes=num_classes,
                    batch_size=batch_size,
C
chenguowei01 已提交
202
                    ignore_index=ignore_index,
C
chenguowei01 已提交
203
                    epoch_id=epoch + 1)
C
chenguowei01 已提交
204
                model.train()
C
chenguowei01 已提交
205 206 207


def main(args):
C
chenguowei01 已提交
208 209
    env_info = get_environ_info()
    places = fluid.CUDAPlace(ParallelEnv().dev_id) \
C
chenguowei01 已提交
210
        if env_info['place'] == 'cuda' and fluid.is_compiled_with_cuda() \
C
chenguowei01 已提交
211 212
        else fluid.CPUPlace()

C
chenguowei01 已提交
213 214 215 216 217 218 219
    with fluid.dygraph.guard(places):
        # Creat dataset reader
        train_transforms = T.Compose([
            T.Resize(args.input_size),
            T.RandomHorizontalFlip(),
            T.Normalize()
        ])
C
chenguowei01 已提交
220 221
        train_dataset = OpticDiscSeg(transforms=train_transforms, mode='train')

C
chenguowei01 已提交
222
        eval_dataset = None
C
chenguowei01 已提交
223
        if args.do_eval:
C
chenguowei01 已提交
224 225 226
            eval_transforms = T.Compose(
                [T.Resize(args.input_size),
                 T.Normalize()])
C
chenguowei01 已提交
227
            eval_dataset = OpticDiscSeg(transforms=eval_transforms, mode='eval')
C
chenguowei01 已提交
228 229 230 231 232

        if args.model_name == 'UNet':
            model = models.UNet(num_classes=args.num_classes, ignore_index=255)

        # Creat optimizer
C
chenguowei01 已提交
233
        num_steps_each_epoch = len(train_dataset) // args.batch_size
C
chenguowei01 已提交
234
        decay_step = args.num_epochs * num_steps_each_epoch
C
chenguowei01 已提交
235 236
        lr_decay = fluid.layers.polynomial_decay(
            args.learning_rate, decay_step, end_learning_rate=0, power=0.9)
C
chenguowei01 已提交
237 238 239 240 241 242
        optimizer = fluid.optimizer.Momentum(
            lr_decay,
            momentum=0.9,
            parameter_list=model.parameters(),
            regularization=fluid.regularizer.L2Decay(regularization_coeff=4e-5))

C
chenguowei01 已提交
243 244 245 246 247 248 249 250 251 252 253 254 255
        train(
            model,
            train_dataset,
            places=places,
            eval_dataset=eval_dataset,
            optimizer=optimizer,
            save_dir=args.save_dir,
            num_epochs=args.num_epochs,
            batch_size=args.batch_size,
            pretrained_model=args.pretrained_model,
            save_interval_epochs=args.save_interval_epochs,
            num_classes=args.num_classes,
            num_workers=args.num_workers)
C
chenguowei01 已提交
256 257 258 259


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