Add a section of how to link IE with CMake project (#99)
[platform/upstream/dldt.git] / inference-engine / ie_bridges / python / sample / style_transfer_sample.py
1 #!/usr/bin/env python
2 """
3  Copyright (c) 2018 Intel Corporation
4
5  Licensed under the Apache License, Version 2.0 (the "License");
6  you may not use this file except in compliance with the License.
7  You may obtain a copy of the License at
8
9       http://www.apache.org/licenses/LICENSE-2.0
10
11  Unless required by applicable law or agreed to in writing, software
12  distributed under the License is distributed on an "AS IS" BASIS,
13  WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
14  See the License for the specific language governing permissions and
15  limitations under the License.
16 """
17 from __future__ import print_function
18 import sys
19 import os
20 from argparse import ArgumentParser
21 import cv2
22 import numpy as np
23 import logging as log
24 from time import time
25 from openvino.inference_engine import IENetwork, IEPlugin
26
27
28 def build_argparser():
29     parser = ArgumentParser()
30     parser.add_argument("-m", "--model", help="Path to an .xml file with a trained model.", required=True, type=str)
31     parser.add_argument("-i", "--input", help="Path to a folder with images or path to an image files", required=True,
32                         type=str, nargs="+")
33     parser.add_argument("-l", "--cpu_extension",
34                         help="MKLDNN (CPU)-targeted custom layers.Absolute path to a shared library with the kernels "
35                              "impl.", type=str, default=None)
36     parser.add_argument("-pp", "--plugin_dir", help="Path to a plugin folder", type=str, default=None)
37     parser.add_argument("-d", "--device",
38                         help="Specify the target device to infer on; CPU, GPU, FPGA or MYRIAD is acceptable. Sample "
39                              "will look for a suitable plugin for device specified (CPU by default)", default="CPU",
40                         type=str)
41     parser.add_argument("-nt", "--number_top", help="Number of top results", default=10, type=int)
42     parser.add_argument("-ni", "--number_iter", help="Number of inference iterations", default=1, type=int)
43     parser.add_argument("--mean_val_r", "-mean_val_r",
44                         help="Mean value of red chanel for mean value subtraction in postprocessing ", default=0,
45                         type=float)
46     parser.add_argument("--mean_val_g", "-mean_val_g",
47                         help="Mean value of green chanel for mean value subtraction in postprocessing ", default=0,
48                         type=float)
49     parser.add_argument("--mean_val_b", "-mean_val_b",
50                         help="Mean value of blue chanel for mean value subtraction in postprocessing ", default=0,
51                         type=float)
52     parser.add_argument("-pc", "--perf_counts", help="Report performance counters", default=False, action="store_true")
53
54     return parser
55
56
57 def main():
58     log.basicConfig(format="[ %(levelname)s ] %(message)s", level=log.INFO, stream=sys.stdout)
59     args = build_argparser().parse_args()
60     model_xml = args.model
61     model_bin = os.path.splitext(model_xml)[0] + ".bin"
62
63     # Plugin initialization for specified device and load extensions library if specified
64     plugin = IEPlugin(device=args.device, plugin_dirs=args.plugin_dir)
65     if args.cpu_extension and 'CPU' in args.device:
66         plugin.add_cpu_extension(args.cpu_extension)
67     # Read IR
68     log.info("Loading network files:\n\t{}\n\t{}".format(model_xml, model_bin))
69     net = IENetwork(model=model_xml, weights=model_bin)
70
71     if plugin.device == "CPU":
72         supported_layers = plugin.get_supported_layers(net)
73         not_supported_layers = [l for l in net.layers.keys() if l not in supported_layers]
74         if len(not_supported_layers) != 0:
75             log.error("Following layers are not supported by the plugin for specified device {}:\n {}".
76                       format(plugin.device, ', '.join(not_supported_layers)))
77             log.error("Please try to specify cpu extensions library path in sample's command line parameters using -l "
78                       "or --cpu_extension command line argument")
79             sys.exit(1)
80
81     assert len(net.inputs.keys()) == 1, "Sample supports only single input topologies"
82     assert len(net.outputs) == 1, "Sample supports only single output topologies"
83
84     log.info("Preparing input blobs")
85     input_blob = next(iter(net.inputs))
86     out_blob = next(iter(net.outputs))
87     net.batch_size = len(args.input)
88
89     # Read and pre-process input images
90     n, c, h, w = net.inputs[input_blob].shape
91     images = np.ndarray(shape=(n, c, h, w))
92     for i in range(n):
93         image = cv2.imread(args.input[i])
94         if image.shape[:-1] != (h, w):
95             log.warning("Image {} is resized from {} to {}".format(args.input[i], image.shape[:-1], (h, w)))
96             image = cv2.resize(image, (w, h))
97         image = image.transpose((2, 0, 1))  # Change data layout from HWC to CHW
98         images[i] = image
99     log.info("Batch size is {}".format(n))
100
101     # Loading model to the plugin
102     log.info("Loading model to the plugin")
103     exec_net = plugin.load(network=net)
104     del net
105
106     # Start sync inference
107     log.info("Starting inference ({} iterations)".format(args.number_iter))
108     infer_time = []
109     for i in range(args.number_iter):
110         t0 = time()
111         res = exec_net.infer(inputs={input_blob: images})
112         infer_time.append((time() - t0) * 1000)
113     log.info("Average running time of one iteration: {} ms".format(np.average(np.asarray(infer_time))))
114     if args.perf_counts:
115         perf_counts = exec_net.requests[0].get_perf_counts()
116         log.info("Performance counters:")
117         print("{:<70} {:<15} {:<15} {:<15} {:<10}".format('name', 'layer_type', 'exet_type', 'status', 'real_time, us'))
118         for layer, stats in perf_counts.items():
119             print("{:<70} {:<15} {:<15} {:<15} {:<10}".format(layer, stats['layer_type'], stats['exec_type'],
120                                                               stats['status'], stats['real_time']))
121     # Processing output blob
122     log.info("Processing output blob")
123     res = res[out_blob]
124     # Post process output
125     for batch, data in enumerate(res):
126         # Clip values to [0, 255] range
127         data = np.swapaxes(data, 0, 2)
128         data = np.swapaxes(data, 0, 1)
129         data = cv2.cvtColor(data, cv2.COLOR_BGR2RGB)
130         data[data < 0] = 0
131         data[data > 255] = 255
132         data = data[::] - (args.mean_val_r, args.mean_val_g, args.mean_val_b)
133         out_img = os.path.join(os.path.dirname(__file__), "out_{}.bmp".format(batch))
134         cv2.imwrite(out_img, data)
135         log.info("Result image was saved to {}".format(out_img))
136     del exec_net
137     del plugin
138
139
140 if __name__ == '__main__':
141     sys.exit(main() or 0)