2 Star 2 Fork 1

openvinotoolkit-prc / nncf

加入 Gitee
与超过 1200万 开发者一起发现、参与优秀开源项目,私有仓库也完全免费 :)
免费加入
克隆/下载
README.md 7.53 KB
一键复制 编辑 原始数据 按行查看 历史

Object Detection Sample

This sample demonstrates DL model compression capabilities for Object Detection task. The sample consists of basic steps such as DL model initialization, dataset preparation, training loop over epochs and validation steps. The sample receives a configuration file where the training schedule, hyper-parameters, and compression settings are defined.

Features

  • RetinaNet from the official TF repository with minor modifications (custom implementation of upsampling is replaced with equivalent tf.keras.layers.UpSampling2D). YOLOv4 from the keras-YOLOv3-model-set repository.
  • Support TensorFlow Datasets (TFDS) and TFRecords for COCO2017 dataset.
  • Configuration file examples for sparsity, quantization, filter pruning and quantization with sparsity.
  • Export to Frozen Graph or TensorFlow SavedModel that is supported by the OpenVINO™ toolkit.
  • Distributed training on multiple GPUs on one machine is supported using tf.distribute.MirroredStrategy.

Installation

At this point it is assumed that you have already installed nncf. You can find information on downloading nncf here.

To work with the sample you should install the corresponding Python package dependencies:

pip install -r examples/tensorflow/requirements.txt

Quantize Pretrained Model

This scenario demonstrates quantization with fine-tuning of RetinaNet with ResNet-50 backbone on the COCO2017 dataset.

Dataset Preparation

The object detection sample supports TensorFlow Datasets (TFDS) and TFRecords. The dataset type is specified in the configuration file by setting the "dataset_type" parameter to "tfds" or "tfrecords" accordingly. The TFDS format is used by default in the configuration file.

Using TFDS

Please read the following guide for more information on how to use TFDS to download and prepare a dataset. For the COCO2017 dataset, TFDS supports automatic download. All you need to do is to specify the dataset and its type in the configuration file as follows:

    "dataset": "coco/2017",
    "dataset_type": "tfds"

Legacy TFRecords

To download the COCO2017 dataset and convert it to TFRecord format please use download_and_preprocess_coco.sh script from the official TensorFlow TPU repository.

bash <path_to_tensorflow_tpu_repo>/tools/datasets/download_and_preprocess_coco.sh <path_to_coco_data_dir>

This script installs the required libraries and then runs the dataset preprocessing. The output of the script is *.tfrecord files in your local data directory.

The COCO2017 dataset in TFRecords format should be specified in the configuration file as follows:

    "dataset": "coco/2017",
    "dataset_type": "tfrecords"

Run Object Detection Sample

  • If you did not install the package, add the repository root folder to the PYTHONPATH environment variable.

  • Go to the examples/tensorflow/object_detection folder.

  • Download the pre-trained weights in H5 format for either RetinaNet or YOLOv4 and provide the path to them using --weights flag.

  • (Optional) Before compressing a model, it is highly recommended checking the accuracy of the pretrained model, use the following command:

    python main.py \
    --mode=test \
    --config=configs/quantization/retinanet_coco_int8.json \
    --weights=<path_to_H5_file_with_pretrained_weights> \
    --data=<path_to_dataset> \
    --disable-compression
  • Run the following command to start compression with fine-tuning on all available GPUs on the machine:

    python main.py \
    --mode=train \
    --config=configs/quantization/retinanet_coco_int8.json \
    --weights=<path_to_H5_file_with_pretrained_weights> \
    --data=<path_to_dataset> \
    --log-dir=../../results/quantization/retinanet_coco_int8
  • Use the --resume flag with the path to the checkpoint to resume training from the defined checkpoint or folder with checkpoints to resume training from the last checkpoint.

Validate Your Model Checkpoint

To estimate the test scores of your trained model checkpoint, use the following command:

python main.py \
--mode=test \
--config=configs/quantization/retinanet_coco_int8.json \
--data=<path_to_dataset> \
--resume=<path_to_trained_model_checkpoint>

Export Compressed Model

To export trained model to the Frozen Graph, use the following command:

python main.py \
--mode=export \
--config=configs/quantization/retinanet_coco_int8.json \
--resume=<path_to_trained_model_checkpoint> \
--to-frozen-graph=../../results/retinanet_coco_int8.pb

To export trained model to the SavedModel, use the following command:

python main.py \
--mode=export \
--config=configs/quantization/retinanet_coco_int8.json \
--resume=<path_to_trained_model_checkpoint> \
--to-saved-model=../../results/saved_model

To export trained model to the Keras H5, use the following command:

python main.py \
--mode=export \
--config=configs/quantization/retinanet_coco_int8.json \
--resume=<path_to_trained_model_checkpoint> \
--to-h5=../../results/retinanet_coco_int8.h5

Save Checkpoint without Optimizer

To reduce memory footprint (if no further training is scheduled) it is useful to save the checkpoint without optimizer. Use the following command:

python ../common/prepare_checkpoint.py \
--config=configs/quantization/retinanet_coco_int8.json \
--resume=<path_to_trained_model_checkpoint> \
--checkpoint-save-dir=<path_to_save_optimized_model_checkpoint>

Export to OpenVINO™ Intermediate Representation (IR)

To export a model to the OpenVINO IR and run it using the Intel® Deep Learning Deployment Toolkit, refer to this tutorial.

Train RetinaNet from scratch

  • Download pre-trained ResNet-50 checkpoint from here.

  • If you did not install the package, add the repository root folder to the PYTHONPATH environment variable.

  • Go to the examples/tensorflow/object_detection folder.

  • Run the following command to start training RetinaNet from scratch on all available GPUs on the machine:

    python main.py \
    --mode=train \
    --config=configs/retinanet_coco.json \
    --data=<path_to_dataset> \
    --log-dir=../../results/quantization/retinanet_coco_baseline \
    --backbone-checkpoint=<path_to_resnet50-2018-02-07_folder>
  • Export trained model to the Keras H5 format.

Results

Please see compression results for Tensorflow object detection at our Model Zoo page.

Python
1
https://gitee.com/openvinotoolkit-prc/nncf.git
git@gitee.com:openvinotoolkit-prc/nncf.git
openvinotoolkit-prc
nncf
nncf
develop

搜索帮助