trainer.py 21.7 KB
Newer Older
F
Feng Ni 已提交
1 2 3 4 5 6 7 8 9 10 11 12
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
#
# 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
K
Kaipeng Deng 已提交
13 14 15 16 17 18 19
# limitations under the License.

from __future__ import absolute_import
from __future__ import division
from __future__ import print_function

import os
20
import sys
K
Kaipeng Deng 已提交
21 22 23 24 25 26 27
import time
import random
import datetime
import numpy as np
from PIL import Image

import paddle
W
wangguanzhong 已提交
28 29
import paddle.distributed as dist
from paddle.distributed import fleet
30
from paddle import amp
K
Kaipeng Deng 已提交
31
from paddle.static import InputSpec
32
from ppdet.optimizer import ModelEMA
K
Kaipeng Deng 已提交
33 34 35

from ppdet.core.workspace import create
from ppdet.utils.checkpoint import load_weight, load_pretrain_weight
C
cnn 已提交
36
from ppdet.utils.visualizer import visualize_results, save_result
37
from ppdet.metrics import Metric, COCOMetric, VOCMetric, WiderFaceMetric, get_infer_results, KeyPointTopDownCOCOEval
K
Kaipeng Deng 已提交
38
from ppdet.data.source.category import get_categories
K
Kaipeng Deng 已提交
39 40
import ppdet.utils.stats as stats

41
from .callbacks import Callback, ComposeCallback, LogPrinter, Checkpointer, WiferFaceEval, VisualDLWriter
K
Kaipeng Deng 已提交
42 43 44
from .export_utils import _dump_infer_config

from ppdet.utils.logger import setup_logger
45
logger = setup_logger('ppdet.engine')
K
Kaipeng Deng 已提交
46 47 48

__all__ = ['Trainer']

49 50
MOT_ARCH = ['DeepSORT', 'JDE', 'FairMOT']

K
Kaipeng Deng 已提交
51 52 53 54 55 56 57

class Trainer(object):
    def __init__(self, cfg, mode='train'):
        self.cfg = cfg
        assert mode.lower() in ['train', 'eval', 'test'], \
                "mode should be 'train', 'eval' or 'test'"
        self.mode = mode.lower()
58
        self.optimizer = None
59
        self.is_loaded_weights = False
K
Kaipeng Deng 已提交
60

G
George Ni 已提交
61
        # build data loader
62 63 64 65 66 67 68 69 70
        if cfg.architecture in MOT_ARCH and self.mode in ['eval', 'test']:
            self.dataset = cfg['{}MOTDataset'.format(self.mode.capitalize())]
        else:
            self.dataset = cfg['{}Dataset'.format(self.mode.capitalize())]

        if cfg.architecture == 'DeepSORT' and self.mode == 'train':
            logger.error('DeepSORT has no need of training on mot dataset.')
            sys.exit(1)

G
George Ni 已提交
71 72 73 74 75 76 77 78
        if self.mode == 'train':
            self.loader = create('{}Reader'.format(self.mode.capitalize()))(
                self.dataset, cfg.worker_num)

        if cfg.architecture == 'JDE' and self.mode == 'train':
            cfg['JDEEmbeddingHead'][
                'num_identifiers'] = self.dataset.total_identities

F
FlyingQianMM 已提交
79 80 81 82
        if cfg.architecture == 'FairMOT' and self.mode == 'train':
            cfg['FairMOTEmbeddingHead'][
                'num_identifiers'] = self.dataset.total_identities

K
Kaipeng Deng 已提交
83
        # build model
84 85 86 87 88
        if 'model' not in self.cfg:
            self.model = create(cfg.architecture)
        else:
            self.model = self.cfg.model
            self.is_loaded_weights = True
89

90 91 92 93 94
        self.use_ema = ('use_ema' in cfg and cfg['use_ema'])
        if self.use_ema:
            self.ema = ModelEMA(
                cfg['ema_decay'], self.model, use_thres_step=True)

K
Kaipeng Deng 已提交
95 96 97 98 99 100 101 102
        # EvalDataset build with BatchSampler to evaluate in single device
        # TODO: multi-device evaluate
        if self.mode == 'eval':
            self._eval_batch_sampler = paddle.io.BatchSampler(
                self.dataset, batch_size=self.cfg.EvalReader['batch_size'])
            self.loader = create('{}Reader'.format(self.mode.capitalize()))(
                self.dataset, cfg.worker_num, self._eval_batch_sampler)
        # TestDataset build after user set images, skip loader creation here
K
Kaipeng Deng 已提交
103 104 105 106 107 108 109 110

        # build optimizer in train mode
        if self.mode == 'train':
            steps_per_epoch = len(self.loader)
            self.lr = create('LearningRate')(steps_per_epoch)
            self.optimizer = create('OptimizerBuilder')(self.lr,
                                                        self.model.parameters())

W
wangguanzhong 已提交
111 112
        self._nranks = dist.get_world_size()
        self._local_rank = dist.get_rank()
K
Kaipeng Deng 已提交
113

K
Kaipeng Deng 已提交
114 115 116 117 118 119 120 121 122 123 124 125 126 127 128
        self.status = {}

        self.start_epoch = 0
        self.end_epoch = cfg.epoch

        # initial default callbacks
        self._init_callbacks()

        # initial default metrics
        self._init_metrics()
        self._reset_metrics()

    def _init_callbacks(self):
        if self.mode == 'train':
            self._callbacks = [LogPrinter(self), Checkpointer(self)]
129
            if self.cfg.get('use_vdl', False):
130
                self._callbacks.append(VisualDLWriter(self))
K
Kaipeng Deng 已提交
131 132 133
            self._compose_callback = ComposeCallback(self._callbacks)
        elif self.mode == 'eval':
            self._callbacks = [LogPrinter(self)]
134 135
            if self.cfg.metric == 'WiderFace':
                self._callbacks.append(WiferFaceEval(self))
K
Kaipeng Deng 已提交
136
            self._compose_callback = ComposeCallback(self._callbacks)
137
        elif self.mode == 'test' and self.cfg.get('use_vdl', False):
138 139
            self._callbacks = [VisualDLWriter(self)]
            self._compose_callback = ComposeCallback(self._callbacks)
K
Kaipeng Deng 已提交
140 141 142 143
        else:
            self._callbacks = []
            self._compose_callback = None

K
Kaipeng Deng 已提交
144 145
    def _init_metrics(self, validate=False):
        if self.mode == 'test' or (self.mode == 'train' and not validate):
G
Guanghua Yu 已提交
146 147
            self._metrics = []
            return
148
        classwise = self.cfg['classwise'] if 'classwise' in self.cfg else False
K
Kaipeng Deng 已提交
149
        if self.cfg.metric == 'COCO':
W
wangxinxin08 已提交
150
            # TODO: bias should be unified
151
            bias = self.cfg['bias'] if 'bias' in self.cfg else 0
S
shangliang Xu 已提交
152 153
            output_eval = self.cfg['output_eval'] \
                if 'output_eval' in self.cfg else None
154
            save_prediction_only = self.cfg.get('save_prediction_only', False)
155 156 157

            # pass clsid2catid info to metric instance to avoid multiple loading
            # annotation file
K
Kaipeng Deng 已提交
158 159
            clsid2catid = {v: k for k, v in self.dataset.catid2clsid.items()} \
                                if self.mode == 'eval' else None
160 161 162 163 164 165 166 167 168

            # when do validation in train, annotation file should be get from
            # EvalReader instead of self.dataset(which is TrainReader)
            anno_file = self.dataset.get_anno()
            if self.mode == 'train' and validate:
                eval_dataset = self.cfg['EvalDataset']
                eval_dataset.check_or_download_dataset()
                anno_file = eval_dataset.get_anno()

169
            IouType = self.cfg['IouType'] if 'IouType' in self.cfg else 'bbox'
W
wangxinxin08 已提交
170 171
            self._metrics = [
                COCOMetric(
172
                    anno_file=anno_file,
K
Kaipeng Deng 已提交
173
                    clsid2catid=clsid2catid,
174
                    classwise=classwise,
S
shangliang Xu 已提交
175
                    output_eval=output_eval,
176
                    bias=bias,
177
                    IouType=IouType,
178
                    save_prediction_only=save_prediction_only)
W
wangxinxin08 已提交
179
            ]
K
Kaipeng Deng 已提交
180 181 182
        elif self.cfg.metric == 'VOC':
            self._metrics = [
                VOCMetric(
183
                    label_list=self.dataset.get_label_list(),
K
Kaipeng Deng 已提交
184
                    class_num=self.cfg.num_classes,
185 186
                    map_type=self.cfg.map_type,
                    classwise=classwise)
K
Kaipeng Deng 已提交
187
            ]
188 189 190 191 192 193 194 195 196
        elif self.cfg.metric == 'WiderFace':
            multi_scale = self.cfg.multi_scale_eval if 'multi_scale_eval' in self.cfg else True
            self._metrics = [
                WiderFaceMetric(
                    image_dir=os.path.join(self.dataset.dataset_dir,
                                           self.dataset.image_dir),
                    anno_file=self.dataset.get_anno(),
                    multi_scale=multi_scale)
            ]
197 198 199 200 201 202 203 204 205
        elif self.cfg.metric == 'KeyPointTopDownCOCOEval':
            eval_dataset = self.cfg['EvalDataset']
            eval_dataset.check_or_download_dataset()
            anno_file = eval_dataset.get_anno()
            self._metrics = [
                KeyPointTopDownCOCOEval(anno_file,
                                        len(eval_dataset), self.cfg.num_joints,
                                        self.cfg.save_dir)
            ]
K
Kaipeng Deng 已提交
206
        else:
K
Kaipeng Deng 已提交
207 208
            logger.warn("Metric not support for metric type {}".format(
                self.cfg.metric))
K
Kaipeng Deng 已提交
209 210 211 212 213 214 215
            self._metrics = []

    def _reset_metrics(self):
        for metric in self._metrics:
            metric.reset()

    def register_callbacks(self, callbacks):
216
        callbacks = [c for c in list(callbacks) if c is not None]
K
Kaipeng Deng 已提交
217 218 219 220 221 222 223 224 225 226 227 228 229
        for c in callbacks:
            assert isinstance(c, Callback), \
                    "metrics shoule be instances of subclass of Metric"
        self._callbacks.extend(callbacks)
        self._compose_callback = ComposeCallback(self._callbacks)

    def register_metrics(self, metrics):
        metrics = [m for m in list(metrics) if m is not None]
        for m in metrics:
            assert isinstance(m, Metric), \
                    "metrics shoule be instances of subclass of Metric"
        self._metrics.extend(metrics)

K
Kaipeng Deng 已提交
230
    def load_weights(self, weights):
231 232
        if self.is_loaded_weights:
            return
K
Kaipeng Deng 已提交
233
        self.start_epoch = 0
234
        load_pretrain_weight(self.model, weights)
K
Kaipeng Deng 已提交
235 236
        logger.debug("Load weights {} to start training".format(weights))

237 238 239 240 241 242 243
    def load_weights_sde(self, det_weights, reid_weights):
        if self.model.detector:
            load_weight(self.model.detector, det_weights)
            load_weight(self.model.reid, reid_weights)
        else:
            load_weight(self.model.reid, reid_weights)

K
Kaipeng Deng 已提交
244
    def resume_weights(self, weights):
245 246 247 248 249 250
        # support Distill resume weights
        if hasattr(self.model, 'student_model'):
            self.start_epoch = load_weight(self.model.student_model, weights,
                                           self.optimizer)
        else:
            self.start_epoch = load_weight(self.model, weights, self.optimizer)
K
Kaipeng Deng 已提交
251
        logger.debug("Resume weights of epoch {}".format(self.start_epoch))
K
Kaipeng Deng 已提交
252

K
Kaipeng Deng 已提交
253
    def train(self, validate=False):
K
Kaipeng Deng 已提交
254 255
        assert self.mode == 'train', "Model not in 'train' mode"

K
Kaipeng Deng 已提交
256 257 258 259 260
        # if validation in training is enabled, metrics should be re-init
        if validate:
            self._init_metrics(validate=validate)
            self._reset_metrics()

261
        model = self.model
262
        if self.cfg.get('fleet', False):
263 264 265 266
            model = fleet.distributed_model(model)
            self.optimizer = fleet.distributed_optimizer(
                self.optimizer).user_defined_optimizer
        elif self._nranks > 1:
G
George Ni 已提交
267 268 269 270
            find_unused_parameters = self.cfg[
                'find_unused_parameters'] if 'find_unused_parameters' in self.cfg else False
            model = paddle.DataParallel(
                self.model, find_unused_parameters=find_unused_parameters)
271 272

        # initial fp16
273
        if self.cfg.get('fp16', False):
274 275
            scaler = amp.GradScaler(
                enable=self.cfg.use_gpu, init_loss_scaling=1024)
K
Kaipeng Deng 已提交
276

K
Kaipeng Deng 已提交
277 278 279 280 281 282 283 284 285 286 287 288 289
        self.status.update({
            'epoch_id': self.start_epoch,
            'step_id': 0,
            'steps_per_epoch': len(self.loader)
        })

        self.status['batch_time'] = stats.SmoothedValue(
            self.cfg.log_iter, fmt='{avg:.4f}')
        self.status['data_time'] = stats.SmoothedValue(
            self.cfg.log_iter, fmt='{avg:.4f}')
        self.status['training_staus'] = stats.TrainingStats(self.cfg.log_iter)

        for epoch_id in range(self.start_epoch, self.cfg.epoch):
K
Kaipeng Deng 已提交
290
            self.status['mode'] = 'train'
K
Kaipeng Deng 已提交
291 292 293
            self.status['epoch_id'] = epoch_id
            self._compose_callback.on_epoch_begin(self.status)
            self.loader.dataset.set_epoch(epoch_id)
K
Kaipeng Deng 已提交
294
            model.train()
K
Kaipeng Deng 已提交
295 296 297 298 299 300
            iter_tic = time.time()
            for step_id, data in enumerate(self.loader):
                self.status['data_time'].update(time.time() - iter_tic)
                self.status['step_id'] = step_id
                self._compose_callback.on_step_begin(self.status)

301
                if self.cfg.get('fp16', False):
302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318
                    with amp.auto_cast(enable=self.cfg.use_gpu):
                        # model forward
                        outputs = model(data)
                        loss = outputs['loss']

                    # model backward
                    scaled_loss = scaler.scale(loss)
                    scaled_loss.backward()
                    # in dygraph mode, optimizer.minimize is equal to optimizer.step
                    scaler.minimize(self.optimizer, scaled_loss)
                else:
                    # model forward
                    outputs = model(data)
                    loss = outputs['loss']
                    # model backward
                    loss.backward()
                    self.optimizer.step()
K
Kaipeng Deng 已提交
319 320 321 322 323 324

                curr_lr = self.optimizer.get_lr()
                self.lr.step()
                self.optimizer.clear_grad()
                self.status['learning_rate'] = curr_lr

K
Kaipeng Deng 已提交
325
                if self._nranks < 2 or self._local_rank == 0:
K
Kaipeng Deng 已提交
326 327 328 329
                    self.status['training_staus'].update(outputs)

                self.status['batch_time'].update(time.time() - iter_tic)
                self._compose_callback.on_step_end(self.status)
330 331
                if self.use_ema:
                    self.ema.update(self.model)
F
Feng Ni 已提交
332
                iter_tic = time.time()
K
Kaipeng Deng 已提交
333

334 335 336 337 338
            # apply ema weight on model
            if self.use_ema:
                weight = self.model.state_dict()
                self.model.set_dict(self.ema.apply())

K
Kaipeng Deng 已提交
339 340
            self._compose_callback.on_epoch_end(self.status)

K
Kaipeng Deng 已提交
341
            if validate and (self._nranks < 2 or self._local_rank == 0) \
G
Guanghua Yu 已提交
342
                    and ((epoch_id + 1) % self.cfg.snapshot_epoch == 0 \
K
Kaipeng Deng 已提交
343 344 345 346 347 348 349 350 351 352 353 354 355
                             or epoch_id == self.end_epoch - 1):
                if not hasattr(self, '_eval_loader'):
                    # build evaluation dataset and loader
                    self._eval_dataset = self.cfg.EvalDataset
                    self._eval_batch_sampler = \
                        paddle.io.BatchSampler(
                            self._eval_dataset,
                            batch_size=self.cfg.EvalReader['batch_size'])
                    self._eval_loader = create('EvalReader')(
                        self._eval_dataset,
                        self.cfg.worker_num,
                        batch_sampler=self._eval_batch_sampler)
                with paddle.no_grad():
356
                    self.status['save_best_model'] = True
K
Kaipeng Deng 已提交
357 358
                    self._eval_with_loader(self._eval_loader)

359 360 361 362
            # restore origin weight on model
            if self.use_ema:
                self.model.set_dict(weight)

K
Kaipeng Deng 已提交
363
    def _eval_with_loader(self, loader):
K
Kaipeng Deng 已提交
364 365 366
        sample_num = 0
        tic = time.time()
        self._compose_callback.on_epoch_begin(self.status)
K
Kaipeng Deng 已提交
367 368 369
        self.status['mode'] = 'eval'
        self.model.eval()
        for step_id, data in enumerate(loader):
K
Kaipeng Deng 已提交
370 371 372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388
            self.status['step_id'] = step_id
            self._compose_callback.on_step_begin(self.status)
            # forward
            outs = self.model(data)

            # update metrics
            for metric in self._metrics:
                metric.update(data, outs)

            sample_num += data['im_id'].numpy().shape[0]
            self._compose_callback.on_step_end(self.status)

        self.status['sample_num'] = sample_num
        self.status['cost_time'] = time.time() - tic

        # accumulate metric to log out
        for metric in self._metrics:
            metric.accumulate()
            metric.log()
389
        self._compose_callback.on_epoch_end(self.status)
K
Kaipeng Deng 已提交
390 391 392
        # reset metric states for metric may performed multiple times
        self._reset_metrics()

K
Kaipeng Deng 已提交
393
    def evaluate(self):
394 395
        with paddle.no_grad():
            self._eval_with_loader(self.loader)
K
Kaipeng Deng 已提交
396

C
cnn 已提交
397 398 399 400 401
    def predict(self,
                images,
                draw_threshold=0.5,
                output_dir='output',
                save_txt=False):
K
Kaipeng Deng 已提交
402 403 404 405 406 407
        self.dataset.set_images(images)
        loader = create('TestReader')(self.dataset, 0)

        imid2path = self.dataset.get_imid2path()

        anno_file = self.dataset.get_anno()
C
cnn 已提交
408 409
        clsid2catid, catid2name = get_categories(
            self.cfg.metric, anno_file=anno_file)
K
Kaipeng Deng 已提交
410

K
Kaipeng Deng 已提交
411 412 413
        # Run Infer 
        self.status['mode'] = 'test'
        self.model.eval()
K
Kaipeng Deng 已提交
414 415 416 417
        for step_id, data in enumerate(loader):
            self.status['step_id'] = step_id
            # forward
            outs = self.model(data)
418

K
Kaipeng Deng 已提交
419 420
            for key in ['im_shape', 'scale_factor', 'im_id']:
                outs[key] = data[key]
G
Guanghua Yu 已提交
421
            for key, value in outs.items():
422 423
                if hasattr(value, 'numpy'):
                    outs[key] = value.numpy()
K
Kaipeng Deng 已提交
424 425 426

            batch_res = get_infer_results(outs, clsid2catid)
            bbox_num = outs['bbox_num']
Z
zhiboniu 已提交
427

K
Kaipeng Deng 已提交
428 429 430 431
            start = 0
            for i, im_id in enumerate(outs['im_id']):
                image_path = imid2path[int(im_id)]
                image = Image.open(image_path).convert('RGB')
432
                self.status['original_image'] = np.array(image.copy())
K
Kaipeng Deng 已提交
433

434
                end = start + bbox_num[i]
K
Kaipeng Deng 已提交
435 436 437 438
                bbox_res = batch_res['bbox'][start:end] \
                        if 'bbox' in batch_res else None
                mask_res = batch_res['mask'][start:end] \
                        if 'mask' in batch_res else None
G
Guanghua Yu 已提交
439 440
                segm_res = batch_res['segm'][start:end] \
                        if 'segm' in batch_res else None
441 442 443 444
                keypoint_res = batch_res['keypoint'][start:end] \
                        if 'keypoint' in batch_res else None
                image = visualize_results(
                    image, bbox_res, mask_res, segm_res, keypoint_res,
C
cnn 已提交
445
                    int(im_id), catid2name, draw_threshold)
446
                self.status['result_image'] = np.array(image.copy())
447 448
                if self._compose_callback:
                    self._compose_callback.on_step_end(self.status)
K
Kaipeng Deng 已提交
449 450 451 452 453
                # save image with detection
                save_name = self._get_save_image_name(output_dir, image_path)
                logger.info("Detection bbox results save in {}".format(
                    save_name))
                image.save(save_name, quality=95)
C
cnn 已提交
454 455
                if save_txt:
                    save_path = os.path.splitext(save_name)[0] + '.txt'
456 457 458 459 460 461 462
                    results = {}
                    results["im_id"] = im_id
                    if bbox_res:
                        results["bbox_res"] = bbox_res
                    if keypoint_res:
                        results["keypoint_res"] = keypoint_res
                    save_result(save_path, results, catid2name, draw_threshold)
K
Kaipeng Deng 已提交
463 464 465 466 467 468 469 470 471 472 473 474 475
                start = end

    def _get_save_image_name(self, output_dir, image_path):
        """
        Get save image name from source image path.
        """
        if not os.path.exists(output_dir):
            os.makedirs(output_dir)
        image_name = os.path.split(image_path)[-1]
        name, ext = os.path.splitext(image_name)
        return os.path.join(output_dir, "{}".format(name)) + ext

    def export(self, output_dir='output_inference'):
476
        self.model.eval()
K
Kaipeng Deng 已提交
477 478 479 480 481
        model_name = os.path.splitext(os.path.split(self.cfg.filename)[-1])[0]
        save_dir = os.path.join(output_dir, model_name)
        if not os.path.exists(save_dir):
            os.makedirs(save_dir)
        image_shape = None
482 483 484 485 486 487
        if self.cfg.architecture in MOT_ARCH:
            test_reader_name = 'TestMOTReader'
        else:
            test_reader_name = 'TestReader'
        if 'inputs_def' in self.cfg[test_reader_name]:
            inputs_def = self.cfg[test_reader_name]['inputs_def']
K
Kaipeng Deng 已提交
488
            image_shape = inputs_def.get('image_shape', None)
489
        # set image_shape=[3, -1, -1] as default
K
Kaipeng Deng 已提交
490
        if image_shape is None:
491
            image_shape = [3, -1, -1]
K
Kaipeng Deng 已提交
492

K
Kaipeng Deng 已提交
493
        self.model.eval()
494
        if hasattr(self.model, 'deploy'): self.model.deploy = True
K
Kaipeng Deng 已提交
495

K
Kaipeng Deng 已提交
496 497 498 499 500 501 502 503 504 505 506 507 508 509 510
        # Save infer cfg
        _dump_infer_config(self.cfg,
                           os.path.join(save_dir, 'infer_cfg.yml'), image_shape,
                           self.model)

        input_spec = [{
            "image": InputSpec(
                shape=[None] + image_shape, name='image'),
            "im_shape": InputSpec(
                shape=[None, 2], name='im_shape'),
            "scale_factor": InputSpec(
                shape=[None, 2], name='scale_factor')
        }]

        # dy2st and save model
511
        if 'slim' not in self.cfg or self.cfg['slim_type'] != 'QAT':
512 513 514 515 516 517 518 519 520 521 522 523 524
            static_model = paddle.jit.to_static(
                self.model, input_spec=input_spec)
            # NOTE: dy2st do not pruned program, but jit.save will prune program
            # input spec, prune input spec here and save with pruned input spec
            pruned_input_spec = self._prune_input_spec(
                input_spec, static_model.forward.main_program,
                static_model.forward.outputs)
            paddle.jit.save(
                static_model,
                os.path.join(save_dir, 'model'),
                input_spec=pruned_input_spec)
            logger.info("Export model and saved in {}".format(save_dir))
        else:
525
            self.cfg.slim.save_quantized_model(
526 527 528
                self.model,
                os.path.join(save_dir, 'model'),
                input_spec=input_spec)
529 530 531 532 533 534 535 536 537 538 539 540 541 542 543 544 545

    def _prune_input_spec(self, input_spec, program, targets):
        # try to prune static program to figure out pruned input spec
        # so we perform following operations in static mode
        paddle.enable_static()
        pruned_input_spec = [{}]
        program = program.clone()
        program = program._prune(targets=targets)
        global_block = program.global_block()
        for name, spec in input_spec[0].items():
            try:
                v = global_block.var(name)
                pruned_input_spec[0][name] = spec
            except Exception:
                pass
        paddle.disable_static()
        return pruned_input_spec