microsoft / onnxruntime

ONNX Runtime: cross-platform, high performance ML inferencing and training accelerator
https://onnxruntime.ai
MIT License
14.43k stars 2.9k forks source link

session.set_providers failed to call 'OpenVINOExecutionProvider' #2298

Closed JohnnyLing closed 4 years ago

JohnnyLing commented 4 years ago

Describe the bug failed to run session.set_providers(['OpenVINOExecutionProvider']) on my ubuntu machine with intel PCIe MYRIAD VPU.

get_providers() returns only CPUExecutionProvider. Below output logs:

session.get_providers() ['CPUExecutionProvider'] session.set_providers(['CPUExecutionProvider']) session.set_providers(['OpenVINOExecutionProvider']) Traceback (most recent call last): File "", line 1, in File "/home/uzel/.local/lib/python3.6/site-packages/onnxruntime/capi/session.py", line 97, in set_providers raise ValueError("{} does not contain a subset of available providers {}".format(providers, C.get_available_providers())) ValueError: ['OpenVINOExecutionProvider'] does not contain a subset of available providers ['CPUExecutionProvider']

I can run the OpenVINO R1.1 demo on both CPU and MYRIAD. Suppose the OpenVINO setup works. I built out onnxruntime python wheel by running the command ./build.sh --config RelWithDebInfo --use_openvino VAD-M_FP16 --build_wheel And the new build onnxruntime was successfully installed since new method get_providers/set_providers is available.

From the source code, it looks onnxruntime will register execution provider after session initialization. Any known issue when registering OpenVINO execution provider? How can debug into the C++ pybind_state code?

Thanks

Urgency If there are particular important use cases blocked by this or strict project-related timelines, please share more information and dates. If there are no hard deadlines, please specify none.

System information

To Reproduce Describe steps/code to reproduce the behavior:

Expected behavior A clear and concise description of what you expected to happen.

Screenshots If applicable, add screenshots to help explain your problem.

Additional context Add any other context about the problem here. If the issue is about a particular model, please share the model details as well to facilitate debugging.

jywu-msft commented 4 years ago

can you share output of

import onnxruntime
onnxruntime.get_device()
print(onnxruntime.__file__)
JohnnyLing commented 4 years ago

Thank you George for the quick response. get_device returns only 'CPU'.

import onnxruntime onnxruntime.get_device() 'CPU'

The OpenVINO demo works on my ubuntu machine by running ./demo_security_barrier_camera.sh -d MYRIAD Also the PCI-e MYRIAD device exists.

          *-pci:0
               description: PCI bridge
               product: Pericom Semiconductor
               vendor: Pericom Semiconductor
               physical id: 1
               bus info: pci@0000:02:01.0
               version: 00
               width: 32 bits
               clock: 33MHz
               capabilities: pci pm msi pciexpress normal_decode bus_master cap_list
               configuration: driver=pcieport
               resources: irq:125 memory:df300000-df3fffff
             *-usb
                  description: USB controller
                  product: ASM1042A USB 3.0 Host Controller
                  vendor: ASMedia Technology Inc.
                  physical id: 0
                  bus info: pci@0000:03:00.0
                  version: 00
                  width: 64 bits
                  clock: 33MHz
                  capabilities: msi msix pm pciexpress xhci bus_master cap_list
                  configuration: driver=xhci_hcd latency=0
                  resources: irq:17 memory:df300000-df307fff
                *-usbhost:0
                     product: xHCI Host Controller
                     vendor: Linux 5.0.0-32-generic xhci-hcd
                     physical id: 0
                     bus info: usb@3
                     logical name: usb3
                     version: 5.00
                     capabilities: usb-2.00
                     configuration: driver=hub slots=2 speed=480Mbit/s
                   *-usb:0 UNCLAIMED
                        description: Generic USB device
                        product: Movidius MyriadX
                        vendor: Movidius Ltd.
                        physical id: 1
                        bus info: usb@3:1
                        version: 0.01
                        serial: 03e72485
                        capabilities: usb-2.00
                        configuration: maxpower=500mA speed=480Mbit/s
                   *-usb:1 UNCLAIMED
                        description: Generic USB device
                        product: Movidius MyriadX
                        vendor: Movidius Ltd.
                        physical id: 2
                        bus info: usb@3:2
                        version: 0.01
                        serial: 03e72485
                        capabilities: usb-2.00
                        configuration: maxpower=500mA speed=480Mbit/s
                *-usbhost:1
                     product: xHCI Host Controller
                     vendor: Linux 5.0.0-32-generic xhci-hcd
                     physical id: 1
                     bus info: usb@4
                     logical name: usb4
                     version: 5.00
                     capabilities: usb-3.00
                     configuration: driver=hub slots=2 speed=5000Mbit/s

Regards


From: George Wu notifications@github.com Sent: Thursday, October 31, 2019 9:37 PM To: microsoft/onnxruntime onnxruntime@noreply.github.com Cc: JohnnyLing blizzardling@msn.com; Author author@noreply.github.com Subject: Re: [microsoft/onnxruntime] session.set_providers failed to call 'OpenVINOExecutionProvider' (#2298)

can you share output of ''' import onnxruntime onnxruntime.get_device() '''

— You are receiving this because you authored the thread. Reply to this email directly, view it on GitHubhttps://github.com/microsoft/onnxruntime/issues/2298?email_source=notifications&email_token=ADLGNXBS5MD7Y6VPGMO5QRLQROXCJA5CNFSM4JHVNR72YY3PNVWWK3TUL52HS4DFVREXG43VMVBW63LNMVXHJKTDN5WW2ZLOORPWSZGOECZ7CSQ#issuecomment-548663626, or unsubscribehttps://github.com/notifications/unsubscribe-auth/ADLGNXCXJSYAQAM55ST73CTQROXCJANCNFSM4JHVNR7Q.

jywu-msft commented 4 years ago

can you also share output of

import onnxruntime
print(onnxruntime.__file__)

it looks like the onnxruntime you are using wasn't built with openvino execution provider. so it's possible you have multiple versions of onnxruntime installed?

JohnnyLing commented 4 years ago

The ubuntu machine is not accessiable. I may check onnxruntime.file on next Monday.

From the testing log, calling OpenVINOExecutionProvider::GetCapability failed. I believe openvino execution provider was already built into onnxruntime, but somehow failed when calling the EP. This is frustrating since openvino demo works with myriad by calling ./demo_security_barrier_camera.sh -d MYRIAD. Any suggestion?

Below part of the log output: 1: [----------] 2 tests from ParallelExecutor 1: [ RUN ] ParallelExecutor.TestStatusPropagation 1: 2019-11-01 15:51:52.922115323 [W:onnxruntime:Default, openvino_execution_provider.cc:481 GetCapability] [OpenVINO-EP] Rejecting as graph has unsupported operations.Operation is not supported by OpenVINO 1: 2019-11-01 15:51:52.922802114 [E:onnxruntime:Default, parallel_executor.cc:204 RunNodeAsync] Non-zero status code returned while running TestOp node. Name:'node1' Status Message: Action was 1 1: 2019-11-01 15:51:52.922820862 [E:onnxruntime:Default, parallel_executor.cc:75 Execute] [ONNXRuntimeError] : 1 : FAIL : Non-zero status code returned while running TestOp node. Name:'node1' Status Message: Action was 1 1: 2019-11-01 15:51:52.925144196 [W:onnxruntime:Default, openvino_execution_provider.cc:481 GetCapability] [OpenVINO-EP] Rejecting as graph has unsupported operations.Operation is not supported by OpenVINO 1: 2019-11-01 15:51:52.925178728 [E:onnxruntime:Default, parallel_executor.cc:204 RunNodeAsync] Non-zero status code returned while running TestOp node. Name:'node1' Status Message: Action was 1 1: 2019-11-01 15:51:52.925196998 [E:onnxruntime:Default, parallel_executor.cc:75 Execute] [ONNXRuntimeError] : 1 : FAIL : Non-zero status code returned while running TestOp node. Name:'node1' Status Message: Action was 1 1: 2019-11-01 15:51:52.925851483 [E:onnxruntime:Default, parallel_executor.cc:204 RunNodeAsync] Non-zero status code returned while running TestOp node. Name:'node1' Status Message: /home/uzel/onnxruntime/onnxruntime/test/framework/parallel_executor_test.cc:59 virtual onnxruntime::common::Status onnxruntime::test::TestOp::OpKernelImpl::Compute(onnxruntime::OpKernelContext) const Throwing as action was 2 1: Stacktrace: 1: 1: 2019-11-01 15:51:52.925867788 [E:onnxruntime:Default, parallel_executor.cc:75 Execute] [ONNXRuntimeError] : 6 : RUNTIME_EXCEPTION : Non-zero status code returned while running TestOp node. Name:'node1' Status Message: /home/uzel/onnxruntime/onnxruntime/test/framework/parallel_executor_test.cc:59 virtual onnxruntime::common::Status onnxruntime::test::TestOp::OpKernelImpl::Compute(onnxruntime::OpKernelContext) const Throwing as action was 2 1: Stacktrace: 1: 1: 2019-11-01 15:51:52.928102388 [W:onnxruntime:Default, openvino_execution_provider.cc:481 GetCapability] [OpenVINO-EP] Rejecting as graph has unsupported operations.Operation is not supported by OpenVINO 1: 2019-11-01 15:51:52.928150895 [E:onnxruntime:Default, parallel_executor.cc:204 RunNodeAsync] Non-zero status code returned while running TestOp node. Name:'node1' Status Message: /home/uzel/onnxruntime/onnxruntime/test/framework/parallel_executor_test.cc:59 virtual onnxruntime::common::Status onnxruntime::test::TestOp::OpKernelImpl::Compute(onnxruntime::OpKernelContext) const Throwing as action was 2 1: Stacktrace: 1: 1: 2019-11-01 15:51:52.928164513 [E:onnxruntime:Default, parallel_executor.cc:75 Execute] [ONNXRuntimeError] : 6 : RUNTIME_EXCEPTION : Non-zero status code returned while running TestOp node. Name:'node1' Status Message: /home/uzel/onnxruntime/onnxruntime/test/framework/parallel_executor_test.cc:59 virtual onnxruntime::common::Status onnxruntime::test::TestOp::OpKernelImpl::Compute(onnxruntime::OpKernelContext) const Throwing as action was 2 1: Stacktrace: 1: 1: [ OK ] ParallelExecutor.TestStatusPropagation (9 ms) 1: [ RUN ] ParallelExecutor.TestNullInterOpThreadPool 1: 2019-11-01 15:51:52.928844709 [W:onnxruntime:Default, utils.cc:444 ExecuteGraphImpl] Only one thread was configured for parallel execution. Hence will use sequential execution. 1: 2019-11-01 15:51:52.929908436 [W:onnxruntime:Default, openvino_execution_provider.cc:481 GetCapability] [OpenVINO-EP] Rejecting as graph has unsupported operations.Operation is not supported by OpenVINO 1: 2019-11-01 15:51:52.929936408 [W:onnxruntime:Default, utils.cc:444 ExecuteGraphImpl] Only one thread was configured for parallel execution. Hence will use sequential execution. 1: [ OK ] ParallelExecutor.TestNullInterOpThreadPool (2 ms)

JohnnyLing commented 4 years ago

I install old version onnx/onnxruntime by calling pip3 install onnx/onnxruntime. Everything works well on CPU execution. But this is too old version without openvino EP support, like the method get_providers() or set_providers(). Then I built onnxruntime source code and install the python wheel. I think my onnxruntime was already built with openvino EP, but failed to run it.

JohnnyLing commented 4 years ago

print(onnxruntime.file) /home/uzel/.local/lib/python3.6/site-packages/onnxruntime/init.py

-------------------------------------------------------------------------

Copyright (c) Microsoft Corporation. All rights reserved.

Licensed under the MIT License.

--------------------------------------------------------------------------

""" ONNX Runtime is a performance-focused scoring engine for Open Neural Network Exchange (ONNX) models. For more information on ONNX Runtime, please see aka.ms/onnxruntime <https://aka.ms/onnxruntime/> or the Github project <https://github.com/microsoft/onnxruntime/>. """ version = "1.0.0" author = "Microsoft"

from onnxruntime.capi._pybind_state import get_all_providers, get_available_providers, get_device, RunOptions, SessionOptions, set_default_logger_severity, NodeArg, ModelMetadata, GraphOptimizationLevel, ExecutionMode from onnxruntime.capi.session import InferenceSession from onnxruntime.capi import onnxruntime_validation onnxruntime_validation.check_distro_info()

jywu-msft commented 4 years ago

Hi, this means that you installed onnxruntime 1.0 python package from pypi. that only use cpu provider available. please uninstall that one first using pip uninstall onnxruntime

when building onnxruntime with openvino from source, please add --update --build arguments to skip tests. then please install the *.whl file that gets created.

./build.sh --config RelWithDebInfo --use_openvino VAD-M_FP16 --build_wheel --update --build

JohnnyLing commented 4 years ago

thank you. the OpenVINOExecutionProvider is now available. I am running the resnet50 sample from https://github.com/onnx/onnx-docker/tree/master/onnx-ecosystem/inference_demos, but failed to set openvino execution provider. any suggestions?

onnxruntime.get_device() 'CPU-OPENVINO_VAD_M' session.get_providers() ['OpenVINOExecutionProvider', 'CPUExecutionProvider'] session.set_providers(['OpenVINOExecutionProvider']) 2019-11-04 16:56:39.068719676 [W:onnxruntime:Default, openvino_execution_provider.cc:495 GetCapability] [OpenVINO-EP] Rejecting as Model Optimizer cannot convert this model.Python function call failure

jywu-msft commented 4 years ago

You don't need to call set_providers() OpenVINOExecutionProvider is already registered by default. Your get_providers() call shows that. Just call sess.run(...)

jywu-msft commented 4 years ago

@smkarlap @suryasidd for ideas on why the MO conversion failed.

suryasidd commented 4 years ago

Hi, Are you getting the error when you run the command session.set_proivders?

jywu-msft commented 4 years ago

@JohnnyLing can you provide full logs? Are there more details on why Model Optimizer fails?

openvino_execution_provider.cc:495 GetCapability] [OpenVINO-EP] Rejecting as Model Optimizer cannot convert this model.Python function call failure

JohnnyLing commented 4 years ago

Yes, below complete python log to run resnet50 model.

import numpy as np # we're going to use numpy to process input and output data import onnxruntime # to inference ONNX models, we use the ONNX Runtime import onnx from onnx import numpy_helper import urllib.request import json import time import matplotlib.pyplot as plt from PIL import Image, ImageDraw, ImageFont

onnx_model_url = "https://s3.amazonaws.com/onnx-model-zoo/resnet/resnet50v2/resnet50v2.tar.gz"

... # imagenet_labels_url = "https://raw.githubusercontent.com/anishathalye/imagenet-simple-labels/master/imagenet-simple-labels.json" ... # urllib.request.urlretrieve(onnx_model_url, filename="resnet50v2.tar.gz") ... # urllib.request.urlretrieve(imagenet_labels_url, filename="imagenet-simple-labels.json") ...

test_data_dir = 'resnet50v2/test_data_set' test_data_num = 3

import glob import os

inputs = [] for i in range(test_data_num): ... input_file = os.path.join(test_datadir + '{}'.format(i), 'input_0.pb') ... tensor = onnx.TensorProto() ... with open(input_file, 'rb') as f: ... tensor.ParseFromString(f.read()) ... inputs.append(numpy_helper.to_array(tensor)) ... 602128 602128 602128

print('Loaded {} inputs successfully.'.format(test_data_num)) Loaded 3 inputs successfully.

... # Load reference outputs ...

ref_outputs = [] for i in range(test_data_num): ... output_file = os.path.join(test_datadir + '{}'.format(i), 'output_0.pb') ... tensor = onnx.TensorProto() ... with open(output_file, 'rb') as f: ... tensor.ParseFromString(f.read()) ... ref_outputs.append(numpy_helper.to_array(tensor)) ... ... 4010 4010 4010 print('Loaded {} reference outputs successfully.'.format(test_data_num)) Loaded 3 reference outputs successfully.

session = onnxruntime.InferenceSession('resnet50v2/resnet50v2.onnx', None) 2019-11-05 10:12:25.994244006 [W:onnxruntime:Default, openvino_execution_provider.cc:495 GetCapability] [OpenVINO-EP] Rejecting as Model Optimizer cannot convert this model.Python function call failure input_name = session.get_inputs()[0].name print('Input Name:', input_name) Input Name: data

outputs = [session.run([], {input_name: inputs[i]})[0] for i in range(test_data_num)]

print('Predicted {} results.'.format(len(outputs))) Predicted 3 results. for ref_o, o in zip(ref_outputs, outputs): ... np.testing.assert_almost_equal(ref_o, o, 4) ... ... print('ONNX Runtime outputs are similar to reference outputs!') ONNX Runtime outputs are similar to reference outputs!

def load_labels(path): ... with open(path) as f: ... data = json.load(f) ... return np.asarray(data) ...

def preprocess(input_data): ... img_data = input_data.astype('float32') ... img_data = img_data.reshape(1, 3, 224, 224) ... mean_vec = np.array([0.485, 0.456, 0.406]) ... stddev_vec = np.array([0.229, 0.224, 0.225]) ... norm_img_data = np.zeros(img_data.shape).astype('float32') ... for i in range(img_data.shape[0]): ... norm_img_data[i,:,:] = (img_data[i,:,:]/255 - mean_vec[i]) / stddev_vec[i] ... return norm_img_data ...

def softmax(x): ... x = x.reshape(-1) ... e_x = np.exp(x - np.max(x)) ... return e_x / e_x.sum(axis=0) ...

def postprocess(result): ... return softmax(np.array(result)).tolist() ...

labels = load_labels('imagenet-simple-labels.json') image = Image.open('images/dog.jpg') print("Image size: ", image.size) Image size: (224, 224) plt.axis('off') (0.0, 1.0, 0.0, 1.0) display_image = plt.imshow(image) image_data = np.array(image).transpose(2, 0, 1) input_data = preprocess(image_data)

start = time.time() raw_result = session.run([], {input_name: input_data}) end = time.time() res = postprocess(raw_result)

inference_time = np.round((end - start) * 1000, 2) idx = np.argmax(res)

print('========================================')

print('Final top prediction is: ' + labels[idx]) Final top prediction is: Golden Retriever print('========================================')

print('========================================')

print('Inference time: ' + str(inference_time) + " ms") Inference time: 79.76 ms print('========================================')

sort_idx = np.flip(np.squeeze(np.argsort(res))) print('============ Top 5 labels are: ============================') ============ Top 5 labels are: ============================ print(labels[sort_idx[:5]]) ['Golden Retriever' 'Labrador Retriever' 'Otterhound' 'Vizsla' 'Sussex Spaniel'] print('===========================================================')

plt.axis('off') (-0.5, 223.5, 223.5, -0.5) display_image = plt.imshow(image)

session.get_providers() ['OpenVINOExecutionProvider', 'CPUExecutionProvider'] session.set_providers(['CPUExecutionProvider']) session.get_providers() ['CPUExecutionProvider'] session.set_providers(['OpenVINOExecutionProvider']) 2019-11-05 10:13:44.313459223 [W:onnxruntime:Default, openvino_execution_provider.cc:495 GetCapability] [OpenVINO-EP] Rejecting as Model Optimizer cannot convert this model.Python function call failure onnxruntime.get_device() 'CPU-OPENVINO_VAD_M'

To build onnxruntime and run the test cases, I used the command "./build.sh --config RelWithDebInfo --use_openvino VAD-M_FP16 --build_wheel --update --build --test". The log shows some errors to test openvino, but I am not sure if this is the root cause. Attached the complete log file(build_log_VAD-M_FP16_test.txt)

1: [ RUN ] InferenceSessionTests.TestLenientShapeInferencing 1: 2019-11-05 10:13:39.981613268 [W:onnxruntime:Default, graph.cc:73 MergeShapeInfo] Error merging shape info for output. 'shape_output' source:{2} target:{1,2}. Falling back to lenient merge. 1: 2019-11-05 10:13:39.983224424 [W:onnxruntime:Default, openvino_execution_provider.cc:481 GetCapability] [OpenVINO-EP] Rejecting as graph has unsupported operations.Operation is not supported by OpenVINO

1: [ RUN ] ParallelExecutor.TestStatusPropagation 1: 2019-11-05 10:13:39.990032890 [W:onnxruntime:Default, openvino_execution_provider.cc:481 GetCapability] [OpenVINO-EP] Rejecting as graph has unsupported operations.Operation is not supported by OpenVINO 1: 2019-11-05 10:13:39.991041217 [E:onnxruntime:Default, parallel_executor.cc:204 RunNodeAsync] Non-zero status code returned while running TestOp node. Name:'node1' Status Message: Action was 1 1: 2019-11-05 10:13:39.991061234 [E:onnxruntime:Default, parallel_executor.cc:75 Execute] [ONNXRuntimeError] : 1 : FAIL : Non-zero status code returned while running TestOp node. Name:'node1' Status Message: Action was 1

1: [ RUN ] MathOpTest.Add_int32 1: 2019-11-05 10:13:51.167624553 [W:onnxruntime:Default, openvino_execution_provider.cc:495 GetCapability] [OpenVINO-EP] Rejecting as Model Optimizer cannot convert this model.Python function call failure 1: [ OK ] MathOpTest.Add_int32 (1063 ms) 1: [ RUN ] MathOpTest.Add_int64

The last log is how I run intel openvino demo on MYRIAD successfully.

uzel@uzel-US-E1300:/opt/intel/openvino/deployment_tools/demo$ ./demo_security_barrier_camera.sh -MYRIAD Run sudo -E apt -y install build-essential python3-pip virtualenv cmake libcairo2-dev libpango1.0-dev libglib2.0-dev libgtk2.0-dev libswscale-dev libavcodec-dev libavformat-dev libgstreamer1.0-0 gstreamer1.0-plugins-base [sudo] password for uzel: Hit:1 http://security.ubuntu.com/ubuntu bionic-security InRelease Hit:2 http://cn.archive.ubuntu.com/ubuntu bionic InRelease Hit:3 http://cn.archive.ubuntu.com/ubuntu bionic-updates InRelease Hit:4 http://cn.archive.ubuntu.com/ubuntu bionic-backports InRelease Reading package lists... Done Building dependency tree Reading state information... Done 250 packages can be upgraded. Run 'apt list --upgradable' to see them. Reading package lists... Done Building dependency tree Reading state information... Done build-essential is already the newest version (12.4ubuntu1). libgtk2.0-dev is already the newest version (2.24.32-1ubuntu1). virtualenv is already the newest version (15.1.0+ds-1.1). cmake is already the newest version (3.10.2-1ubuntu2.18.04.1). gstreamer1.0-plugins-base is already the newest version (1.14.5-0ubuntu1~18.04.1). libcairo2-dev is already the newest version (1.15.10-2ubuntu0.1). libglib2.0-dev is already the newest version (2.56.4-0ubuntu0.18.04.4). libgstreamer1.0-0 is already the newest version (1.14.5-0ubuntu1~18.04.1). libpango1.0-dev is already the newest version (1.40.14-1ubuntu0.1). libavcodec-dev is already the newest version (7:3.4.6-0ubuntu0.18.04.1). libavformat-dev is already the newest version (7:3.4.6-0ubuntu0.18.04.1). libswscale-dev is already the newest version (7:3.4.6-0ubuntu0.18.04.1). python3-pip is already the newest version (9.0.1-2.3~ubuntu1.18.04.1). 0 upgraded, 0 newly installed, 0 to remove and 250 not upgraded. Reading package lists... Done Building dependency tree Reading state information... Done libpng-dev is already the newest version (1.6.34-1ubuntu0.18.04.2). 0 upgraded, 0 newly installed, 0 to remove and 250 not upgraded. The directory '/home/uzel/.cache/pip/http' or its parent directory is not owned by the current user and the cache has been disabled. Please check the permissions and owner of that directory. If executing pip with sudo, you may want sudo's -H flag. The directory '/home/uzel/.cache/pip' or its parent directory is not owned by the current user and caching wheels has been disabled. check the permissions and owner of that directory. If executing pip with sudo, you may want sudo's -H flag. Requirement already satisfied: pyyaml in /usr/lib/python3/dist-packages Requirement already satisfied: requests in /usr/local/lib/python3.6/dist-packages Requirement already satisfied: idna<2.9,>=2.5 in /usr/lib/python3/dist-packages (from requests) Requirement already satisfied: certifi>=2017.4.17 in /usr/lib/python3/dist-packages (from requests) Requirement already satisfied: urllib3!=1.25.0,!=1.25.1,<1.26,>=1.21.1 in /usr/lib/python3/dist-packages (from requests) Requirement already satisfied: chardet<3.1.0,>=3.0.2 in /usr/lib/python3/dist-packages (from requests) [setupvars.sh] OpenVINO environment initialized

###################################################

Downloading Intel models

target_precision = FP32

vehicle-license-plate-detection-barrier-0106 have been loaded previously, skip loading model step. vehicle-attributes-recognition-barrier-0039 have been loaded previously, skip loading model step. license-plate-recognition-barrier-0001 have been loaded previously, skip loading model step.

###################################################

Build Inference Engine samples

-- The C compiler identification is GNU 7.4.0 -- The CXX compiler identification is GNU 7.4.0 -- Check for working C compiler: /usr/bin/cc -- Check for working C compiler: /usr/bin/cc -- works -- Detecting C compiler ABI info -- Detecting C compiler ABI info - done -- Detecting C compile features -- Detecting C compile features - done -- Check for working CXX compiler: /usr/bin/c++ -- Check for working CXX compiler: /usr/bin/c++ -- works -- Detecting CXX compiler ABI info -- Detecting CXX compiler ABI info - done -- Detecting CXX compile features -- Detecting CXX compile features - done -- Looking for C++ include unistd.h -- Looking for C++ include unistd.h - found -- Looking for C++ include stdint.h -- Looking for C++ include stdint.h - found -- Looking for C++ include sys/types.h -- Looking for C++ include sys/types.h - found -- Looking for C++ include fnmatch.h -- Looking for C++ include fnmatch.h - found -- Looking for C++ include stddef.h -- Looking for C++ include stddef.h - found -- Check size of uint32_t -- Check size of uint32_t - done -- Looking for strtoll -- Looking for strtoll - found -- Found InferenceEngine: /opt/intel/openvino_2019.1.144/deployment_tools/inference_engine/lib/intel64/libinference_engine.so (Required is at least version "1.6") -- Performing Test HAVE_CPUID_INFO -- Performing Test HAVE_CPUID_INFO - Success -- Host CPU features: -- 3DNOW not supported -- 3DNOWEXT not supported -- ABM not supported -- ADX supported -- AES supported -- AVX supported -- AVX2 supported -- AVX512CD not supported -- AVX512F not supported -- AVX512ER not supported -- AVX512PF not supported -- BMI1 supported -- BMI2 supported -- CLFSH supported -- CMPXCHG16B supported -- CX8 supported -- ERMS supported -- F16C supported -- FMA supported -- FSGSBASE supported -- FXSR supported -- HLE supported -- INVPCID supported -- LAHF supported -- LZCNT supported -- MMX supported -- MMXEXT not supported -- MONITOR supported -- MOVBE supported -- MSR supported -- OSXSAVE supported -- PCLMULQDQ supported -- POPCNT supported -- PREFETCHWT1 not supported -- RDRAND supported -- RDSEED supported -- RDTSCP supported -- RTM supported -- SEP supported -- SHA not supported -- SSE supported -- SSE2 supported -- SSE3 supported -- SSE4.1 supported -- SSE4.2 supported -- SSE4a not supported -- SSSE3 supported -- SYSCALL supported -- TBM not supported -- XOP not supported -- XSAVE supported -- TBB include: /opt/intel/openvino_2019.1.144/deployment_tools/inference_engine/external/tbb/include -- TBB Release lib: /opt/intel/openvino_2019.1.144/deployment_tools/inference_engine/external/tbb/lib/libtbb.so -- TBB Debug lib: /opt/intel/openvino_2019.1.144/deployment_tools/inference_engine/external/tbb/lib/libtbb_debug.so -- Looking for pthread.h -- Looking for pthread.h - found -- Performing Test CMAKE_HAVE_LIBC_PTHREAD -- Performing Test CMAKE_HAVE_LIBC_PTHREAD - Failed -- Looking for pthread_create in pthreads -- Looking for pthread_create in pthreads - not found -- Looking for pthread_create in pthread -- Looking for pthread_create in pthread - found -- Found Threads: TRUE -- Configuring done -- Generating done -- Build files have been written to: /home/uzel/inference_engine_samples_build [ 11%] Built target gflags_nothreads_static [ 96%] Built target ie_cpu_extension [100%] Built target security_barrier_camera_demo

###################################################

Run Inference Engine security_barrier_camera demo

Run ./security_barrier_camera_demo -d CPU -d_va CPU -d_lpr CPU -i /opt/intel/openvino/deployment_tools/demo/car_1.bmp -m /home/uzel/openvino_models/ir/FP32/Security/object_detection/barrier/0106/dldt/vehicle-license-plate-detection-barrier-0106.xml -m_va /home/uzel/openvino_models/ir/FP32/Security/object_attributes/vehicle/resnet10_update_1/dldt/vehicle-attributes-recognition-barrier-0039.xml -m_lpr /home/uzel/openvino_models/ir/FP32/Security/optical_character_recognition/license_plate/dldt/license-plate-recognition-barrier-0001.xml

[ INFO ] InferenceEngine: API version ............ 1.6 Build .................. custom_releases/2019/R1.1_28dfbfdd28954c4dfd2f94403dd8dfc1f411038b [ INFO ] Parsing input parameters [ INFO ] Capturing video streams from the video files or loading images [ INFO ] Files were added: 1 [ INFO ] /opt/intel/openvino/deployment_tools/demo/car_1.bmp [ INFO ] Number of input image files: 1 [ INFO ] Number of input video files: 0 [ INFO ] Number of input channels: 1 [ INFO ] Display resolution: 1920x1080 [ INFO ] Loading plugin CPU

API version ............ 1.6 Build .................. 23780 Description ....... MKLDNNPlugin [ INFO ] Loading network files for VehicleDetection [ INFO ] Batch size is forced to 1 [ INFO ] Checking Vehicle Detection inputs [ INFO ] Checking Vehicle Detection outputs [ INFO ] Loading Vehicle Detection model to the CPU plugin [ INFO ] Loading network files for VehicleAttribs [ INFO ] Batch size is forced to 1 for Vehicle Attribs [ INFO ] Checking VehicleAttribs inputs [ INFO ] Checking Vehicle Attribs outputs [ INFO ] Loading Vehicle Attribs model to the CPU plugin [ INFO ] Loading network files for Licence Plate Recognition (LPR) [ INFO ] Batch size is forced to 1 for LPR Network [ INFO ] Checking LPR Network inputs [ INFO ] Checking LPR Network outputs [ INFO ] Loading LPR model to the CPU plugin [ INFO ] Start inference To close the application, press 'CTRL+C' or any key with focus on the output window

Sent from Mailhttps://go.microsoft.com/fwlink/?LinkId=550986 for Windows 10

From: suryasiddmailto:notifications@github.com Sent: Tuesday, November 5, 2019 2:38 AM To: microsoft/onnxruntimemailto:onnxruntime@noreply.github.com Cc: JohnnyLingmailto:blizzardling@msn.com; Authormailto:author@noreply.github.com Subject: Re: [microsoft/onnxruntime] session.set_providers failed to call 'OpenVINOExecutionProvider' (#2298)

Hi, Are you getting the error when you run the command session.set_proivders?

— You are receiving this because you authored the thread. Reply to this email directly, view it on GitHubhttps://github.com/microsoft/onnxruntime/issues/2298?email_source=notifications&email_token=ADLGNXHHBQNZ4DHQGGTYCHDQSBTZPA5CNFSM4JHVNR72YY3PNVWWK3TUL52HS4DFVREXG43VMVBW63LNMVXHJKTDN5WW2ZLOORPWSZGOEDAIXWQ#issuecomment-549489626, or unsubscribehttps://github.com/notifications/unsubscribe-auth/ADLGNXFPB5TZ6GFVRRWV443QSBTZPANCNFSM4JHVNR7Q.

Synchronizing submodule url for 'cmake/external/DNNLibrary' Synchronizing submodule url for 'cmake/external/DNNLibrary/third_party/flatbuffers' Synchronizing submodule url for 'cmake/external/DNNLibrary/third_party/glog' Synchronizing submodule url for 'cmake/external/DNNLibrary/third_party/onnx' Synchronizing submodule url for 'cmake/external/DNNLibrary/third_party/onnx/third_party/benchmark' Synchronizing submodule url for 'cmake/external/DNNLibrary/third_party/onnx/third_party/pybind11' Synchronizing submodule url for 'cmake/external/DNNLibrary/third_party/onnx/third_party/pybind11/tools/clang' Synchronizing submodule url for 'cmake/external/DNNLibrary/third_party/protobuf' Synchronizing submodule url for 'cmake/external/DNNLibrary/third_party/protobuf/third_party/benchmark' Synchronizing submodule url for 'cmake/external/DNNLibrary/third_party/protobuf/third_party/googletest' Synchronizing submodule url for 'cmake/external/DNNLibrary/third_party/pybind11' Synchronizing submodule url for 'cmake/external/DNNLibrary/third_party/pybind11/tools/clang' Synchronizing submodule url for 'cmake/external/cub' Synchronizing submodule url for 'cmake/external/date' Synchronizing submodule url for 'cmake/external/eigen' Synchronizing submodule url for 'cmake/external/gemmlowp' Synchronizing submodule url for 'cmake/external/googletest' Synchronizing submodule url for 'cmake/external/grpc' Synchronizing submodule url for 'cmake/external/grpc/third_party/abseil-cpp' Synchronizing submodule url for 'cmake/external/grpc/third_party/benchmark' Synchronizing submodule url for 'cmake/external/grpc/third_party/bloaty' Synchronizing submodule url for 'cmake/external/grpc/third_party/bloaty/third_party/googletest' Synchronizing submodule url for 'cmake/external/grpc/third_party/bloaty/third_party/libFuzzer' Synchronizing submodule url for 'cmake/external/grpc/third_party/bloaty/third_party/re2' Synchronizing submodule url for 'cmake/external/grpc/third_party/boringssl' Synchronizing submodule url for 'cmake/external/grpc/third_party/boringssl-with-bazel' Synchronizing submodule url for 'cmake/external/grpc/third_party/cares/cares' Synchronizing submodule url for 'cmake/external/grpc/third_party/data-plane-api' Synchronizing submodule url for 'cmake/external/grpc/third_party/gflags' Synchronizing submodule url for 'cmake/external/grpc/third_party/gflags/doc' Synchronizing submodule url for 'cmake/external/grpc/third_party/googleapis' Synchronizing submodule url for 'cmake/external/grpc/third_party/googletest' Synchronizing submodule url for 'cmake/external/grpc/third_party/libcxx' Synchronizing submodule url for 'cmake/external/grpc/third_party/libcxxabi' Synchronizing submodule url for 'cmake/external/grpc/third_party/protobuf' Synchronizing submodule url for 'cmake/external/grpc/third_party/protobuf/third_party/benchmark' Synchronizing submodule url for 'cmake/external/grpc/third_party/protobuf/third_party/googletest' Synchronizing submodule url for 'cmake/external/grpc/third_party/protoc-gen-validate' Synchronizing submodule url for 'cmake/external/grpc/third_party/upb' Synchronizing submodule url for 'cmake/external/grpc/third_party/upb/third_party/protobuf' Synchronizing submodule url for 'cmake/external/grpc/third_party/upb/third_party/protobuf/third_party/benchmark' Synchronizing submodule url for 'cmake/external/grpc/third_party/upb/third_party/protobuf/third_party/googletest' Synchronizing submodule url for 'cmake/external/grpc/third_party/zlib' Synchronizing submodule url for 'cmake/external/mimalloc' Synchronizing submodule url for 'cmake/external/nsync' Synchronizing submodule url for 'cmake/external/onnx' Synchronizing submodule url for 'cmake/external/onnx/third_party/benchmark' Synchronizing submodule url for 'cmake/external/onnx/third_party/pybind11' Synchronizing submodule url for 'cmake/external/onnx/third_party/pybind11/tools/clang' Synchronizing submodule url for 'cmake/external/onnx-tensorrt' Synchronizing submodule url for 'cmake/external/onnx-tensorrt/third_party/onnx' Synchronizing submodule url for 'cmake/external/onnx-tensorrt/third_party/onnx/third_party/benchmark' Synchronizing submodule url for 'cmake/external/onnx-tensorrt/third_party/onnx/third_party/pybind11' Synchronizing submodule url for 'cmake/external/onnx-tensorrt/third_party/onnx/third_party/pybind11/tools/clang' Synchronizing submodule url for 'cmake/external/protobuf' Synchronizing submodule url for 'cmake/external/protobuf/third_party/benchmark' Synchronizing submodule url for 'cmake/external/protobuf/third_party/googletest' Synchronizing submodule url for 'cmake/external/re2' Synchronizing submodule url for 'cmake/external/spdlog' Synchronizing submodule url for 'cmake/external/tvm' Synchronizing submodule url for 'cmake/external/tvm/3rdparty/HalideIR' Synchronizing submodule url for 'cmake/external/tvm/3rdparty/dlpack' Synchronizing submodule url for 'cmake/external/tvm/3rdparty/dmlc-core' Synchronizing submodule url for 'cmake/external/tvm/3rdparty/rang' Synchronizing submodule url for 'cmake/external/wil' -- Found OpenMP_C: -fopenmp
-- Found OpenMP_CXX: -fopenmp
-- Found OpenMP: TRUE
-- Found PythonInterp: /usr/bin/python3 (found suitable version "3.6.8", minimum required is "3.5") -- Found PythonLibs: /usr/lib/x86_64-linux-gnu/libpython3.6m.so (found suitable version "3.6.8", minimum required is "3.5") -- Found PythonLibs: /usr/lib/x86_64-linux-gnu/libpython3.6m.so (found version "3.6.8") -- NumPy ver. 1.17.3 found (include: /home/uzel/.local/lib/python3.6/site-packages/numpy/core/include) -- Found PythonInterp: /usr/bin/python3 (found version "3.6.8") -- Configuring done -- Generating done -- Build files have been written to: /home/uzel/onnxruntime/build/Linux/RelWithDebInfo [ 6%] Built target onnxruntime_mlas [ 17%] Built target libprotobuf [ 27%] Built target libprotoc [ 29%] Built target protoc [ 29%] Building CXX object onnx/CMakeFiles/onnx_proto.dir/onnx-ml.pb.cc.o [ 29%] Building CXX object onnx/CMakeFiles/onnx_proto.dir/onnx-operators-ml.pb.cc.o [ 29%] Linking CXX static library libonnx_proto.a [ 29%] Built target onnx_proto [ 31%] Built target re2 [ 33%] Built target onnxruntime_common [ 33%] Built target onnxruntime_mlas_test [ 33%] Built target gtest [ 34%] Built target onnxruntime_providers_openvino [ 40%] Built target onnxruntime_framework [ 44%] Built target onnxruntime_optimizer [ 45%] Built target onnxruntime_session [ 46%] Built target onnxruntime_util [ 46%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/checker.cc.o [ 46%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/common/assertions.cc.o [ 47%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/common/interned_strings.cc.o [ 47%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/common/ir_pb_converter.cc.o [ 47%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/common/model_helpers.cc.o [ 47%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/common/status.cc.o [ 47%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/attr_proto_util.cc.o [ 47%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/controlflow/defs.cc.o [ 47%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/controlflow/old.cc.o [ 47%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/data_type_utils.cc.o [ 48%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/function.cc.o [ 48%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/generator/defs.cc.o [ 48%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/generator/old.cc.o [ 48%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/logical/defs.cc.o [ 48%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/logical/old.cc.o [ 48%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/math/defs.cc.o [ 48%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/math/old.cc.o [ 48%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/nn/defs.cc.o [ 49%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/nn/old.cc.o [ 49%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/object_detection/defs.cc.o [ 49%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/object_detection/old.cc.o [ 49%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/quantization/defs.cc.o [ 49%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/reduction/defs.cc.o [ 49%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/reduction/old.cc.o [ 49%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/rnn/defs.cc.o [ 49%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/rnn/old.cc.o [ 49%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/schema.cc.o [ 50%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/sequence/defs.cc.o [ 50%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/tensor/defs.cc.o [ 50%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/tensor/old.cc.o [ 50%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/tensor/utils.cc.o [ 50%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/tensor_proto_util.cc.o [ 50%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/tensor_util.cc.o [ 50%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/traditionalml/defs.cc.o [ 50%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/defs/traditionalml/old.cc.o [ 51%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/onnxifi_utils.cc.o [ 51%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/optimizer/optimize.cc.o [ 51%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/optimizer/pass.cc.o [ 51%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/optimizer/pass_manager.cc.o [ 51%] Building CXX object onnx/CMakeFiles/onnx.dir/__/external/onnx/onnx/optimizer/pass_registry.cc.o [ 51%] Building CXX object onnx/CMakeFiles/onnx.dir//external/onnx/onnx/shape_inference/implementation.cc.o [ 51%] Building CXX object onnx/CMakeFiles/onnx.dir/__/external/onnx/onnx/version_converter/convert.cc.o [ 51%] Building CXX object onnx/CMakeFiles/onnx.dir/__/external/onnx/onnx/version_converter/helper.cc.o [ 52%] Linking CXX static library libonnx.a [ 52%] Built target onnx [ 68%] Built target onnxruntime_providers [ 69%] Built target onnxruntime_test_utils [ 69%] Built target onnxruntime_test_utils_for_framework [ 70%] Built target onnxruntime_graph [ 74%] Built target libprotobuf-lite [ 74%] Built target gmock [ 74%] Linking CXX executable opaque_api_test [ 74%] Built target opaque_api_test [ 74%] Built target onnx_test_data_proto [ 75%] Built target onnx_test_runner_common Scanning dependencies of target onnxruntime_perf_test [ 75%] Building CXX object CMakeFiles/onnxruntime_perf_test.dir/home/uzel/onnxruntime/onnxruntime/test/perftest/TFModelInfo.cc.o [ 75%] Building CXX object CMakeFiles/onnxruntime_perf_test.dir/home/uzel/onnxruntime/onnxruntime/test/perftest/command_args_parser.cc.o [ 75%] Building CXX object CMakeFiles/onnxruntime_perf_test.dir/home/uzel/onnxruntime/onnxruntime/test/perftest/main.cc.o [ 75%] Building CXX object CMakeFiles/onnxruntime_perf_test.dir/home/uzel/onnxruntime/onnxruntime/test/perftest/ort_test_session.cc.o [ 75%] Building CXX object CMakeFiles/onnxruntime_perf_test.dir/home/uzel/onnxruntime/onnxruntime/test/perftest/performance_runner.cc.o [ 75%] Building CXX object CMakeFiles/onnxruntime_perf_test.dir/home/uzel/onnxruntime/onnxruntime/test/perftest/posix/utils.cc.o [ 75%] Building CXX object CMakeFiles/onnxruntime_perf_test.dir/home/uzel/onnxruntime/onnxruntime/core/framework/path_lib.cc.o [ 76%] Linking CXX executable onnxruntime_perf_test [ 76%] Built target onnxruntime_perf_test [ 76%] Linking CXX executable onnx_test_runner [ 77%] Built target onnx_test_runner [ 77%] Performing update step for 'pybind11' [ 77%] No configure step for 'pybind11' [ 78%] No build step for 'pybind11' [ 78%] No install step for 'pybind11' [ 78%] Completed 'pybind11' [ 78%] Built target pybind11 [ 78%] Linking CXX executable onnxruntime_test_all [100%] Built target onnxruntime_test_all [100%] Linking CXX shared module onnxruntime_pybind11_state.so [100%] Built target onnxruntime_pybind11_state UpdateCTestConfiguration from :/home/uzel/onnxruntime/build/Linux/RelWithDebInfo/DartConfiguration.tcl UpdateCTestConfiguration from :/home/uzel/onnxruntime/build/Linux/RelWithDebInfo/DartConfiguration.tcl Test project /home/uzel/onnxruntime/build/Linux/RelWithDebInfo Constructing a list of tests Done constructing a list of tests Updating test list for fixtures Added 0 tests to meet fixture requirements Checking test dependency graph... Checking test dependency graph end test 1 Start 1: onnxruntime_test_all

1: Test command: /home/uzel/onnxruntime/build/Linux/RelWithDebInfo/onnxruntime_test_all "--gtest_output=xml:/home/uzel/onnxruntime/build/Linux/RelWithDebInfo/onnxruntime_test_all.RelWithDebInfo.results.xml" 1: Test timeout computed to be: 10000000 1: Initializing unit testing. 1: [==========] Running 1432 tests from 152 test cases. 1: [----------] Global test environment set-up. 1: [----------] 7 tests from LoggingTestsFixture 1: [ RUN ] LoggingTestsFixture.TestWhereMacro 1: TestBody 1: TestWhereMacro@2019-11-05 10:13:39.254415301 E:onnxruntime:/home/uzel/onnxruntime/onnxruntime/test/common/logging/logging_test.cc:82 TestBody Testing the WHERE macro. 1: [ OK ] LoggingTestsFixture.TestWhereMacro (0 ms) 1: [ RUN ] LoggingTestsFixture.TestDefaultFiltering 1: TestDefaultFiltering@2019-11-05 10:13:39.254614850 E:onnxruntime:/home/uzel/onnxruntime/onnxruntime/test/common/logging/logging_test.cc:106 TestBody hello 1: 2019-11-05 10:13:39.254629690 [W:onnxruntime:Default, logging_test.cc:109 TestBody] Warning 1: 2019-11-05 10:13:39.254641731 [E:onnxruntime:Default, logging_test.cc:110 TestBody] Default logger doesn't filter user data 1: 2019-11-05 10:13:39.254650660 [W:onnxruntime:Default, logging_test.cc:112 TestBody] Default logger doesn't filter user data 1: [ OK ] LoggingTestsFixture.TestDefaultFiltering (0 ms) 1: [ RUN ] LoggingTestsFixture.TestLoggerFiltering 1: TestLoggerFiltering@2019-11-05 10:13:39.254677327 V:onnxruntime:/home/uzel/onnxruntime/onnxruntime/test/common/logging/logging_test.cc:140 TestBody VERBOSE enabled in this logger 1: TestLoggerFiltering@2019-11-05 10:13:39.254690438 E:onnxruntime:/home/uzel/onnxruntime/onnxruntime/test/common/logging/logging_test.cc:141 TestBody USER data not filtered in this logger 1: [ OK ] LoggingTestsFixture.TestLoggerFiltering (0 ms) 1: [ RUN ] LoggingTestsFixture.TestLoggingManagerCtor 1: [ OK ] LoggingTestsFixture.TestLoggingManagerCtor (0 ms) 1: [ RUN ] LoggingTestsFixture.TestConditionalMacros 1: TestConditionalMacros@2019-11-05 10:13:39.254811882 I:onnxruntime:/home/uzel/onnxruntime/onnxruntime/test/common/logging/logging_test.cc:184 TestBody Valid logger 1: TestConditionalMacros@2019-11-05 10:13:39.254825887 I:onnxruntime:/home/uzel/onnxruntime/onnxruntime/test/common/logging/logging_test.cc:185 TestBody Logger is 0x565452142020 1: [ OK ] LoggingTestsFixture.TestConditionalMacros (0 ms) 1: [ RUN ] LoggingTestsFixture.TestVLog 1: [ OK ] LoggingTestsFixture.TestVLog (0 ms) 1: [ RUN ] LoggingTestsFixture.TestTruncation 1: [ OK ] LoggingTestsFixture.TestTruncation (0 ms) 1: [----------] 7 tests from LoggingTestsFixture (0 ms total) 1: 1: [----------] 4 tests from LoggingTests 1: [ RUN ] LoggingTests.TestCLogSink 1: [ OK ] LoggingTests.TestCLogSink (1 ms) 1: [ RUN ] LoggingTests.TestCErrSink 1: [ OK ] LoggingTests.TestCErrSink (0 ms) 1: [ RUN ] LoggingTests.TestFileSink 1: [ OK ] LoggingTests.TestFileSink (0 ms) 1: [ RUN ] LoggingTests.TestCompositeSink 1: [ OK ] LoggingTests.TestCompositeSink (0 ms) 1: [----------] 4 tests from LoggingTests (1 ms total) 1: 1: [----------] 1 test from Utf8UtilTest 1: [ RUN ] Utf8UtilTest.Validate 1: [ OK ] Utf8UtilTest.Validate (0 ms) 1: [----------] 1 test from Utf8UtilTest (0 ms total) 1: 1: [----------] 1 test from RecordTest 1: [ RUN ] RecordTest.CommonDataStructureTest 1: [ OK ] RecordTest.CommonDataStructureTest (0 ms) 1: [----------] 1 test from RecordTest (0 ms total) 1: 1: [----------] 1 test from GraphTraversalTest 1: [ RUN ] GraphTraversalTest.ReverseDFS 1: [ OK ] GraphTraversalTest.ReverseDFS (0 ms) 1: [----------] 1 test from GraphTraversalTest (0 ms total) 1: 1: [----------] 10 tests from ResolvingGraphTest 1: [ RUN ] ResolvingGraphTest.GraphConstruction_VerifyNoDuplicateName 1: [ OK ] ResolvingGraphTest.GraphConstruction_VerifyNoDuplicateName (0 ms) 1: [ RUN ] ResolvingGraphTest.GraphConstruction_VerifyNodeAndOpMatch 1: [ OK ] ResolvingGraphTest.GraphConstruction_VerifyNodeAndOpMatch (0 ms) 1: [ RUN ] ResolvingGraphTest.GraphConstruction_CheckIsAcyclic 1: [ OK ] ResolvingGraphTest.GraphConstruction_CheckIsAcyclic (1 ms) 1: [ RUN ] ResolvingGraphTest.GraphConstruction_CheckInputNodeOrderMaintained 1: [ OK ] ResolvingGraphTest.GraphConstruction_CheckInputNodeOrderMaintained (0 ms) 1: [ RUN ] ResolvingGraphTest.GraphConstruction_CheckGraphInputOutputOrderMaintained 1: [ OK ] ResolvingGraphTest.GraphConstruction_CheckGraphInputOutputOrderMaintained (0 ms) 1: [ RUN ] ResolvingGraphTest.UnusedInitializerIsIgnored 1: 2019-11-05 10:13:39.256474125 [W:onnxruntime:Default, graph.cc:2401 CleanUnusedInitializers] Removing initializer 'unused'. It is not used by any node and should be removed from the model. 1: 2019-11-05 10:13:39.256562450 [W:onnxruntime:Default, graph.cc:2401 CleanUnusedInitializers] Removing initializer 'unused'. It is not used by any node and should be removed from the model. 1: [ OK ] ResolvingGraphTest.UnusedInitializerIsIgnored (0 ms) 1: [ RUN ] ResolvingGraphTest.GraphConstruction_CheckIsNotAcyclic 1: [ OK ] ResolvingGraphTest.GraphConstruction_CheckIsNotAcyclic (0 ms) 1: [ RUN ] ResolvingGraphTest.GraphConstruction_OnlyInitializer 1: 2019-11-05 10:13:39.256650127 [W:onnxruntime:Default, graph.cc:2401 CleanUnusedInitializers] Removing initializer 'node_1_in_2'. It is not used by any node and should be removed from the model. 1: [ OK ] ResolvingGraphTest.GraphConstruction_OnlyInitializer (0 ms) 1: [ RUN ] ResolvingGraphTest.GraphConstruction_TypeInference 1: [ OK ] ResolvingGraphTest.GraphConstruction_TypeInference (0 ms) 1: [ RUN ] ResolvingGraphTest.ShapeInferenceErrorHandling 1: [ OK ] ResolvingGraphTest.ShapeInferenceErrorHandling (1 ms) 1: [----------] 10 tests from ResolvingGraphTest (2 ms total) 1: 1: [----------] 1 test from TestAddAttribute 1: [ RUN ] TestAddAttribute.AddTensorAttribute 1: [ OK ] TestAddAttribute.AddTensorAttribute (0 ms) 1: [----------] 1 test from TestAddAttribute (0 ms total) 1: 1: [----------] 3 tests from TypeInferenceTest 1: [ RUN ] TypeInferenceTest.TypeAttribute 1: [ OK ] TypeInferenceTest.TypeAttribute (0 ms) 1: [ RUN ] TypeInferenceTest.VariadicOutput 1: [ OK ] TypeInferenceTest.VariadicOutput (0 ms) 1: [ RUN ] TypeInferenceTest.NonConstInitializer 1: [ OK ] TypeInferenceTest.NonConstInitializer (0 ms) 1: [----------] 3 tests from TypeInferenceTest (0 ms total) 1: 1: [----------] 1 test from NameResolutionTest 1: [ RUN ] NameResolutionTest.DuplicateName 1: [ OK ] NameResolutionTest.DuplicateName (0 ms) 1: [----------] 1 test from NameResolutionTest (0 ms total) 1: 1: [----------] 2 tests from GraphUpdateTest 1: [ RUN ] GraphUpdateTest.ReplaceInitializedTensor 1: [ OK ] GraphUpdateTest.ReplaceInitializedTensor (0 ms) 1: [ RUN ] GraphUpdateTest.AddRemoveInitializerHandling 1: [ OK ] GraphUpdateTest.AddRemoveInitializerHandling (0 ms) 1: [----------] 2 tests from GraphUpdateTest (0 ms total) 1: 1: [----------] 3 tests from ONNXModelsTest 1: [ RUN ] ONNXModelsTest.non_existing_model 1: [ OK ] ONNXModelsTest.non_existing_model (0 ms) 1: [ RUN ] ONNXModelsTest.TestIRv4NonInputInitializers 1: [ OK ] ONNXModelsTest.TestIRv4NonInputInitializers (0 ms) 1: [ RUN ] ONNXModelsTest.TestModelsWithAnOpContainingAFunctionBody 1: [ OK ] ONNXModelsTest.TestModelsWithAnOpContainingAFunctionBody (1 ms) 1: [----------] 3 tests from ONNXModelsTest (1 ms total) 1: 1: [----------] 1 test from FormalParamTest 1: [ RUN ] FormalParamTest.Success 1: [ OK ] FormalParamTest.Success (0 ms) 1: [----------] 1 test from FormalParamTest (0 ms total) 1: 1: [----------] 1 test from FeatureVectorizerTest 1: [ RUN ] FeatureVectorizerTest.TraditionalMlOpTest 1: [ OK ] FeatureVectorizerTest.TraditionalMlOpTest (0 ms) 1: [----------] 1 test from FeatureVectorizerTest (0 ms total) 1: 1: [----------] 6 tests from OpRegistrationTest 1: [ RUN ] OpRegistrationTest.OpRegTest 1: [ OK ] OpRegistrationTest.OpRegTest (0 ms) 1: [ RUN ] OpRegistrationTest.OpsetRegTest 1: [ OK ] OpRegistrationTest.OpsetRegTest (0 ms) 1: [ RUN ] OpRegistrationTest.TypeConstraintTest 1: [ OK ] OpRegistrationTest.TypeConstraintTest (0 ms) 1: [ RUN ] OpRegistrationTest.AttributeDefaultValueTest 1: [ OK ] OpRegistrationTest.AttributeDefaultValueTest (0 ms) 1: [ RUN ] OpRegistrationTest.AttributeDefaultValueListTest 1: [ OK ] OpRegistrationTest.AttributeDefaultValueListTest (1 ms) 1: [ RUN ] OpRegistrationTest.AffineOp 1: [ OK ] OpRegistrationTest.AffineOp (0 ms) 1: [----------] 6 tests from OpRegistrationTest (1 ms total) 1: 1: [----------] 1 test from OpUtilsTest 1: [ RUN ] OpUtilsTest.TestPTYPE 1: [ OK ] OpUtilsTest.TestPTYPE (0 ms) 1: [----------] 1 test from OpUtilsTest (0 ms total) 1: 1: [----------] 6 tests from GraphUtils 1: [ RUN ] GraphUtils.UpdateSubgraphWhenRemovingNode 1: [ OK ] GraphUtils.UpdateSubgraphWhenRemovingNode (0 ms) 1: [ RUN ] GraphUtils.UpdateNestedSubgraphWhenRemovingNode 1: [ OK ] GraphUtils.UpdateNestedSubgraphWhenRemovingNode (1 ms) 1: [ RUN ] GraphUtils.DontRemoveNodeIfItWillBreakSubgraph 1: 2019-11-05 10:13:39.260912469 [W:onnxruntime:Default, graph_utils.cc:193 CanUpdateImplicitInputNameInSubgraphs] Implicit input name outer_scope_0 cannot be safely updated to id_out_0 in one of the subgraphs. 1: [ OK ] GraphUtils.DontRemoveNodeIfItWillBreakSubgraph (0 ms) 1: [ RUN ] GraphUtils.DontRemoveNodeIfItWillBreakNestedSubgraph 1: 2019-11-05 10:13:39.262020699 [W:onnxruntime:Default, graph_utils.cc:193 CanUpdateImplicitInputNameInSubgraphs] Implicit input name outer_scope_0 cannot be safely updated to id_out_0 in one of the subgraphs. 1: [ OK ] GraphUtils.DontRemoveNodeIfItWillBreakNestedSubgraph (2 ms) 1: [ RUN ] GraphUtils.TestMultiEdgeRemovalNodes 1: [ OK ] GraphUtils.TestMultiEdgeRemovalNodes (0 ms) 1: [ RUN ] GraphUtils.TestMultiOutputRemoveNode 1: [ OK ] GraphUtils.TestMultiOutputRemoveNode (0 ms) 1: [----------] 6 tests from GraphUtils (3 ms total) 1: 1: [----------] 1 test from FreeDimensionOverrideTransformerTest 1: [ RUN ] FreeDimensionOverrideTransformerTest.Test 1: [ OK ] FreeDimensionOverrideTransformerTest.Test (0 ms) 1: [----------] 1 test from FreeDimensionOverrideTransformerTest (0 ms total) 1: 1: [----------] 24 tests from GraphTransformationTests 1: [ RUN ] GraphTransformationTests.IdentityElimination 1: [ OK ] GraphTransformationTests.IdentityElimination (0 ms) 1: [ RUN ] GraphTransformationTests.DropoutElimination 1: [ OK ] GraphTransformationTests.DropoutElimination (0 ms) 1: [ RUN ] GraphTransformationTests.SliceElimination 1: [ OK ] GraphTransformationTests.SliceElimination (0 ms) 1: [ RUN ] GraphTransformationTests.ConstantFolding 1: [ OK ] GraphTransformationTests.ConstantFolding (3 ms) 1: [ RUN ] GraphTransformationTests.ConstantFoldingSubgraph 1: 2019-11-05 10:13:39.266659993 [W:onnxruntime:Default, graph.cc:2401 CleanUnusedInitializers] Removing initializer 'local_constant'. It is not used by any node and should be removed from the model. 1: 2019-11-05 10:13:39.266676944 [W:onnxruntime:Default, graph.cc:2401 CleanUnusedInitializers] Removing initializer 'add_out'. It is not used by any node and should be removed from the model. 1: 2019-11-05 10:13:39.266685716 [W:onnxruntime:Default, graph.cc:2401 CleanUnusedInitializers] Removing initializer 'local_constant'. It is not used by any node and should be removed from the model. 1: 2019-11-05 10:13:39.266691914 [W:onnxruntime:Default, graph.cc:2401 CleanUnusedInitializers] Removing initializer 'add_out'. It is not used by any node and should be removed from the model. 1: [ OK ] GraphTransformationTests.ConstantFoldingSubgraph (0 ms) 1: [ RUN ] GraphTransformationTests.ShapeToInitializer 1: [ OK ] GraphTransformationTests.ShapeToInitializer (0 ms) 1: [ RUN ] GraphTransformationTests.SubgraphWithConstantInputs 1: [ OK ] GraphTransformationTests.SubgraphWithConstantInputs (2 ms) 1: [ RUN ] GraphTransformationTests.FuseConvBNNoBias 1: [ OK ] GraphTransformationTests.FuseConvBNNoBias (0 ms) 1: [ RUN ] GraphTransformationTests.DontFuseConvWithBNWithOptionalOutputs 1: [ OK ] GraphTransformationTests.DontFuseConvWithBNWithOptionalOutputs (0 ms) 1: [ RUN ] GraphTransformationTests.FuseConvBNMulAddUnsqueeze 1: [ OK ] GraphTransformationTests.FuseConvBNMulAddUnsqueeze (2 ms) 1: [ RUN ] GraphTransformationTests.FuseConvActivation 1: [ OK ] GraphTransformationTests.FuseConvActivation (1 ms) 1: [ RUN ] GraphTransformationTests.FuseConvClip11Activation 1: [ OK ] GraphTransformationTests.FuseConvClip11Activation (0 ms) 1: [ RUN ] GraphTransformationTests.FuseConvMulNoBias 1: [ OK ] GraphTransformationTests.FuseConvMulNoBias (0 ms) 1: [ RUN ] GraphTransformationTests.FuseConvAddNoBias 1: [ OK ] GraphTransformationTests.FuseConvAddNoBias (0 ms) 1: [ RUN ] GraphTransformationTests.NegativeFuseConvAddNoBias 1: [ OK ] GraphTransformationTests.NegativeFuseConvAddNoBias (1 ms) 1: [ RUN ] GraphTransformationTests.FuseConvAddMul3D 1: [ OK ] GraphTransformationTests.FuseConvAddMul3D (0 ms) 1: [ RUN ] GraphTransformationTests.FuseConvAddMul3D_2 1: [ OK ] GraphTransformationTests.FuseConvAddMul3D_2 (0 ms) 1: [ RUN ] GraphTransformationTests.MatMulAddFusion_two_input 1: [ OK ] GraphTransformationTests.MatMulAddFusion_two_input (0 ms) 1: [ RUN ] GraphTransformationTests.MatMulAddFusion_three_input 1: [ OK ] GraphTransformationTests.MatMulAddFusion_three_input (0 ms) 1: [ RUN ] GraphTransformationTests.Gemm_Relu_three_input 1: [ OK ] GraphTransformationTests.Gemm_Relu_three_input (1 ms) 1: [ RUN ] GraphTransformationTests.FuseConvBnAddMulFloat16 1: [ OK ] GraphTransformationTests.FuseConvBnAddMulFloat16 (1 ms) 1: [ RUN ] GraphTransformationTests.ReluClip6Fusion 1: [ OK ] GraphTransformationTests.ReluClip6Fusion (0 ms) 1: [ RUN ] GraphTransformationTests.ReluClip11Fusion 1: [ OK ] GraphTransformationTests.ReluClip11Fusion (0 ms) 1: [ RUN ] GraphTransformationTests.GeluFusionTest 1: [ OK ] GraphTransformationTests.GeluFusionTest (0 ms) 1: [----------] 24 tests from GraphTransformationTests (12 ms total) 1: 1: [----------] 2 tests from GraphTransformerUtilsTests 1: [ RUN ] GraphTransformerUtilsTests.TestGenerateRewriterules 1: [ OK ] GraphTransformerUtilsTests.TestGenerateRewriterules (0 ms) 1: [ RUN ] GraphTransformerUtilsTests.TestGenerateGraphTransformers 1: [ OK ] GraphTransformerUtilsTests.TestGenerateGraphTransformers (0 ms) 1: [----------] 2 tests from GraphTransformerUtilsTests (0 ms total) 1: 1: [----------] 19 tests from NchwcOptimizerTests 1: [ RUN ] NchwcOptimizerTests.ConvNchw 1: [ OK ] NchwcOptimizerTests.ConvNchw (176 ms) 1: [ RUN ] NchwcOptimizerTests.ConvNchwc 1: [ OK ] NchwcOptimizerTests.ConvNchwc (103 ms) 1: [ RUN ] NchwcOptimizerTests.ConvNchwcGrouped 1: [ OK ] NchwcOptimizerTests.ConvNchwcGrouped (65 ms) 1: [ RUN ] NchwcOptimizerTests.ConvDepthwise 1: [ OK ] NchwcOptimizerTests.ConvDepthwise (40 ms) 1: [ RUN ] NchwcOptimizerTests.ConvPointwise 1: [ OK ] NchwcOptimizerTests.ConvPointwise (61 ms) 1: [ RUN ] NchwcOptimizerTests.ConvMaxPool 1: [ OK ] NchwcOptimizerTests.ConvMaxPool (22 ms) 1: [ RUN ] NchwcOptimizerTests.ConvMaxPoolDilations 1: [ OK ] NchwcOptimizerTests.ConvMaxPoolDilations (29 ms) 1: [ RUN ] NchwcOptimizerTests.ConvAveragePool 1: [ OK ] NchwcOptimizerTests.ConvAveragePool (26 ms) 1: [ RUN ] NchwcOptimizerTests.ConvGlobalPool 1: [ OK ] NchwcOptimizerTests.ConvGlobalPool (31 ms) 1: [ RUN ] NchwcOptimizerTests.ConvAddFusion 1: [ OK ] NchwcOptimizerTests.ConvAddFusion (24 ms) 1: [ RUN ] NchwcOptimizerTests.ConvNoBiasAddFusion 1: [ OK ] NchwcOptimizerTests.ConvNoBiasAddFusion (1 ms) 1: [ RUN ] NchwcOptimizerTests.FusedConvAddFusion 1: [ OK ] NchwcOptimizerTests.FusedConvAddFusion (7 ms) 1: [ RUN ] NchwcOptimizerTests.ConvConcat 1: [ OK ] NchwcOptimizerTests.ConvConcat (19 ms) 1: [ RUN ] NchwcOptimizerTests.ConvReuseWeightsOIHWBiBo 1: [ OK ] NchwcOptimizerTests.ConvReuseWeightsOIHWBiBo (2 ms) 1: [ RUN ] NchwcOptimizerTests.ConvReuseWeightsOIHWBo 1: [ OK ] NchwcOptimizerTests.ConvReuseWeightsOIHWBo (1 ms) 1: [ RUN ] NchwcOptimizerTests.ShapeInferencing 1: [ OK ] NchwcOptimizerTests.ShapeInferencing (25 ms) 1: [ RUN ] NchwcOptimizerTests.ShapeInferencing2 1: [ OK ] NchwcOptimizerTests.ShapeInferencing2 (3 ms) 1: [ RUN ] NchwcOptimizerTests.MixedOutputUsage 1: [ OK ] NchwcOptimizerTests.MixedOutputUsage (4 ms) 1: [ RUN ] NchwcOptimizerTests.TensorAlignment 1: [ OK ] NchwcOptimizerTests.TensorAlignment (19 ms) 1: [----------] 19 tests from NchwcOptimizerTests (658 ms total) 1: 1: [----------] 1 test from OptimizerTest 1: [ RUN ] OptimizerTest.Basic 1: [ OK ] OptimizerTest.Basic (0 ms) 1: [----------] 1 test from OptimizerTest (0 ms total) 1: 1: [----------] 1 test from RuleBasedGraphTransformerTest 1: [ RUN ] RuleBasedGraphTransformerTest.TestCompatibleProviders 1: [ OK ] RuleBasedGraphTransformerTest.TestCompatibleProviders (0 ms) 1: [----------] 1 test from RuleBasedGraphTransformerTest (0 ms total) 1: 1: [----------] 5 tests from PlannerTest 1: [ RUN ] PlannerTest.ChainTest 1: [ OK ] PlannerTest.ChainTest (1 ms) 1: [ RUN ] PlannerTest.InputOutputTest 1: [ OK ] PlannerTest.InputOutputTest (0 ms) 1: [ RUN ] PlannerTest.InPlaceTest 1: [ OK ] PlannerTest.InPlaceTest (0 ms) 1: [ RUN ] PlannerTest.InPlaceSizeMismatchTest 1: [ OK ] PlannerTest.InPlaceSizeMismatchTest (0 ms) 1: [ RUN ] PlannerTest.PlanOutputTest 1: [ OK ] PlannerTest.PlanOutputTest (0 ms) 1: [----------] 5 tests from PlannerTest (1 ms total) 1: 1: [----------] 2 tests from AllocatorTest 1: [ RUN ] AllocatorTest.CPUAllocatorTest 1: [ OK ] AllocatorTest.CPUAllocatorTest (0 ms) 1: [ RUN ] AllocatorTest.MakeUniquePtrTest 1: [ OK ] AllocatorTest.MakeUniquePtrTest (0 ms) 1: [----------] 2 tests from AllocatorTest (0 ms total) 1: 1: [----------] 8 tests from BFCArenaTest 1: [ RUN ] BFCArenaTest.NoDups 1: [ OK ] BFCArenaTest.NoDups (0 ms) 1: [ RUN ] BFCArenaTest.AllocationsAndDeallocations 1: [ OK ] BFCArenaTest.AllocationsAndDeallocations (3 ms) 1: [ RUN ] BFCArenaTest.ExerciseCoalescing 1: [ OK ] BFCArenaTest.ExerciseCoalescing (1 ms) 1: [ RUN ] BFCArenaTest.AllocateZeroBufSize 1: 2019-11-05 10:13:39.937417354 [W:onnxruntime:Default, bfc_arena.cc:213 AllocateRawInternal] tried to allocate 0 bytes 1: [ OK ] BFCArenaTest.AllocateZeroBufSize (0 ms) 1: [ RUN ] BFCArenaTest.AllocatedVsRequested 1: [ OK ] BFCArenaTest.AllocatedVsRequested (0 ms) 1: [ RUN ] BFCArenaTest.TestCustomMemoryLimit 1: [ OK ] BFCArenaTest.TestCustomMemoryLimit (0 ms) 1: [ RUN ] BFCArenaTest.AllocationsAndDeallocationsWithGrowth 1: [ OK ] BFCArenaTest.AllocationsAndDeallocationsWithGrowth (8 ms) 1: [ RUN ] BFCArenaTest.TestReserve 1: [ OK ] BFCArenaTest.TestReserve (0 ms) 1: [----------] 8 tests from BFCArenaTest (12 ms total) 1: 1: [----------] 13 tests from DataTypeTest 1: [ RUN ] DataTypeTest.OpaqueRegistrationTest 1: [ OK ] DataTypeTest.OpaqueRegistrationTest (0 ms) 1: [ RUN ] DataTypeTest.MapStringStringTest 1: [ OK ] DataTypeTest.MapStringStringTest (0 ms) 1: [ RUN ] DataTypeTest.MapStringInt64Test 1: [ OK ] DataTypeTest.MapStringInt64Test (0 ms) 1: [ RUN ] DataTypeTest.MapStringFloatTest 1: [ OK ] DataTypeTest.MapStringFloatTest (0 ms) 1: [ RUN ] DataTypeTest.MapStringDoubleTest 1: [ OK ] DataTypeTest.MapStringDoubleTest (0 ms) 1: [ RUN ] DataTypeTest.MapInt64StringTest 1: [ OK ] DataTypeTest.MapInt64StringTest (0 ms) 1: [ RUN ] DataTypeTest.MapInt64DoubleTest 1: [ OK ] DataTypeTest.MapInt64DoubleTest (0 ms) 1: [ RUN ] DataTypeTest.RecursiveMapTest 1: [ OK ] DataTypeTest.RecursiveMapTest (0 ms) 1: [ RUN ] DataTypeTest.RecursiveVectorTest 1: [ OK ] DataTypeTest.RecursiveVectorTest (0 ms) 1: [ RUN ] DataTypeTest.VectorMapStringToFloatTest 1: [ OK ] DataTypeTest.VectorMapStringToFloatTest (0 ms) 1: [ RUN ] DataTypeTest.VectorMapInt64ToFloatTest 1: [ OK ] DataTypeTest.VectorMapInt64ToFloatTest (0 ms) 1: [ RUN ] DataTypeTest.BFloat16Test 1: [ OK ] DataTypeTest.BFloat16Test (0 ms) 1: [ RUN ] DataTypeTest.DataUtilsTest 1: [ OK ] DataTypeTest.DataUtilsTest (0 ms) 1: [----------] 13 tests from DataTypeTest (0 ms total) 1: 1: [----------] 1 test from SqeuclideanTest/0, where TypeParam = onnxruntime::Sqeuclidean 1: [ RUN ] SqeuclideanTest/0.test1 1: [ OK ] SqeuclideanTest/0.test1 (0 ms) 1: [----------] 1 test from SqeuclideanTest/0 (0 ms total) 1: 1: [----------] 1 test from SqeuclideanTest/1, where TypeParam = onnxruntime::SqeuclideanWithEigen 1: [ RUN ] SqeuclideanTest/1.test1 1: [ OK ] SqeuclideanTest/1.test1 (0 ms) 1: [----------] 1 test from SqeuclideanTest/1 (0 ms total) 1: 1: [----------] 2 tests from EndianTest 1: [ RUN ] EndianTest.EndiannessDetection 1: [ OK ] EndianTest.EndiannessDetection (0 ms) 1: [ RUN ] EndianTest.SwapByteOrderCopy 1: [ OK ] EndianTest.SwapByteOrderCopy (0 ms) 1: [----------] 2 tests from EndianTest (0 ms total) 1: 1: [----------] 3 tests from ExecutionFrameTest 1: [ RUN ] ExecutionFrameTest.TensorAllocationTest 1: [ OK ] ExecutionFrameTest.TensorAllocationTest (0 ms) 1: [ RUN ] ExecutionFrameTest.FeedInDataTest 1: [ OK ] ExecutionFrameTest.FeedInDataTest (0 ms) 1: [ RUN ] ExecutionFrameTest.MemPatternTest 1: [ OK ] ExecutionFrameTest.MemPatternTest (1 ms) 1: [----------] 3 tests from ExecutionFrameTest (1 ms total) 1: 1: [----------] 1 test from ExecutionFrameTestWithoutSessionState 1: [ RUN ] ExecutionFrameTestWithoutSessionState.BadModelInvalidDimParamUsage 1: 2019-11-05 10:13:39.948306217 [W:onnxruntime:Default, execution_frame.cc:335 AllocateMLValueTensorPreAllocateBuffer] Shape mismatch attempting to re-use buffer. {10,10} != {10,6}. Validate usage of dim_value (values should be > 0) and dim_param (all values with the same string should equate to the same size) in shapes in the model. 1: 2019-11-05 10:13:39.948413355 [E:onnxruntime:BadModelInvalidDimParamUsage, sequential_executor.cc:165 Execute] Non-zero status code returned while running Squeeze node. Name:'Squeeze' Status Message: /home/uzel/onnxruntime/onnxruntime/core/framework/op_kernel.cc:49 OrtValue onnxruntime::OpKernelContext::OutputMLValue(int, const onnxruntime::TensorShape&, size_t) status.IsOK() was false. Shape mismatch attempting to re-use buffer. {10,6} != {10,10}. Validate usage of dim_value (values should be > 0) and dim_param (all values with the same string should equate to the same size) in shapes in the model. 1: Stacktrace: 1: 1: 2019-11-05 10:13:39.948464596 [E:onnxruntime:BadModelInvalidDimParamUsage, sequential_executor.cc:165 Execute] Non-zero status code returned while running Scan node. Name:'Scan' Status Message: Non-zero status code returned while running Squeeze node. Name:'Squeeze' Status Message: /home/uzel/onnxruntime/onnxruntime/core/framework/op_kernel.cc:49 OrtValue onnxruntime::OpKernelContext::OutputMLValue(int, const onnxruntime::TensorShape&, size_t) status.IsOK() was false. Shape mismatch attempting to re-use buffer. {10,6} != {10,10}. Validate usage of dim_value (values should be > 0) and dim_param (all values with the same string should equate to the same size) in shapes in the model. 1: Stacktrace: 1: 1: [ OK ] ExecutionFrameTestWithoutSessionState.BadModelInvalidDimParamUsage (4 ms) 1: [----------] 1 test from ExecutionFrameTestWithoutSessionState (4 ms total) 1: 1: [----------] 1 test from Float16_Tests 1: [ RUN ] Float16_Tests.Mul_16_Test 1: Run returned status: 1: [ OK ] Float16_Tests.Mul_16_Test (1 ms) 1: [----------] 1 test from Float16_Tests (1 ms total) 1: 1: [----------] 21 tests from InferenceSessionTests 1: [ RUN ] InferenceSessionTests.NoTimeout 1: [ OK ] InferenceSessionTests.NoTimeout (0 ms) 1: [ RUN ] InferenceSessionTests.DisableCPUArena 1: [ OK ] InferenceSessionTests.DisableCPUArena (1 ms) 1: [ RUN ] InferenceSessionTests.TestModelSerialization 1: [ OK ] InferenceSessionTests.TestModelSerialization (7 ms) 1: [ RUN ] InferenceSessionTests.CheckRunLogger 1: [ OK ] InferenceSessionTests.CheckRunLogger (1 ms) 1: [ RUN ] InferenceSessionTests.CheckRunProfilerWithSessionOptions 1: [ OK ] InferenceSessionTests.CheckRunProfilerWithSessionOptions (1 ms) 1: [ RUN ] InferenceSessionTests.CheckRunProfilerWithStartProfile 1: [ OK ] InferenceSessionTests.CheckRunProfilerWithStartProfile (0 ms) 1: [ RUN ] InferenceSessionTests.MultipleSessionsNoTimeout 1: [ OK ] InferenceSessionTests.MultipleSessionsNoTimeout (1 ms) 1: [ RUN ] InferenceSessionTests.PreAllocateOutputVector 1: [ OK ] InferenceSessionTests.PreAllocateOutputVector (0 ms) 1: [ RUN ] InferenceSessionTests.ConfigureVerbosityLevel 1: [ OK ] InferenceSessionTests.ConfigureVerbosityLevel (0 ms) 1: [ RUN ] InferenceSessionTests.TestWithIstream 1: [ OK ] InferenceSessionTests.TestWithIstream (1 ms) 1: [ RUN ] InferenceSessionTests.TestRegisterExecutionProvider 1: [ OK ] InferenceSessionTests.TestRegisterExecutionProvider (0 ms) 1: [ RUN ] InferenceSessionTests.TestBindCpu 1: Run returned status: 1: [ OK ] InferenceSessionTests.TestBindCpu (0 ms) 1: [ RUN ] InferenceSessionTests.TestIOBindingReuse 1: [ OK ] InferenceSessionTests.TestIOBindingReuse (1 ms) 1: [ RUN ] InferenceSessionTests.InvalidInputTypeOfTensorElement 1: Run returned status: Unexpected input data type. Actual: (N11onnxruntime11NonOnnxTypeIlEE) , expected: (N11onnxruntime11NonOnnxTypeIfEE) 1: [ OK ] InferenceSessionTests.InvalidInputTypeOfTensorElement (0 ms) 1: [ RUN ] InferenceSessionTests.ModelWithoutOpset 1: [ OK ] InferenceSessionTests.ModelWithoutOpset (0 ms) 1: [ RUN ] InferenceSessionTests.TestOptionalInputs 1: 2019-11-05 10:13:39.967242509 [E:onnxruntime:RunOptionalInputTest:RunOptionalInputTest, sequential_executor.cc:165 Execute] Non-zero status code returned while running Add node. Name:'add' Status Message: /home/uzel/onnxruntime/include/onnxruntime/core/framework/op_kernel.h:90 const T onnxruntime::OpKernelContext::Input(int) const [with T = onnxruntime::Tensor] Missing Input: required_input 1: Stacktrace: 1: 1: [ OK ] InferenceSessionTests.TestOptionalInputs (3 ms) 1: [ RUN ] InferenceSessionTests.TestTruncatedSequence 1: [ OK ] InferenceSessionTests.TestTruncatedSequence (5 ms) 1: [ RUN ] InferenceSessionTests.TestCopyToFromDevices 1: [ OK ] InferenceSessionTests.TestCopyToFromDevices (0 ms) 1: [ RUN ] InferenceSessionTests.TestRegisterTransformers 1: [ OK ] InferenceSessionTests.TestRegisterTransformers (4 ms) 1: [ RUN ] InferenceSessionTests.TestL1AndL2Transformers 1: [ OK ] InferenceSessionTests.TestL1AndL2Transformers (5 ms) 1: [ RUN ] InferenceSessionTests.TestLenientShapeInferencing 1: 2019-11-05 10:13:39.981613268 [W:onnxruntime:Default, graph.cc:73 MergeShapeInfo] Error merging shape info for output. 'shape_output' source:{2} target:{1,2}. Falling back to lenient merge. 1: 2019-11-05 10:13:39.983224424 [W:onnxruntime:Default, openvino_execution_provider.cc:481 GetCapability] [OpenVINO-EP] Rejecting as graph has unsupported operations.Operation is not supported by OpenVINO 1: [ OK ] InferenceSessionTests.TestLenientShapeInferencing (2 ms) 1: [----------] 21 tests from InferenceSessionTests (32 ms total) 1: 1: [----------] 2 tests from ExecutionProviderTest 1: [ RUN ] ExecutionProviderTest.FunctionTest 1: 2019-11-05 10:13:39.983948098 [E:onnxruntime:Default, execution_providers.h:36 Add] OrtMemoryInfo: [ name:Cpu id:0 mem_type:0 type:1] allocator already registered. 1: [ OK ] ExecutionProviderTest.FunctionTest (1 ms) 1: [ RUN ] ExecutionProviderTest.FunctionInlineTest 1: [ OK ] ExecutionProviderTest.FunctionInlineTest (0 ms) 1: [----------] 2 tests from ExecutionProviderTest (2 ms total) 1: 1: [----------] 3 tests from TransformerTest 1: [ RUN ] TransformerTest.InsertCastGPUTest 1: [ OK ] TransformerTest.InsertCastGPUTest (0 ms) 1: [ RUN ] TransformerTest.InsertCastAllCPUTest 1: [ OK ] TransformerTest.InsertCastAllCPUTest (0 ms) 1: [ RUN ] TransformerTest.ThreeInARowRemoval 1: [ OK ] TransformerTest.ThreeInARowRemoval (0 ms) 1: [----------] 3 tests from TransformerTest (0 ms total) 1: 1: [----------] 7 tests from KernelRegistryTests 1: [ RUN ] KernelRegistryTests.simple 1: [ OK ] KernelRegistryTests.simple (0 ms) 1: [ RUN ] KernelRegistryTests.dup_simple 1: [ OK ] KernelRegistryTests.dup_simple (0 ms) 1: [ RUN ] KernelRegistryTests.dup_simple2 1: [ OK ] KernelRegistryTests.dup_simple2 (0 ms) 1: [ RUN ] KernelRegistryTests.one_op_name_in_two_domains 1: [ OK ] KernelRegistryTests.one_op_name_in_two_domains (0 ms) 1: [ RUN ] KernelRegistryTests.two_versions 1: [ OK ] KernelRegistryTests.two_versions (0 ms) 1: [ RUN ] KernelRegistryTests.two_versions2 1: [ OK ] KernelRegistryTests.two_versions2 (0 ms) 1: [ RUN ] KernelRegistryTests.two_versions3 1: [ OK ] KernelRegistryTests.two_versions3 (0 ms) 1: [----------] 7 tests from KernelRegistryTests (0 ms total) 1: 1: [----------] 3 tests from CustomKernelTests 1: [ RUN ] CustomKernelTests.CustomKernelWithBuildInSchema 1: Run returned status: 1: [ OK ] CustomKernelTests.CustomKernelWithBuildInSchema (0 ms) 1: [ RUN ] CustomKernelTests.CustomKernelWithCustomSchema 1: Run returned status: 1: [ OK ] CustomKernelTests.CustomKernelWithCustomSchema (1 ms) 1: [ RUN ] CustomKernelTests.CustomKernelWithOptionalOutput 1: Run returned status: 1: [ OK ] CustomKernelTests.CustomKernelWithOptionalOutput (0 ms) 1: [----------] 3 tests from CustomKernelTests (1 ms total) 1: 1: [----------] 2 tests from MathTest 1: [ RUN ] MathTest.GemvNoTrans 1: [ OK ] MathTest.GemvNoTrans (0 ms) 1: [ RUN ] MathTest.GemvTrans 1: [ OK ] MathTest.GemvTrans (0 ms) 1: [----------] 2 tests from MathTest (0 ms total) 1: 1: [----------] 1 test from MemPatternPlannerTest 1: [ RUN ] MemPatternPlannerTest.TraceAllocaitonTest 1: [ OK ] MemPatternPlannerTest.TraceAllocaitonTest (0 ms) 1: [----------] 1 test from MemPatternPlannerTest (0 ms total) 1: 1: [----------] 1 test from OpaqueTypeTests 1: [ RUN ] OpaqueTypeTests.RunModel 1: [ OK ] OpaqueTypeTests.RunModel (0 ms) 1: [----------] 1 test from OpaqueTypeTests (0 ms total) 1: 1: [----------] 2 tests from ParallelExecutor 1: [ RUN ] ParallelExecutor.TestStatusPropagation 1: 2019-11-05 10:13:39.990032890 [W:onnxruntime:Default, openvino_execution_provider.cc:481 GetCapability] [OpenVINO-EP] Rejecting as graph has unsupported operations.Operation is not supported by OpenVINO 1: 2019-11-05 10:13:39.991041217 [E:onnxruntime:Default, parallel_executor.cc:204 RunNodeAsync] Non-zero status code returned while running TestOp node. Name:'node1' Status Message: Action was 1 1: 2019-11-05 10:13:39.991061234 [E:onnxruntime:Default, parallel_executor.cc:75 Execute] [ONNXRuntimeError] : 1 : FAIL : Non-zero status code returned while running TestOp node. Name:'node1' Status Message: Action was 1 1: 2019-11-05 10:13:39.993807470 [W:onnxruntime:Default, openvino_execution_provider.cc:481 GetCapability] [OpenVINO-EP] Rejecting as graph has unsupported operations.Operation is not supported by OpenVINO 1: 2019-11-05 10:13:39.993847191 [E:onnxruntime:Default, parallel_executor.cc:204 RunNodeAsync] Non-zero status code returned while running TestOp node. Name:'node1' Status Message: Action was 1 1: 2019-11-05 10:13:39.993865301 [E:onnxruntime:Default, parallel_executor.cc:75 Execute] [ONNXRuntimeError] : 1 : FAIL : Non-zero status code returned while running TestOp node. Name:'node1' Status Message: Action was 1 1: 2019-11-05 10:13:39.994589683 [E:onnxruntime:Default, parallel_executor.cc:204 RunNodeAsync] Non-zero status code returned while running TestOp node. Name:'node1' Status Message: /home/uzel/onnxruntime/onnxruntime/test/framework/parallel_executor_test.cc:59 virtual onnxruntime::common::Status onnxruntime::test::TestOp::OpKernelImpl::Compute(onnxruntime::OpKernelContext) const Throwing as action was 2 1: Stacktrace: 1: 1: 2019-11-05 10:13:39.994607671 [E:onnxruntime:Default, parallel_executor.cc:75 Execute] [ONNXRuntimeError] : 6 : RUNTIME_EXCEPTION : Non-zero status code returned while running TestOp node. Name:'node1' Status Message: /home/uzel/onnxruntime/onnxruntime/test/framework/parallel_executor_test.cc:59 virtual onnxruntime::common::Status onnxruntime::test::TestOp::OpKernelImpl::Compute(onnxruntime::OpKernelContext) const Throwing as action was 2 1: Stacktrace: 1: 1: 2019-11-05 10:13:39.997100674 [W:onnxruntime:Default, openvino_execution_provider.cc:481 GetCapability] [OpenVINO-EP] Rejecting as graph has unsupported operations.Operation is not supported by OpenVINO 1: 2019-11-05 10:13:39.997149885 [E:onnxruntime:Default, parallel_executor.cc:204 RunNodeAsync] Non-zero status code returned while running TestOp node. Name:'node1' Status Message: /home/uzel/onnxruntime/onnxruntime/test/framework/parallel_executor_test.cc:59 virtual onnxruntime::common::Status onnxruntime::test::TestOp::OpKernelImpl::Compute(onnxruntime::OpKernelContext) const Throwing as action was 2 1: Stacktrace: 1: 1: 2019-11-05 10:13:39.997163440 [E:onnxruntime:Default, parallel_executor.cc:75 Execute] [ONNXRuntimeE

suryasidd commented 4 years ago

Can you please provide the version of the python library "networkx" that's installed on the system?

JohnnyLing commented 4 years ago

networkx version number 2.4. any suggestion? Thanks

suryasidd commented 4 years ago

OpenVINO R1.1 doesn't work with networkx 2.3 version. This has been fixed in R3.1. As a workaround can you uninstall networkx and install networkx 2.3 by using pip3 install networkx==2.3

JohnnyLing commented 4 years ago

thank you. it works by installing networkx 2.3

wwbnjsace commented 3 years ago

Hi, this means that you installed onnxruntime 1.0 python package from pypi. that only use cpu provider available. please uninstall that one first using pip uninstall onnxruntime

when building onnxruntime with openvino from source, please add --update --build arguments to skip tests. then please install the *.whl file that gets created.

./build.sh --config RelWithDebInfo --use_openvino VAD-M_FP16 --build_wheel --update --build

my command is " sudo ./build.sh --config RelWithDebInfo --build_wheel --use_openvino CPU_FP32 --parallel --skip_tests --update --build" .but in the end it does not generate any *.whl file in any location who can tell me why?

mesakh123 commented 2 years ago

Hi, this means that you installed onnxruntime 1.0 python package from pypi. that only use cpu provider available. please uninstall that one first using pip uninstall onnxruntime when building onnxruntime with openvino from source, please add --update --build arguments to skip tests. then please install the *.whl file that gets created. ./build.sh --config RelWithDebInfo --use_openvino VAD-M_FP16 --build_wheel --update --build

my command is " sudo ./build.sh --config RelWithDebInfo --build_wheel --use_openvino CPU_FP32 --parallel --skip_tests --update --build" .but in the end it does not generate any *.whl file in any location who can tell me why?

I'm trying this repo now, maybe it can help https://github.com/yas-sim/openvino-ep-enabled-onnxruntime