Skip to content
New issue

Have a question about this project? Sign up for a free GitHub account to open an issue and contact its maintainers and the community.

By clicking “Sign up for GitHub”, you agree to our terms of service and privacy statement. We’ll occasionally send you account related emails.

Already on GitHub? Sign in to your account

Problem converting onnx model using inference engine #94

Closed
erezposner opened this issue Feb 25, 2019 · 9 comments
Closed

Problem converting onnx model using inference engine #94

erezposner opened this issue Feb 25, 2019 · 9 comments
Labels
bug Something isn't working category: MO Model Optimizer question Further information is requested

Comments

@erezposner
Copy link

Hi,
I'm trying to optimize a custom network using the model optimizer using the following command
python mo_onnx.py --input_model "C:\Users\erez.posner\Desktop\FDFE.onnx"
and get the following error (below):

  • in the network i use reshape and transpose functions in order to increase batch size during a forward run. basically i get a [1,1,H,W] image and during forward change the dimensions of the tensor e.g.
    [4,1,H/2,H/2] .

i suspect an issue with batch dimension change during run. could this be the case? thank you

Common parameters:
        - Path to the Input Model:      C:\Users\erez.posner\Desktop\FDFE.onnx
        - Path for generated IR:        C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\.
        - IR output name:       FDFE
        - Log level:    ERROR
        - Batch:        Not specified, inherited from the model
        - Input layers:         Not specified, inherited from the model
        - Output layers:        Not specified, inherited from the model
        - Input shapes:         Not specified, inherited from the model
        - Mean values:  Not specified
        - Scale values:         Not specified
        - Scale factor:         Not specified
        - Precision of IR:      FP32
        - Enable fusing:        True
        - Enable grouped convolutions fusing:   True
        - Move mean values to preprocess section:       False
        - Reverse input channels:       False
ONNX specific parameters:
Model Optimizer version:        1.5.12.49d067a0
C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\ops\slice.py:111: FutureWarning: Using a non-tuple sequence for multidimensional indexing is deprecated; use `arr[tuple(seq)]` instead of `arr[seq]`. In the future this will be interpreted as an array index, `arr[np.array(seq)]`, which will result either in an error or a different result.
  value = value[slice_idx]
[ ERROR ]  -------------------------------------------------
[ ERROR ]  ----------------- INTERNAL ERROR ----------------
[ ERROR ]  Unexpected exception happened.
[ ERROR ]  Please contact Model Optimizer developers and forward the following information:
[ ERROR ]  Exception occurred during running replacer "REPLACEMENT_ID (<class 'extensions.middle.ShufflenetReshape.FeatureShuffleReshape'>)": 'shape'
[ ERROR ]  Traceback (most recent call last):
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 114, in apply_replacements
    replacer.find_and_replace_pattern(graph)
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\utils\replacement_pattern.py", line 28, in find_and_replace_pattern
    apply_pattern(graph, **self.pattern(), action=self.replace_pattern)  # pylint: disable=no-member
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\middle\pattern_match.py", line 95, in apply_pattern
    action(graph, match)
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\extensions\middle\ShufflenetReshape.py", line 93, in replace_pattern
    ''.format(reshape1.shape, reshape1_shape))
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\graph\graph.py", line 267, in __getattr__
    return self.graph.node[self.node][k]
KeyError: 'shape'

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\main.py", line 325, in main
    return driver(argv)
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\main.py", line 302, in driver
    mean_scale_values=mean_scale)
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\pipeline\onnx.py", line 139, in driver
    class_registration.apply_replacements(graph, class_registration.ClassType.MIDDLE_REPLACER)
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 127, in apply_replacements
    )) from err
Exception: Exception occurred during running replacer "REPLACEMENT_ID (<class 'extensions.middle.ShufflenetReshape.FeatureShuffleReshape'>)": 'shape'

[ ERROR ]  ---------------- END OF BUG REPORT --------------
[ ERROR ]  -------------------------------------------------```


@shubha-ramani
Copy link

shubha-ramani commented Feb 25, 2019

erez can you kindly attach your model and also the exact MO command you used so that we may assist you ? Also which version of ONNX are you using ?

@erezposner
Copy link
Author

Certainly, thank you the the prompt response.

The model class is attached below. In addition there are the custom functions i.e. multiPoolPrepare, multiMaxPooling, unwrapPrepare, unwrapPool attached as well.

i know it is a lot. basically this custom model is supposed to receive as an input a [1,1,960,1280] tensor and output [1,113,960,1280] tensor. It initially pads the input tensor and then follows the layers.

  • the exact MO command is : python mo_onnx.py --input_model C:\Users\erez.posner\Desktop\FDFE.onnx

  • ONNX versions is 1.4.1

  • model class
class CustomNet(nn.Module):
    def __init__(self, base_net, pH, pW, sL1, sL2, imH, imW):
        super(CustomNet, self).__init__()
        self.imH = imH
        self.imW = imW
        self.multiPoolPrepare = multiPoolPrepare(pH, pW)
        self.conv1 = nn.Conv2d(1, 8, kernel_size=3, stride=1)
        self.act1 = nn.ReLU()
        self.multiMaxPooling1 = multiMaxPooling(sL1, sL1, sL1, sL1)
        self.conv2 = nn.Conv2d(8, 16, kernel_size=3, stride=1)
        self.act2 = nn.ReLU()
        self.multiMaxPooling2 = multiMaxPooling(sL2, sL2, sL2, sL2)
        self.conv3 = nn.Conv2d(16, 128, kernel_size=2, stride=1)
        self.act3 = nn.ReLU()
        self.outChans=113
        self.conv4 = nn.Conv2d(128, self.outChans, kernel_size=1)
        self.unwrapPrepare = unwrapPrepare()
        self.unwrapPool2 = unwrapPool(self.outChans, imH / (sL1 * sL2), imW / (sL1 * sL2), sL2, sL2)
        self.unwrapPool3 = unwrapPool(self.outChans, imH / sL1, imW / sL1, sL1, sL1)

    def forward(self, x):
        x = self.multiPoolPrepare(x)
        x = self.conv1(x)
        x = self.act1(x)
        x = self.multiMaxPooling1(x)
        x = self.conv2(x)
        x = self.act2(x)
        x = self.multiMaxPooling2(x)
        x = self.conv3(x)
        x = self.act3(x)
        x = self.conv4(x)
        x = self.unwrapPrepare(x)
        x = self.unwrapPool2(x)
        x = self.unwrapPool3(x)
        y = x.view(-1, self.imH, self.imW)
        return y
  • additional functions:
from torch import nn
import torch
import numpy as np
import torch.nn.functional as F


# (N,C,H,W)


class multiPoolPrepare(nn.Module):
    def __init__(self, patchY, patchX):
        super(multiPoolPrepare, self).__init__()
        pady = patchY - 1
        padx = patchX - 1

        self.pad_top = np.ceil(pady / 2).astype(int)
        self.pad_bottom = np.floor(pady / 2).astype(int)
        self.pad_left = np.ceil(padx / 2).astype(int)
        self.pad_right = np.floor(padx / 2).astype(int)

    def forward(self, x):
        y = F.pad(x, [self.pad_left, self.pad_right, self.pad_top, self.pad_bottom], value=0)
        return y


class unwrapPrepare(nn.Module):
    def __init__(self):
        super(unwrapPrepare, self).__init__()

    def forward(self, x):
        x_ = F.pad(x, [0, -1, 0, -1], value=0)
        y = x_.contiguous().view(x_.shape[0], -1)
        y = y.transpose(0, 1)
        return y.contiguous()


class unwrapPool(nn.Module):
    def __init__(self, outChans, curImgW, curImgH, dW, dH):
        super(unwrapPool, self).__init__()
        self.outChans = int(outChans)
        self.curImgW = int(curImgW)
        self.curImgH = int(curImgH)
        self.dW = int(dW)
        self.dH = int(dH)

    def forward(self, x, ):

        y = x.view((self.outChans, self.curImgW, self.curImgH, self.dH, self.dW, -1))
        y = y.transpose(2, 3)

        return y.contiguous()


class multiMaxPooling(nn.Module):
    def __init__(self, kW, kH, dW, dH):
        super(multiMaxPooling, self).__init__()
        layers = []
        self.padd = []
        for i in range(0, dH):
            for j in range(0, dW):
                self.padd.append((-j, -i))
                layers.append(nn.MaxPool2d(kernel_size=(kW, kH), stride=(dW, dH)))
        self.max_layers = nn.ModuleList(layers)
        self.s = dH

    def forward(self, x):

        hh = []
        ww = []
        res = []

        for i in range(0, len(self.max_layers)):
            pad_left, pad_top = self.padd[i]
            pad_left, pad_top = abs(pad_left), abs(pad_top)
            h, w = x.size()[2], x.size()[3]
            _x = x[..., pad_top:h - pad_top, pad_left:w - pad_left]
            _x = self.max_layers[i](_x)
            h, w = _x.size()[2], _x.size()[3]
            hh.append(h)
            ww.append(w)
            res.append(_x)
        max_h, max_w = np.max(hh), np.max(ww)
        for i in range(0, len(self.max_layers)):
            _x = res[i]
            h, w = _x.size()[2], _x.size()[3]
            pad_top = np.floor((max_h - h.item()) / 2).astype(int)
            pad_bottom = np.ceil((max_h - h.item()) / 2).astype(int)
            pad_left = np.floor((max_w - w.item()) / 2).astype(int)
            pad_right = np.ceil((max_w - w.item()) / 2).astype(int)
            _x = F.pad(_x, [pad_left, pad_right, pad_top, pad_bottom], value=0)
            res[i] = _x
        return torch.cat(res, 0)

@shubha-ramani
Copy link

shubha-ramani commented Feb 27, 2019

Hi erez. I meant your ONNX model (not your Pytorch model). Can you kindly attach your exported onnx model ? Also add --log_level DEBUG to your MO command so that I can see the debug logs.

@erezposner
Copy link
Author

exported model is:

graph(%x.1 : Half(1, 1, 960, 1280)
      %1 : Half(8, 1, 3, 3)
      %2 : Half(8)
      %3 : Half(32, 8, 3, 3)
      %4 : Half(32)
      %5 : Half(128, 32, 2, 2)
      %6 : Half(128)
      %7 : Half(113, 128, 1, 1)
      %8 : Half(113)) {
  %9 : Half(1, 1, 974, 1294) = onnx::Pad[mode="constant", pads=[0, 0, 7, 7, 0, 0, 7, 7], value=0](%x.1), scope: SlimNet/multiPoolPrepare[multiPoolPrepare]
  %10 : Half(1, 8, 972, 1292) = onnx::Conv[dilations=[1, 1], group=1, kernel_shape=[3, 3], pads=[0, 0, 0, 0], strides=[1, 1]](%9, %1, %2), scope: SlimNet/Conv2d[conv1]
  %11 : Half(1, 8, 972, 1292) = onnx::Relu(%10), scope: SlimNet/ReLU[act1]
  %12 : Half(1, 8, 972, 1292) = onnx::Slice[axes=[2], ends=[972], starts=[0]](%11), scope: SlimNet/multiMaxPooling[multiMaxPooling1]
  %13 : Half(1, 8, 972, 1292) = onnx::Slice[axes=[3], ends=[1292], starts=[0]](%12), scope: SlimNet/multiMaxPooling[multiMaxPooling1]
  %14 : Half(1, 8, 486, 646) = onnx::MaxPool[kernel_shape=[2, 2], pads=[0, 0, 0, 0], strides=[2, 2]](%13), scope: SlimNet/multiMaxPooling[multiMaxPooling1]/MaxPool2d
  %15 : Half(1, 8, 972, 1292) = onnx::Slice[axes=[2], ends=[972], starts=[0]](%11), scope: SlimNet/multiMaxPooling[multiMaxPooling1]
  %16 : Half(1, 8, 972!, 1290) = onnx::Slice[axes=[3], ends=[1291], starts=[1]](%15), scope: SlimNet/multiMaxPooling[multiMaxPooling1]
  %17 : Half(1, 8, 486, 645) = onnx::MaxPool[kernel_shape=[2, 2], pads=[0, 0, 0, 0], strides=[2, 2]](%16), scope: SlimNet/multiMaxPooling[multiMaxPooling1]/MaxPool2d
  %18 : Half(1, 8!, 970, 1292) = onnx::Slice[axes=[2], ends=[971], starts=[1]](%11), scope: SlimNet/multiMaxPooling[multiMaxPooling1]
  %19 : Half(1, 8!, 970, 1292) = onnx::Slice[axes=[3], ends=[1292], starts=[0]](%18), scope: SlimNet/multiMaxPooling[multiMaxPooling1]
  %20 : Half(1, 8, 485, 646) = onnx::MaxPool[kernel_shape=[2, 2], pads=[0, 0, 0, 0], strides=[2, 2]](%19), scope: SlimNet/multiMaxPooling[multiMaxPooling1]/MaxPool2d
  %21 : Half(1, 8!, 970, 1292) = onnx::Slice[axes=[2], ends=[971], starts=[1]](%11), scope: SlimNet/multiMaxPooling[multiMaxPooling1]
  %22 : Half(1, 8!, 970!, 1290) = onnx::Slice[axes=[3], ends=[1291], starts=[1]](%21), scope: SlimNet/multiMaxPooling[multiMaxPooling1]
  %23 : Half(1, 8, 485, 645) = onnx::MaxPool[kernel_shape=[2, 2], pads=[0, 0, 0, 0], strides=[2, 2]](%22), scope: SlimNet/multiMaxPooling[multiMaxPooling1]/MaxPool2d
  %24 : Half(1, 8, 486, 646) = onnx::Pad[mode="constant", pads=[0, 0, 0, 0, 0, 0, 0, 0], value=0](%14), scope: SlimNet/multiMaxPooling[multiMaxPooling1]
  %25 : Half(1, 8, 486, 646) = onnx::Pad[mode="constant", pads=[0, 0, 0, 0, 0, 0, 0, 1], value=0](%17), scope: SlimNet/multiMaxPooling[multiMaxPooling1]
  %26 : Half(1, 8, 486, 646) = onnx::Pad[mode="constant", pads=[0, 0, 0, 0, 0, 0, 1, 0], value=0](%20), scope: SlimNet/multiMaxPooling[multiMaxPooling1]
  %27 : Half(1, 8, 486, 646) = onnx::Pad[mode="constant", pads=[0, 0, 0, 0, 0, 0, 1, 1], value=0](%23), scope: SlimNet/multiMaxPooling[multiMaxPooling1]
  %28 : Half(4, 8, 486, 646) = onnx::Concat[axis=0](%24, %25, %26, %27), scope: SlimNet/multiMaxPooling[multiMaxPooling1]
  %29 : Half(4, 32, 484, 644) = onnx::Conv[dilations=[1, 1], group=1, kernel_shape=[3, 3], pads=[0, 0, 0, 0], strides=[1, 1]](%28, %3, %4), scope: SlimNet/Conv2d[conv2]
  %30 : Half(4, 32, 484, 644) = onnx::Relu(%29), scope: SlimNet/ReLU[act2]
  %31 : Half(4, 32, 484, 644) = onnx::Slice[axes=[2], ends=[484], starts=[0]](%30), scope: SlimNet/multiMaxPooling[multiMaxPooling2]
  %32 : Half(4, 32, 484, 644) = onnx::Slice[axes=[3], ends=[644], starts=[0]](%31), scope: SlimNet/multiMaxPooling[multiMaxPooling2]
  %33 : Half(4, 32, 242, 322) = onnx::MaxPool[kernel_shape=[2, 2], pads=[0, 0, 0, 0], strides=[2, 2]](%32), scope: SlimNet/multiMaxPooling[multiMaxPooling2]/MaxPool2d
  %34 : Half(4, 32, 484, 644) = onnx::Slice[axes=[2], ends=[484], starts=[0]](%30), scope: SlimNet/multiMaxPooling[multiMaxPooling2]
  %35 : Half(4, 32, 484!, 642) = onnx::Slice[axes=[3], ends=[643], starts=[1]](%34), scope: SlimNet/multiMaxPooling[multiMaxPooling2]
  %36 : Half(4, 32, 242, 321) = onnx::MaxPool[kernel_shape=[2, 2], pads=[0, 0, 0, 0], strides=[2, 2]](%35), scope: SlimNet/multiMaxPooling[multiMaxPooling2]/MaxPool2d
  %37 : Half(4, 32!, 482, 644) = onnx::Slice[axes=[2], ends=[483], starts=[1]](%30), scope: SlimNet/multiMaxPooling[multiMaxPooling2]
  %38 : Half(4, 32!, 482, 644) = onnx::Slice[axes=[3], ends=[644], starts=[0]](%37), scope: SlimNet/multiMaxPooling[multiMaxPooling2]
  %39 : Half(4, 32, 241, 322) = onnx::MaxPool[kernel_shape=[2, 2], pads=[0, 0, 0, 0], strides=[2, 2]](%38), scope: SlimNet/multiMaxPooling[multiMaxPooling2]/MaxPool2d
  %40 : Half(4, 32!, 482, 644) = onnx::Slice[axes=[2], ends=[483], starts=[1]](%30), scope: SlimNet/multiMaxPooling[multiMaxPooling2]
  %41 : Half(4, 32!, 482!, 642) = onnx::Slice[axes=[3], ends=[643], starts=[1]](%40), scope: SlimNet/multiMaxPooling[multiMaxPooling2]
  %42 : Half(4, 32, 241, 321) = onnx::MaxPool[kernel_shape=[2, 2], pads=[0, 0, 0, 0], strides=[2, 2]](%41), scope: SlimNet/multiMaxPooling[multiMaxPooling2]/MaxPool2d
  %43 : Half(4, 32, 242, 322) = onnx::Pad[mode="constant", pads=[0, 0, 0, 0, 0, 0, 0, 0], value=0](%33), scope: SlimNet/multiMaxPooling[multiMaxPooling2]
  %44 : Half(4, 32, 242, 322) = onnx::Pad[mode="constant", pads=[0, 0, 0, 0, 0, 0, 0, 1], value=0](%36), scope: SlimNet/multiMaxPooling[multiMaxPooling2]
  %45 : Half(4, 32, 242, 322) = onnx::Pad[mode="constant", pads=[0, 0, 0, 0, 0, 0, 1, 0], value=0](%39), scope: SlimNet/multiMaxPooling[multiMaxPooling2]
  %46 : Half(4, 32, 242, 322) = onnx::Pad[mode="constant", pads=[0, 0, 0, 0, 0, 0, 1, 1], value=0](%42), scope: SlimNet/multiMaxPooling[multiMaxPooling2]
  %47 : Half(16, 32, 242, 322) = onnx::Concat[axis=0](%43, %44, %45, %46), scope: SlimNet/multiMaxPooling[multiMaxPooling2]
  %48 : Half(16, 128, 241, 321) = onnx::Conv[dilations=[1, 1], group=1, kernel_shape=[2, 2], pads=[0, 0, 0, 0], strides=[1, 1]](%47, %5, %6), scope: SlimNet/Conv2d[conv3]
  %49 : Half(16, 128, 241, 321) = onnx::Relu(%48), scope: SlimNet/ReLU[act3]
  %50 : Half(16, 113, 241, 321) = onnx::Conv[dilations=[1, 1], group=1, kernel_shape=[1, 1], pads=[0, 0, 0, 0], strides=[1, 1]](%49, %7, %8), scope: SlimNet/Conv2d[conv4]
  %51 : Half(16, 113, 240, 320) = onnx::Pad[mode="constant", pads=[0, 0, 0, 0, 0, 0, -1, -1], value=0](%50), scope: SlimNet/unwrapPrepare[unwrapPrepare]
  %52 : Long() = onnx::Constant[value={0}](), scope: SlimNet/unwrapPrepare[unwrapPrepare]
  %53 : Tensor = onnx::Shape(%51), scope: SlimNet/unwrapPrepare[unwrapPrepare]
  %54 : Long() = onnx::Gather[axis=0](%53, %52), scope: SlimNet/unwrapPrepare[unwrapPrepare]
  %55 : Long() = onnx::Constant[value={-1}](), scope: SlimNet/unwrapPrepare[unwrapPrepare]
  %56 : Tensor = onnx::Unsqueeze[axes=[0]](%54)
  %57 : Tensor = onnx::Unsqueeze[axes=[0]](%55)
  %58 : Tensor = onnx::Concat[axis=0](%56, %57)
  %59 : Half(16, 8678400) = onnx::Reshape(%51, %58), scope: SlimNet/unwrapPrepare[unwrapPrepare]
  %60 : Half(8678400, 16) = onnx::Transpose[perm=[1, 0]](%59), scope: SlimNet/unwrapPrepare[unwrapPrepare]
  %61 : Tensor = onnx::Constant[value= 113  240  320    2    2   -1 [ CPULongType{6} ]](), scope: SlimNet/unwrapPool[unwrapPool2]
  %62 : Half(113, 240, 320, 2, 2, 4) = onnx::Reshape(%60, %61), scope: SlimNet/unwrapPool[unwrapPool2]
  %63 : Half(113, 240, 2, 320, 2, 4) = onnx::Transpose[perm=[0, 1, 3, 2, 4, 5]](%62), scope: SlimNet/unwrapPool[unwrapPool2]
  %64 : Tensor = onnx::Constant[value= 113  480  640    2    2   -1 [ CPULongType{6} ]](), scope: SlimNet/unwrapPool[unwrapPool3]
  %65 : Half(113, 480, 640, 2, 2, 1) = onnx::Reshape(%63, %64), scope: SlimNet/unwrapPool[unwrapPool3]
  %66 : Half(113, 480, 2, 640, 2, 1) = onnx::Transpose[perm=[0, 1, 3, 2, 4, 5]](%65), scope: SlimNet/unwrapPool[unwrapPool3]
  %67 : Tensor = onnx::Constant[value=   -1   960  1280 [ CPULongType{3} ]](), scope: SlimNet
  %68 : Half(113, 960, 1280) = onnx::Reshape(%66, %67), scope: SlimNet
  return (%68);
}

and the mo output with debug


(pytorch) C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer>python mo.py --input_model  "C:\Users\erez.posner\Desktop\FDFE_2.onnx" --log_level DEBUG
[ 2019-02-28 10:15:32,817 ] [ DEBUG ] [ main:133 ]  Namespace(batch=None, counts=None, data_type='float', disable_fusing=False, disable_gfusing=False, disable_nhwc_to_nchw=False, disable_omitting_optional=False, disable_resnet_optimization=False, enable_flattening_nested_params=False, extensions='C:\\Intel\\computer_vision_sdk_2018.5.456\\deployment_tools\\model_optimizer\\extensions', finegrain_fusing=None, framework='onnx', freeze_placeholder_with_value=None, generate_deprecated_IR_V2=False, input=None, input_checkpoint=None, input_meta_graph=None, input_model='C:\\Users\\erez.posner\\Desktop\\FDFE_2.onnx', input_model_is_text=False, input_proto=None, input_shape=None, input_symbol=None, k='extensions\\front\\caffe\\CustomLayersMapping.xml', legacy_mxnet_model=False, log_level='DEBUG', mean_file=None, mean_file_offsets=None, mean_values=(), model_name=None, move_to_preprocess=False, nd_prefix_name=None, offload_unsupported_operations_to_tf=False, output=None, output_dir='C:\\Intel\\computer_vision_sdk_2018.5.456\\deployment_tools\\model_optimizer\\.', pretrained_model_name=None, remove_output_softmax=False, reverse_input_channels=False, save_params_from_nd=False, saved_model_dir=None, saved_model_tags=None, scale=None, scale_values=(), silent=False, tensorboard_logdir=None, tensorflow_custom_layer_libraries=None, tensorflow_custom_operations_config_update=None, tensorflow_object_detection_api_pipeline_config=None, tensorflow_operation_patterns=None, tensorflow_subgraph_patterns=None, tensorflow_use_custom_operations_config=None, version=False)
[ 2019-02-28 10:15:32,817 ] [ DEBUG ] [ main:134 ]  Model Optimizer started
[ 2019-02-28 10:15:32,819 ] [ DEBUG ] [ main:148 ]  Output model name would be FDFE_2{.xml, .bin}
Model Optimizer arguments:
Common parameters:
        - Path to the Input Model:      C:\Users\erez.posner\Desktop\FDFE_2.onnx
        - Path for generated IR:        C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\.
        - IR output name:       FDFE_2
        - Log level:    DEBUG
        - Batch:        Not specified, inherited from the model
        - Input layers:         Not specified, inherited from the model
        - Output layers:        Not specified, inherited from the model
        - Input shapes:         Not specified, inherited from the model
        - Mean values:  Not specified
        - Scale values:         Not specified
        - Scale factor:         Not specified
        - Precision of IR:      FP32
        - Enable fusing:        True
        - Enable grouped convolutions fusing:   True
        - Move mean values to preprocess section:       False
        - Reverse input channels:       False
ONNX specific parameters:
Model Optimizer version:        1.5.12.49d067a0
[ 2019-02-28 10:15:33,022 ] [ DEBUG ] [ main:236 ]  Placeholder shapes : None
[ INFO ]  Importing extensions from: C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo
[ INFO ]  New subclass: <class 'mo.ops.reshape.Reshape'>
[ INFO ]  Registered a new subclass with key: Reshape
[ WARNING ]  Skipped <class 'mo.ops.lin_op.LinOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.permute.Permute'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'mo.ops.activation.Activation'>
[ INFO ]  Registered a new subclass with key: Activation
[ INFO ]  New subclass: <class 'mo.ops.clamp.Clamp'>
[ INFO ]  Registered a new subclass with key: Clamp
[ INFO ]  New subclass: <class 'mo.ops.concat.Concat'>
[ INFO ]  Registered a new subclass with key: Concat
[ INFO ]  New subclass: <class 'mo.ops.const.Const'>
[ INFO ]  Registered a new subclass with key: Const
[ INFO ]  New subclass: <class 'mo.ops.convolution.Convolution'>
[ INFO ]  Registered a new subclass with key: Convolution
[ INFO ]  New subclass: <class 'mo.ops.crop.Crop'>
[ INFO ]  Registered a new subclass with key: Crop
[ INFO ]  New subclass: <class 'mo.ops.deconvolution.Deconvolution'>
[ INFO ]  Registered a new subclass with key: Deconvolution
[ INFO ]  New subclass: <class 'mo.ops.eltwise.Eltwise'>
[ INFO ]  Registered a new subclass with key: Eltwise
[ WARNING ]  Skipped <class 'mo.ops.power.Power'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'mo.ops.eltwise_n.EltwiseN'>
[ INFO ]  Registered a new subclass with key: EltwiseN
[ WARNING ]  Skipped <class 'mo.ops.expand_dims.ExpandDims'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'mo.ops.flatten.Flatten'>
[ INFO ]  Registered a new subclass with key: Flatten
[ INFO ]  New subclass: <class 'mo.ops.flatten_onnx.FlattenONNX'>
[ INFO ]  Registered a new subclass with key: FlattenONNX
[ INFO ]  New subclass: <class 'mo.ops.inner_product.InnerProduct'>
[ INFO ]  Registered a new subclass with key: FullyConnected
[ INFO ]  New subclass: <class 'mo.ops.input.Input'>
[ INFO ]  Registered a new subclass with key: Input
[ WARNING ]  Skipped <class 'mo.ops.lrn.LRN'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'mo.ops.memory.Memory'>
[ INFO ]  Registered a new subclass with key: Memory
[ INFO ]  New subclass: <class 'mo.ops.output.Output'>
[ INFO ]  Registered a new subclass with key: OpOutput
[ INFO ]  New subclass: <class 'mo.ops.pad.Pad'>
[ INFO ]  Registered a new subclass with key: Pad
[ INFO ]  New subclass: <class 'mo.ops.pooling.Pooling'>
[ INFO ]  Registered a new subclass with key: Pooling
[ WARNING ]  Skipped <class 'mo.ops.reduce.Reduce'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'mo.ops.relu.ReLU'>
[ INFO ]  Registered a new subclass with key: ReLU
[ WARNING ]  Skipped <class 'mo.ops.roipooling.ROIPooling'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'mo.ops.scale_shift.ScaleShiftOp'>
[ INFO ]  Registered a new subclass with key: ScaleShift
[ INFO ]  New subclass: <class 'mo.ops.shape.Shape'>
[ INFO ]  Registered a new subclass with key: Shape
[ INFO ]  New subclass: <class 'mo.ops.slice.Slice'>
[ INFO ]  Registered a new subclass with key: Slice
[ INFO ]  New subclass: <class 'mo.ops.softmax.Softmax'>
[ INFO ]  Registered a new subclass with key: SoftMax
[ INFO ]  New subclass: <class 'mo.ops.split.Split'>
[ INFO ]  Registered a new subclass with key: Split
[ WARNING ]  Skipped <class 'mo.ops.squeeze.Squeeze'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'mo.ops.tile.Tile'>
[ INFO ]  Registered a new subclass with key: Tile
[ WARNING ]  Skipped <class 'mo.ops.unsqueeze.Unsqueeze'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'mo.ops.div.Div'>
[ INFO ]  Registered a new subclass with key: Div
[ INFO ]  New subclass: <class 'mo.front.common.replacement.FrontReplacementSubgraph'>
[ INFO ]  New subclass: <class 'mo.front.common.replacement.FrontReplacementOp'>
[ INFO ]  Registered a new subclass with key: UnknownOp
[ INFO ]  New subclass: <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'>
[ INFO ]  New subclass: <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'>
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputNormalization.EltwiseInputNormalize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.NormalizeFullyConnected.NormalizeFullyConnected'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reshape.Reshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lin_op.LinOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.permute.Permute'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.activation.Activation'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.clamp.Clamp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.concat.Concat'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.const.Const'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.convolution.Convolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.crop.Crop'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.deconvolution.Deconvolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise.Eltwise'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.power.Power'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise_n.EltwiseN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.expand_dims.ExpandDims'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten.Flatten'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten_onnx.FlattenONNX'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.inner_product.InnerProduct'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.input.Input'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lrn.LRN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.memory.Memory'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.output.Output'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pad.Pad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pooling.Pooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reduce.Reduce'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.relu.ReLU'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.roipooling.ROIPooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.scale_shift.ScaleShiftOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.shape.Shape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.slice.Slice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.softmax.Softmax'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.split.Split'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.squeeze.Squeeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.tile.Tile'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.unsqueeze.Unsqueeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.div.Div'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementSubgraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputNormalization.EltwiseInputNormalize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.NormalizeFullyConnected.NormalizeFullyConnected'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reshape.Reshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lin_op.LinOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.permute.Permute'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.activation.Activation'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.clamp.Clamp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.concat.Concat'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.const.Const'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.convolution.Convolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.crop.Crop'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.deconvolution.Deconvolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise.Eltwise'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.power.Power'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise_n.EltwiseN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.expand_dims.ExpandDims'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten.Flatten'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten_onnx.FlattenONNX'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.inner_product.InnerProduct'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.input.Input'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lrn.LRN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.memory.Memory'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.output.Output'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pad.Pad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pooling.Pooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reduce.Reduce'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.relu.ReLU'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.roipooling.ROIPooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.scale_shift.ScaleShiftOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.shape.Shape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.slice.Slice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.softmax.Softmax'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.split.Split'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.squeeze.Squeeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.tile.Tile'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.unsqueeze.Unsqueeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.div.Div'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementSubgraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputNormalization.EltwiseInputNormalize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.NormalizeFullyConnected.NormalizeFullyConnected'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reshape.Reshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lin_op.LinOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.permute.Permute'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.activation.Activation'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.clamp.Clamp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.concat.Concat'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.const.Const'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.convolution.Convolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.crop.Crop'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.deconvolution.Deconvolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise.Eltwise'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.power.Power'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise_n.EltwiseN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.expand_dims.ExpandDims'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten.Flatten'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten_onnx.FlattenONNX'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.inner_product.InnerProduct'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.input.Input'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lrn.LRN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.memory.Memory'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.output.Output'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pad.Pad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pooling.Pooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reduce.Reduce'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.relu.ReLU'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.roipooling.ROIPooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.scale_shift.ScaleShiftOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.shape.Shape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.slice.Slice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.softmax.Softmax'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.split.Split'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.squeeze.Squeeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.tile.Tile'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.unsqueeze.Unsqueeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.div.Div'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementSubgraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputNormalization.EltwiseInputNormalize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.NormalizeFullyConnected.NormalizeFullyConnected'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reshape.Reshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lin_op.LinOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.permute.Permute'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.activation.Activation'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.clamp.Clamp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.concat.Concat'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.const.Const'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.convolution.Convolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.crop.Crop'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.deconvolution.Deconvolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise.Eltwise'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.power.Power'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise_n.EltwiseN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.expand_dims.ExpandDims'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten.Flatten'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten_onnx.FlattenONNX'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.inner_product.InnerProduct'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.input.Input'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lrn.LRN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.memory.Memory'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.output.Output'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pad.Pad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pooling.Pooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reduce.Reduce'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.relu.ReLU'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.roipooling.ROIPooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.scale_shift.ScaleShiftOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.shape.Shape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.slice.Slice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.softmax.Softmax'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.split.Split'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.squeeze.Squeeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.tile.Tile'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.unsqueeze.Unsqueeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.div.Div'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementSubgraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputNormalization.EltwiseInputNormalize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.NormalizeFullyConnected.NormalizeFullyConnected'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reshape.Reshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lin_op.LinOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.permute.Permute'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.activation.Activation'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.clamp.Clamp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.concat.Concat'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.const.Const'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.convolution.Convolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.crop.Crop'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.deconvolution.Deconvolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise.Eltwise'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.power.Power'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise_n.EltwiseN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.expand_dims.ExpandDims'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten.Flatten'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten_onnx.FlattenONNX'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.inner_product.InnerProduct'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.input.Input'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lrn.LRN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.memory.Memory'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.output.Output'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pad.Pad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pooling.Pooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reduce.Reduce'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.relu.ReLU'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.roipooling.ROIPooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.scale_shift.ScaleShiftOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.shape.Shape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.slice.Slice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.softmax.Softmax'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.split.Split'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.squeeze.Squeeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.tile.Tile'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.unsqueeze.Unsqueeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.div.Div'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementSubgraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputNormalization.EltwiseInputNormalize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.NormalizeFullyConnected.NormalizeFullyConnected'> registration because it was already registered or it was disabled.
[ INFO ]  Importing extensions from: C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\extensions
[ WARNING ]  Skipped <class 'mo.ops.reshape.Reshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lin_op.LinOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.permute.Permute'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.activation.Activation'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.clamp.Clamp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.concat.Concat'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.const.Const'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.convolution.Convolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.crop.Crop'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.deconvolution.Deconvolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise.Eltwise'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.power.Power'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise_n.EltwiseN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.expand_dims.ExpandDims'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten.Flatten'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten_onnx.FlattenONNX'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.inner_product.InnerProduct'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.input.Input'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lrn.LRN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.memory.Memory'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.output.Output'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pad.Pad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pooling.Pooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reduce.Reduce'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.relu.ReLU'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.roipooling.ROIPooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.scale_shift.ScaleShiftOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.shape.Shape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.slice.Slice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.softmax.Softmax'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.split.Split'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.squeeze.Squeeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.tile.Tile'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.unsqueeze.Unsqueeze'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.ops.BlockLSTM.BlockLSTM'>
[ INFO ]  Registered a new subclass with key: BlockLSTM
[ INFO ]  New subclass: <class 'extensions.ops.DetectionOutput.DetectionOutput'>
[ INFO ]  Registered a new subclass with key: DetectionOutput
[ INFO ]  New subclass: <class 'extensions.ops.Enter.Enter'>
[ INFO ]  Registered a new subclass with key: Enter
[ INFO ]  New subclass: <class 'extensions.ops.Exit.Exit'>
[ INFO ]  Registered a new subclass with key: Exit
[ INFO ]  New subclass: <class 'extensions.ops.NextIteration.NextIteration'>
[ INFO ]  Registered a new subclass with key: NextIteration
[ INFO ]  New subclass: <class 'extensions.ops.SquaredDifference.SquaredDifference'>
[ INFO ]  Registered a new subclass with key: SquaredDifference
[ INFO ]  New subclass: <class 'extensions.ops.TensorArray.TensorArray'>
[ INFO ]  Registered a new subclass with key: TensorArrayV3
[ INFO ]  New subclass: <class 'extensions.ops.TensorArrayGather.TensorArrayGather'>
[ INFO ]  Registered a new subclass with key: TensorArrayGatherV3
[ INFO ]  New subclass: <class 'extensions.ops.TensorArrayRead.TensorArrayReader'>
[ INFO ]  Registered a new subclass with key: TensorArrayReadV3
[ INFO ]  New subclass: <class 'extensions.ops.TensorArrayScatter.TensorArrayScatter'>
[ INFO ]  Registered a new subclass with key: TensorArrayScatterV3
[ INFO ]  New subclass: <class 'extensions.ops.TensorArraySize.TensorArraySize'>
[ INFO ]  Registered a new subclass with key: TensorArraySizeV3
[ INFO ]  New subclass: <class 'extensions.ops.TensorArrayWrite.TensorArrayWriter'>
[ INFO ]  Registered a new subclass with key: TensorArrayWriteV3
[ INFO ]  New subclass: <class 'extensions.ops.TensorIterator_ops.TensorIteratorInput'>
[ INFO ]  Registered a new subclass with key: TensorIteratorInput
[ INFO ]  New subclass: <class 'extensions.ops.TensorIterator_ops.TensorIteratorOutput'>
[ INFO ]  Registered a new subclass with key: TensorIteratorOutput
[ INFO ]  New subclass: <class 'extensions.ops.TensorIterator_ops.TensorIteratorCondition'>
[ INFO ]  Registered a new subclass with key: TensorIteratorCondition
[ INFO ]  New subclass: <class 'extensions.ops.TensorIterator_ops.TensorIteratorBackEdge'>
[ INFO ]  Registered a new subclass with key: TensorIteratorBackEdge
[ INFO ]  New subclass: <class 'extensions.ops.accum.AccumOp'>
[ INFO ]  Registered a new subclass with key: Accum
[ INFO ]  New subclass: <class 'extensions.ops.argmax.ArgMaxOp'>
[ INFO ]  Registered a new subclass with key: ArgMax
[ INFO ]  New subclass: <class 'extensions.ops.assert_op.Assert'>
[ INFO ]  Registered a new subclass with key: Assert
[ INFO ]  New subclass: <class 'extensions.ops.axpy.AxpyOp'>
[ INFO ]  Registered a new subclass with key: Axpy
[ INFO ]  New subclass: <class 'extensions.ops.bn.BNOp'>
[ INFO ]  Registered a new subclass with key: BN
[ INFO ]  New subclass: <class 'extensions.ops.constant_fill.ConstantFill'>
[ INFO ]  Registered a new subclass with key: ConstantFill
[ INFO ]  New subclass: <class 'extensions.ops.correlation.CorrelationOp'>
[ INFO ]  Registered a new subclass with key: Correlation
[ INFO ]  New subclass: <class 'extensions.ops.ctc_greedy_decoder.CTCGreedyDecoderOp'>
[ INFO ]  Registered a new subclass with key: CTCGreedyDecoder
[ INFO ]  New subclass: <class 'extensions.ops.data_augmentation.DataAugmentationOp'>
[ INFO ]  Registered a new subclass with key: DataAugmentation
[ INFO ]  New subclass: <class 'extensions.ops.depth_to_space.DepthToSpaceOp'>
[ INFO ]  Registered a new subclass with key: DepthToSpace
[ INFO ]  New subclass: <class 'extensions.ops.gather.Gather'>
[ INFO ]  Registered a new subclass with key: Gather
[ INFO ]  New subclass: <class 'extensions.ops.grn.GRNOp'>
[ INFO ]  Registered a new subclass with key: GRN
[ INFO ]  New subclass: <class 'extensions.ops.identity.IdentityOp'>
[ INFO ]  Registered a new subclass with key: Identity
[ INFO ]  New subclass: <class 'extensions.ops.instance_normalization.InstanceNormalization'>
[ INFO ]  Registered a new subclass with key: InstanceNormalization
[ INFO ]  New subclass: <class 'extensions.ops.interp.InterpOp'>
[ INFO ]  Registered a new subclass with key: Interp
[ INFO ]  New subclass: <class 'extensions.ops.lstm_cell.LSTMCell'>
[ INFO ]  Registered a new subclass with key: LSTMCell
[ INFO ]  New subclass: <class 'extensions.ops.lstm_sequence.LSTMSequence'>
[ INFO ]  Registered a new subclass with key: LSTMSequence
[ INFO ]  New subclass: <class 'extensions.ops.merge.Merge'>
[ INFO ]  Registered a new subclass with key: Merge
[ INFO ]  New subclass: <class 'extensions.ops.mvn.MVN'>
[ INFO ]  Registered a new subclass with key: MVN
[ INFO ]  New subclass: <class 'extensions.ops.normalize.NormalizeOp'>
[ INFO ]  Registered a new subclass with key: Normalize
[ INFO ]  New subclass: <class 'extensions.ops.pack.PackOp'>
[ INFO ]  Registered a new subclass with key: Pack
[ INFO ]  New subclass: <class 'extensions.ops.power_file.PowerFileOp'>
[ INFO ]  Registered a new subclass with key: PowerFile
[ INFO ]  New subclass: <class 'extensions.ops.prediction_heatmap.PredictionHeatmapOp'>
[ INFO ]  Registered a new subclass with key: PredictionHeatmap
[ INFO ]  New subclass: <class 'extensions.ops.prelu.PreluOp'>
[ INFO ]  Registered a new subclass with key: PReLU
[ INFO ]  New subclass: <class 'extensions.ops.priorbox.PriorBoxOp'>
[ INFO ]  Registered a new subclass with key: PriorBox
[ INFO ]  New subclass: <class 'extensions.ops.priorbox_clustered.PriorBoxClusteredOp'>
[ INFO ]  Registered a new subclass with key: PriorBoxClustered
[ INFO ]  New subclass: <class 'extensions.ops.proposal.ProposalOp'>
[ INFO ]  Registered a new subclass with key: Proposal
[ INFO ]  New subclass: <class 'extensions.ops.psroipooling.PSROIPoolingOp'>
[ INFO ]  Registered a new subclass with key: PSROIPooling
[ INFO ]  New subclass: <class 'extensions.ops.rank.Rank'>
[ INFO ]  Registered a new subclass with key: Rank
[ INFO ]  New subclass: <class 'extensions.ops.regionyolo.RegionYoloOp'>
[ INFO ]  Registered a new subclass with key: RegionYolo
[ INFO ]  New subclass: <class 'extensions.ops.reorgyolo.ReorgYoloOp'>
[ INFO ]  Registered a new subclass with key: ReorgYolo
[ INFO ]  New subclass: <class 'extensions.ops.resample.ResampleOp'>
[ INFO ]  Registered a new subclass with key: Resample
[ INFO ]  New subclass: <class 'extensions.ops.reverse_sequence.ReverseSequence'>
[ INFO ]  Registered a new subclass with key: ReverseSequence
[ INFO ]  New subclass: <class 'extensions.ops.select.Select'>
[ INFO ]  Registered a new subclass with key: Select
[ INFO ]  New subclass: <class 'extensions.ops.shufflechannel.ShuffleChannelOp'>
[ INFO ]  Registered a new subclass with key: ShuffleChannel
[ INFO ]  New subclass: <class 'extensions.ops.simplernms.SimplerNMSOp'>
[ INFO ]  Registered a new subclass with key: SimplerNMS
[ INFO ]  New subclass: <class 'extensions.ops.spatial_transformer.SpatialTransformOp'>
[ INFO ]  Registered a new subclass with key: SpatialTransformer
[ INFO ]  New subclass: <class 'extensions.ops.splice.Splice'>
[ INFO ]  Registered a new subclass with key: Splice
[ INFO ]  New subclass: <class 'extensions.ops.splitv.SplitV'>
[ INFO ]  Registered a new subclass with key: SplitV
[ INFO ]  New subclass: <class 'extensions.ops.stop_gradient.StopGradientOp'>
[ INFO ]  Registered a new subclass with key: StopGradient
[ INFO ]  New subclass: <class 'extensions.ops.switch.Switch'>
[ INFO ]  Registered a new subclass with key: Switch
[ INFO ]  New subclass: <class 'extensions.ops.tensor_iterator.TensorIterator'>
[ INFO ]  Registered a new subclass with key: TensorIterator
[ WARNING ]  Skipped <class 'mo.ops.div.Div'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementSubgraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputNormalization.EltwiseInputNormalize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.NormalizeFullyConnected.NormalizeFullyConnected'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reshape.Reshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lin_op.LinOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.permute.Permute'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.activation.Activation'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.clamp.Clamp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.concat.Concat'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.const.Const'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.convolution.Convolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.crop.Crop'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.deconvolution.Deconvolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise.Eltwise'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.power.Power'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise_n.EltwiseN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.expand_dims.ExpandDims'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten.Flatten'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten_onnx.FlattenONNX'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.inner_product.InnerProduct'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.input.Input'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lrn.LRN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.memory.Memory'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.output.Output'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pad.Pad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pooling.Pooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reduce.Reduce'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.relu.ReLU'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.roipooling.ROIPooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.scale_shift.ScaleShiftOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.shape.Shape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.slice.Slice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.softmax.Softmax'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.split.Split'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.squeeze.Squeeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.tile.Tile'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.unsqueeze.Unsqueeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.BlockLSTM.BlockLSTM'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.DetectionOutput.DetectionOutput'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.Enter.Enter'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.Exit.Exit'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.NextIteration.NextIteration'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.SquaredDifference.SquaredDifference'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArray.TensorArray'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayGather.TensorArrayGather'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayRead.TensorArrayReader'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayScatter.TensorArrayScatter'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArraySize.TensorArraySize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayWrite.TensorArrayWriter'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorInput'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorOutput'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorCondition'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorBackEdge'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.accum.AccumOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.argmax.ArgMaxOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.assert_op.Assert'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.axpy.AxpyOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.bn.BNOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.constant_fill.ConstantFill'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.correlation.CorrelationOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.ctc_greedy_decoder.CTCGreedyDecoderOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.data_augmentation.DataAugmentationOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.depth_to_space.DepthToSpaceOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.gather.Gather'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.grn.GRNOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.identity.IdentityOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.instance_normalization.InstanceNormalization'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.interp.InterpOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.lstm_cell.LSTMCell'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.lstm_sequence.LSTMSequence'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.merge.Merge'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.mvn.MVN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.normalize.NormalizeOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.pack.PackOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.power_file.PowerFileOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.prediction_heatmap.PredictionHeatmapOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.prelu.PreluOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.priorbox.PriorBoxOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.priorbox_clustered.PriorBoxClusteredOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.proposal.ProposalOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.psroipooling.PSROIPoolingOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.rank.Rank'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.regionyolo.RegionYoloOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.reorgyolo.ReorgYoloOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.resample.ResampleOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.reverse_sequence.ReverseSequence'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.select.Select'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.shufflechannel.ShuffleChannelOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.simplernms.SimplerNMSOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.spatial_transformer.SpatialTransformOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.splice.Splice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.splitv.SplitV'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.stop_gradient.StopGradientOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.switch.Switch'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.tensor_iterator.TensorIterator'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.div.Div'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.front.LRNReplacer.LRNReplacer'>
[ INFO ]  Registered a new subclass with key: LRN
[ INFO ]  New subclass: <class 'extensions.front.Pack.Pack'>
[ INFO ]  Registered a new subclass with key: Pack
[ INFO ]  New subclass: <class 'extensions.front.eltwise_n.EltwiseNReplacement'>
[ INFO ]  Registered a new subclass with key: EltwiseN
[ INFO ]  New subclass: <class 'extensions.front.image_scaler.ImageScaler'>
[ INFO ]  Registered a new subclass with key: ImageScaler
[ INFO ]  New subclass: <class 'extensions.front.instance_normalization.InstanceNormalization'>
[ INFO ]  Registered a new subclass with key: InstanceNormalization
[ INFO ]  New subclass: <class 'extensions.front.reciprocal.ReciprocalReplacer'>
[ INFO ]  Registered a new subclass with key: Reciprocal
[ INFO ]  New subclass: <class 'extensions.front.squared_difference.SquaredDifference'>
[ INFO ]  Registered a new subclass with key: SquaredDifference
[ INFO ]  New subclass: <class 'extensions.front.sub.Sub'>
[ INFO ]  Registered a new subclass with key: Sub
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementSubgraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.freeze_placeholder_value.FreezePlaceholderValue'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.front.no_op_eraser.NoOpEraser'>
[ INFO ]  New subclass: <class 'extensions.front.standalone_const_eraser.StandaloneConstEraser'>
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputNormalization.EltwiseInputNormalize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.NormalizeFullyConnected.NormalizeFullyConnected'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reshape.Reshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lin_op.LinOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.permute.Permute'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.activation.Activation'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.clamp.Clamp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.concat.Concat'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.const.Const'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.convolution.Convolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.crop.Crop'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.deconvolution.Deconvolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise.Eltwise'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.power.Power'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise_n.EltwiseN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.expand_dims.ExpandDims'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten.Flatten'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten_onnx.FlattenONNX'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.inner_product.InnerProduct'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.input.Input'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lrn.LRN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.memory.Memory'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.output.Output'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pad.Pad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pooling.Pooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reduce.Reduce'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.relu.ReLU'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.roipooling.ROIPooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.scale_shift.ScaleShiftOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.shape.Shape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.slice.Slice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.softmax.Softmax'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.split.Split'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.squeeze.Squeeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.tile.Tile'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.unsqueeze.Unsqueeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.BlockLSTM.BlockLSTM'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.DetectionOutput.DetectionOutput'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.Enter.Enter'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.Exit.Exit'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.NextIteration.NextIteration'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.SquaredDifference.SquaredDifference'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArray.TensorArray'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayGather.TensorArrayGather'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayRead.TensorArrayReader'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayScatter.TensorArrayScatter'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArraySize.TensorArraySize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayWrite.TensorArrayWriter'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorInput'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorOutput'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorCondition'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorBackEdge'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.accum.AccumOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.argmax.ArgMaxOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.assert_op.Assert'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.axpy.AxpyOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.bn.BNOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.constant_fill.ConstantFill'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.correlation.CorrelationOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.ctc_greedy_decoder.CTCGreedyDecoderOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.data_augmentation.DataAugmentationOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.depth_to_space.DepthToSpaceOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.gather.Gather'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.grn.GRNOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.identity.IdentityOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.instance_normalization.InstanceNormalization'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.interp.InterpOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.lstm_cell.LSTMCell'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.lstm_sequence.LSTMSequence'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.merge.Merge'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.mvn.MVN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.normalize.NormalizeOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.pack.PackOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.power_file.PowerFileOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.prediction_heatmap.PredictionHeatmapOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.prelu.PreluOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.priorbox.PriorBoxOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.priorbox_clustered.PriorBoxClusteredOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.proposal.ProposalOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.psroipooling.PSROIPoolingOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.rank.Rank'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.regionyolo.RegionYoloOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.reorgyolo.ReorgYoloOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.resample.ResampleOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.reverse_sequence.ReverseSequence'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.select.Select'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.shufflechannel.ShuffleChannelOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.simplernms.SimplerNMSOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.spatial_transformer.SpatialTransformOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.splice.Splice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.splitv.SplitV'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.stop_gradient.StopGradientOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.switch.Switch'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.tensor_iterator.TensorIterator'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.front.onnx.add_ext.AddFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Add
[ INFO ]  New subclass: <class 'extensions.front.onnx.affine_ext.AffineFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Affine
[ INFO ]  New subclass: <class 'extensions.front.onnx.constant_fill_ext.ConstantFillFrontExtractor'>
[ INFO ]  Registered a new subclass with key: ConstantFill
[ INFO ]  New subclass: <class 'extensions.front.onnx.conv_ext.ConvFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Conv
[ INFO ]  New subclass: <class 'extensions.front.onnx.conv_ext.ConvTransposeFrontExtractor'>
[ INFO ]  Registered a new subclass with key: ConvTranspose
[ INFO ]  New subclass: <class 'extensions.front.onnx.crop_ext.CropFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Crop
[ INFO ]  New subclass: <class 'extensions.front.onnx.elu_ext.EluFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Elu
[ INFO ]  New subclass: <class 'extensions.front.onnx.flatten_ext.FlattenFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Flatten
[ INFO ]  New subclass: <class 'extensions.front.onnx.gather_ext.GatherFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Gather
[ INFO ]  New subclass: <class 'extensions.front.onnx.image_scaler_ext.ImageScalerFrontExtractor'>
[ INFO ]  Registered a new subclass with key: ImageScaler
[ INFO ]  New subclass: <class 'extensions.front.onnx.instance_normalization_ext.InstanceNormalizationExtractor'>
[ INFO ]  Registered a new subclass with key: InstanceNormalization
[ INFO ]  New subclass: <class 'extensions.front.onnx.leaky_relu_ext.LeakyReLUFrontExtractor'>
[ INFO ]  Registered a new subclass with key: LeakyRelu
[ INFO ]  New subclass: <class 'extensions.front.onnx.lrn_ext.LRNFrontExtractor'>
[ INFO ]  Registered a new subclass with key: LRN
[ INFO ]  New subclass: <class 'extensions.front.onnx.lstm_ext.LSTMFrontExtractor'>
[ INFO ]  Registered a new subclass with key: LSTM
[ INFO ]  New subclass: <class 'extensions.front.onnx.matmul_ext.MatMulFrontExtractor'>
[ INFO ]  Registered a new subclass with key: MatMul
[ INFO ]  New subclass: <class 'extensions.front.onnx.mul_ext.MulFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Mul
[ INFO ]  New subclass: <class 'extensions.front.onnx.neg_ext.NegFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Neg
[ INFO ]  New subclass: <class 'extensions.front.onnx.pad_ext.PadFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Pad
[ INFO ]  New subclass: <class 'extensions.front.onnx.pooling_ext.AveragePoolFrontExtractor'>
[ INFO ]  Registered a new subclass with key: AveragePool
[ INFO ]  New subclass: <class 'extensions.front.onnx.pooling_ext.MaxPoolFrontExtractor'>
[ INFO ]  Registered a new subclass with key: MaxPool
[ INFO ]  New subclass: <class 'extensions.front.onnx.pooling_ext.GlobalAveragePoolFrontExtractor'>
[ INFO ]  Registered a new subclass with key: GlobalAveragePool
[ INFO ]  New subclass: <class 'extensions.front.onnx.pooling_ext.GlobalMaxPoolFrontExtractor'>
[ INFO ]  Registered a new subclass with key: GlobalMaxPool
[ INFO ]  New subclass: <class 'extensions.front.onnx.pow_ext.PowFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Pow
[ INFO ]  New subclass: <class 'extensions.front.onnx.reduce_mean_ext.ReduceMeanFrontExtractor'>
[ INFO ]  Registered a new subclass with key: ReduceMean
[ INFO ]  New subclass: <class 'extensions.front.onnx.reduce_sum_ext.ReduceSumFrontExtractor'>
[ INFO ]  Registered a new subclass with key: ReduceSum
[ INFO ]  New subclass: <class 'extensions.front.onnx.sigmoid_ext.SigmoidFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Sigmoid
[ INFO ]  New subclass: <class 'extensions.front.onnx.slice_ext.SliceFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Slice
[ INFO ]  New subclass: <class 'extensions.front.onnx.softmax_ext.SoftmaxFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Softmax
[ INFO ]  New subclass: <class 'extensions.front.onnx.split_ext.SplitFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Split
[ INFO ]  New subclass: <class 'extensions.front.onnx.squeeze_ext.SqueezeFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Squeeze
[ INFO ]  New subclass: <class 'extensions.front.onnx.tanh_ext.TanhFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Tanh
[ INFO ]  New subclass: <class 'extensions.front.onnx.transpose_ext.TransposeFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Transpose
[ INFO ]  New subclass: <class 'extensions.front.onnx.unsqueeze_ext.UnsqueezeFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Unsqueeze
[ INFO ]  New subclass: <class 'extensions.front.onnx.upsample_ext.UpsampleFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Upsample
[ WARNING ]  Skipped <class 'mo.ops.div.Div'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.LRNReplacer.LRNReplacer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.Pack.Pack'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.eltwise_n.EltwiseNReplacement'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.image_scaler.ImageScaler'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.instance_normalization.InstanceNormalization'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.reciprocal.ReciprocalReplacer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.squared_difference.SquaredDifference'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.sub.Sub'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementSubgraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.freeze_placeholder_value.FreezePlaceholderValue'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.no_op_eraser.NoOpEraser'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.standalone_const_eraser.StandaloneConstEraser'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputNormalization.EltwiseInputNormalize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.NormalizeFullyConnected.NormalizeFullyConnected'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reshape.Reshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lin_op.LinOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.permute.Permute'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.activation.Activation'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.clamp.Clamp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.concat.Concat'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.const.Const'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.convolution.Convolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.crop.Crop'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.deconvolution.Deconvolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise.Eltwise'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.power.Power'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise_n.EltwiseN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.expand_dims.ExpandDims'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten.Flatten'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten_onnx.FlattenONNX'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.inner_product.InnerProduct'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.input.Input'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lrn.LRN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.memory.Memory'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.output.Output'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pad.Pad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pooling.Pooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reduce.Reduce'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.relu.ReLU'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.roipooling.ROIPooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.scale_shift.ScaleShiftOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.shape.Shape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.slice.Slice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.softmax.Softmax'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.split.Split'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.squeeze.Squeeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.tile.Tile'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.unsqueeze.Unsqueeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.BlockLSTM.BlockLSTM'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.DetectionOutput.DetectionOutput'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.Enter.Enter'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.Exit.Exit'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.NextIteration.NextIteration'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.SquaredDifference.SquaredDifference'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArray.TensorArray'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayGather.TensorArrayGather'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayRead.TensorArrayReader'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayScatter.TensorArrayScatter'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArraySize.TensorArraySize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayWrite.TensorArrayWriter'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorInput'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorOutput'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorCondition'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorBackEdge'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.accum.AccumOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.argmax.ArgMaxOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.assert_op.Assert'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.axpy.AxpyOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.bn.BNOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.constant_fill.ConstantFill'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.correlation.CorrelationOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.ctc_greedy_decoder.CTCGreedyDecoderOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.data_augmentation.DataAugmentationOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.depth_to_space.DepthToSpaceOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.gather.Gather'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.grn.GRNOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.identity.IdentityOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.instance_normalization.InstanceNormalization'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.interp.InterpOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.lstm_cell.LSTMCell'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.lstm_sequence.LSTMSequence'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.merge.Merge'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.mvn.MVN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.normalize.NormalizeOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.pack.PackOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.power_file.PowerFileOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.prediction_heatmap.PredictionHeatmapOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.prelu.PreluOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.priorbox.PriorBoxOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.priorbox_clustered.PriorBoxClusteredOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.proposal.ProposalOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.psroipooling.PSROIPoolingOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.rank.Rank'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.regionyolo.RegionYoloOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.reorgyolo.ReorgYoloOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.resample.ResampleOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.reverse_sequence.ReverseSequence'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.select.Select'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.shufflechannel.ShuffleChannelOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.simplernms.SimplerNMSOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.spatial_transformer.SpatialTransformOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.splice.Splice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.splitv.SplitV'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.stop_gradient.StopGradientOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.switch.Switch'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.tensor_iterator.TensorIterator'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.add_ext.AddFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.affine_ext.AffineFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.constant_fill_ext.ConstantFillFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.conv_ext.ConvFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.conv_ext.ConvTransposeFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.crop_ext.CropFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.elu_ext.EluFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.flatten_ext.FlattenFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.gather_ext.GatherFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.image_scaler_ext.ImageScalerFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.instance_normalization_ext.InstanceNormalizationExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.leaky_relu_ext.LeakyReLUFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.lrn_ext.LRNFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.lstm_ext.LSTMFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.matmul_ext.MatMulFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.mul_ext.MulFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.neg_ext.NegFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.pad_ext.PadFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.pooling_ext.AveragePoolFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.pooling_ext.MaxPoolFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.pooling_ext.GlobalAveragePoolFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.pooling_ext.GlobalMaxPoolFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.pow_ext.PowFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.reduce_mean_ext.ReduceMeanFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.reduce_sum_ext.ReduceSumFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.sigmoid_ext.SigmoidFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.slice_ext.SliceFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.softmax_ext.SoftmaxFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.split_ext.SplitFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.squeeze_ext.SqueezeFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.tanh_ext.TanhFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.transpose_ext.TransposeFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.unsqueeze_ext.UnsqueezeFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.upsample_ext.UpsampleFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.div.Div'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.LRNReplacer.LRNReplacer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.Pack.Pack'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.eltwise_n.EltwiseNReplacement'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.image_scaler.ImageScaler'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.instance_normalization.InstanceNormalization'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.reciprocal.ReciprocalReplacer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.squared_difference.SquaredDifference'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.sub.Sub'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementSubgraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.freeze_placeholder_value.FreezePlaceholderValue'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.no_op_eraser.NoOpEraser'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.standalone_const_eraser.StandaloneConstEraser'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputNormalization.EltwiseInputNormalize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.NormalizeFullyConnected.NormalizeFullyConnected'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.middle.AddIsCyclicAttribute.AddIsCyclicAttribute'>
[ INFO ]  New subclass: <class 'extensions.middle.SliceConverter.ConvertSlice'>
[ INFO ]  Registered a new subclass with key: Slice
[ INFO ]  New subclass: <class 'extensions.middle.ConvertGroupedStridedSlice.ConvertGroupedStridedSlice'>
[ INFO ]  New subclass: <class 'extensions.middle.UselessStridedSlice.UselessStridedSliceEraser'>
[ INFO ]  New subclass: <class 'extensions.middle.AddReshapeAfterStridedSlice.AddReshapeAfterStridedSlice'>
[ INFO ]  New subclass: <class 'extensions.middle.ConvertLayoutDependentOperations.ConvertLayoutDependentOperations'>
[ INFO ]  New subclass: <class 'extensions.middle.FusePermutesSequence.FusePermutesSequence'>
[ INFO ]  New subclass: <class 'extensions.middle.decompose_bi_lstm.DecomposeBiLSTM'>
[ INFO ]  New subclass: <class 'extensions.middle.lstm_sequence_normalize.LSTMSequenceNormalize'>
[ INFO ]  New subclass: <class 'extensions.middle.mxnet_lstm_sequence_normalize.MXNetLSTMSequenceNormalize'>
[ INFO ]  New subclass: <class 'extensions.middle.lstm_sequence_tensor_iterator.LSTMSequenceTensorIterator'>
[ INFO ]  New subclass: <class 'extensions.middle.BlockLSTMtoLSTMSequence.BlockLSTMtoLSTMSequence'>
[ INFO ]  New subclass: <class 'extensions.middle.ConstSwitchResolver.ConstSwitchEraser'>
[ INFO ]  New subclass: <class 'extensions.middle.DepthToSpace.DepthToSpace'>
[ INFO ]  New subclass: <class 'extensions.middle.EltwiseChecker.EltwiseChecker'>
[ INFO ]  New subclass: <class 'extensions.middle.FusedBatchNormNonConstant.FusedBatchNormNonConstant'>
[ INFO ]  New subclass: <class 'extensions.middle.FusedBatchNormTrainingCatch.FusedBatchNormTrainingCatch'>
[ INFO ]  New subclass: <class 'extensions.middle.GemmResolver.GemmResolver'>
[ INFO ]  New subclass: <class 'extensions.middle.MinimumMiddleReplacer.MinimumMiddleReplacer'>
[ INFO ]  Registered a new subclass with key: Minimum
[ INFO ]  New subclass: <class 'extensions.middle.NormalizePad.NormalizePad'>
[ INFO ]  New subclass: <class 'extensions.middle.ShufflenetReshape.FeatureShuffleReshape'>
[ INFO ]  New subclass: <class 'extensions.middle.ShufflenetReshape.ReshapeSoftmaxReshape'>
[ INFO ]  New subclass: <class 'extensions.middle.PixelLinkReshape.PixelLinkReshape'>
[ INFO ]  New subclass: <class 'extensions.middle.Reduce.ReduceReplacer'>
[ INFO ]  Registered a new subclass with key: Reduce
[ INFO ]  New subclass: <class 'extensions.middle.ShuffleChannel.ShuffleChannel'>
[ WARNING ]  Skipped <class 'extensions.middle.SwapAxesMiddleReplacer.SwapAxesMiddleReplacer'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.middle.TF_lstm_cell_to_generic.TensorFlowLSTMtoGeneric'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorBackEdge.BackEdgesMatching'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorCondition.LoopConditionMatcher'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorCondition.SimpleConditionMather'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorConditionChecker.ConditionChecks'>
[ WARNING ]  Skipped <class 'extensions.middle.TensorIteratorInput.SmartInputMatcher'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.TensorIteratorInput.SimpleInputMatcher'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.TensorIteratorInput.BackEdgeSimpleInputMatcher'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorMerge.TensorIteratorMerge'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorOutput.SmartOutputMatcher'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIterator_utils.DeleteSelect'>
[ INFO ]  New subclass: <class 'extensions.middle.UselessMerge.UselessMergeEraser'>
[ WARNING ]  Skipped <class 'extensions.middle.lstm_tensor_iterator_to_lstm_sequence.TensorIteratorLSTM'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.lstm_tensor_iterator_to_lstm_sequence.CheckUnsupportedLSTMCell'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.middle.permute_tensor_iterator.PermuteTensorIteratorLSTM'>
[ INFO ]  New subclass: <class 'extensions.middle.reverse_tensor_iterator.ReverseTensorIteratorLSTM'>
[ WARNING ]  Skipped <class 'mo.ops.reshape.Reshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lin_op.LinOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.permute.Permute'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.activation.Activation'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.clamp.Clamp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.concat.Concat'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.const.Const'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.convolution.Convolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.crop.Crop'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.deconvolution.Deconvolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise.Eltwise'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.power.Power'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise_n.EltwiseN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.expand_dims.ExpandDims'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten.Flatten'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten_onnx.FlattenONNX'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.inner_product.InnerProduct'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.input.Input'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lrn.LRN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.memory.Memory'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.output.Output'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pad.Pad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pooling.Pooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reduce.Reduce'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.relu.ReLU'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.roipooling.ROIPooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.scale_shift.ScaleShiftOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.shape.Shape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.slice.Slice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.softmax.Softmax'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.split.Split'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.squeeze.Squeeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.tile.Tile'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.unsqueeze.Unsqueeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.BlockLSTM.BlockLSTM'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.DetectionOutput.DetectionOutput'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.Enter.Enter'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.Exit.Exit'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.NextIteration.NextIteration'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.SquaredDifference.SquaredDifference'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArray.TensorArray'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayGather.TensorArrayGather'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayRead.TensorArrayReader'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayScatter.TensorArrayScatter'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArraySize.TensorArraySize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorArrayWrite.TensorArrayWriter'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorInput'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorOutput'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorCondition'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.TensorIterator_ops.TensorIteratorBackEdge'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.accum.AccumOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.argmax.ArgMaxOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.assert_op.Assert'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.axpy.AxpyOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.bn.BNOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.constant_fill.ConstantFill'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.correlation.CorrelationOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.ctc_greedy_decoder.CTCGreedyDecoderOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.data_augmentation.DataAugmentationOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.depth_to_space.DepthToSpaceOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.gather.Gather'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.grn.GRNOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.identity.IdentityOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.instance_normalization.InstanceNormalization'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.interp.InterpOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.lstm_cell.LSTMCell'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.lstm_sequence.LSTMSequence'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.merge.Merge'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.mvn.MVN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.normalize.NormalizeOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.pack.PackOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.power_file.PowerFileOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.prediction_heatmap.PredictionHeatmapOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.prelu.PreluOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.priorbox.PriorBoxOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.priorbox_clustered.PriorBoxClusteredOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.proposal.ProposalOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.psroipooling.PSROIPoolingOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.rank.Rank'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.regionyolo.RegionYoloOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.reorgyolo.ReorgYoloOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.resample.ResampleOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.reverse_sequence.ReverseSequence'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.select.Select'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.shufflechannel.ShuffleChannelOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.simplernms.SimplerNMSOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.spatial_transformer.SpatialTransformOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.splice.Splice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.splitv.SplitV'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.stop_gradient.StopGradientOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.switch.Switch'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.tensor_iterator.TensorIterator'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.add_ext.AddFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.affine_ext.AffineFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.constant_fill_ext.ConstantFillFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.conv_ext.ConvFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.conv_ext.ConvTransposeFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.crop_ext.CropFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.elu_ext.EluFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.flatten_ext.FlattenFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.gather_ext.GatherFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.image_scaler_ext.ImageScalerFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.instance_normalization_ext.InstanceNormalizationExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.leaky_relu_ext.LeakyReLUFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.lrn_ext.LRNFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.lstm_ext.LSTMFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.matmul_ext.MatMulFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.mul_ext.MulFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.neg_ext.NegFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.pad_ext.PadFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.pooling_ext.AveragePoolFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.pooling_ext.MaxPoolFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.pooling_ext.GlobalAveragePoolFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.pooling_ext.GlobalMaxPoolFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.pow_ext.PowFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.reduce_mean_ext.ReduceMeanFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.reduce_sum_ext.ReduceSumFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.sigmoid_ext.SigmoidFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.slice_ext.SliceFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.softmax_ext.SoftmaxFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.split_ext.SplitFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.squeeze_ext.SqueezeFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.tanh_ext.TanhFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.transpose_ext.TransposeFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.unsqueeze_ext.UnsqueezeFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.onnx.upsample_ext.UpsampleFrontExtractor'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.div.Div'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.LRNReplacer.LRNReplacer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.Pack.Pack'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.eltwise_n.EltwiseNReplacement'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.image_scaler.ImageScaler'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.instance_normalization.InstanceNormalization'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.reciprocal.ReciprocalReplacer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.squared_difference.SquaredDifference'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.sub.Sub'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementSubgraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.freeze_placeholder_value.FreezePlaceholderValue'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.no_op_eraser.NoOpEraser'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.standalone_const_eraser.StandaloneConstEraser'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputNormalization.EltwiseInputNormalize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.NormalizeFullyConnected.NormalizeFullyConnected'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.AddIsCyclicAttribute.AddIsCyclicAttribute'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.SliceConverter.ConvertSlice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.ConvertGroupedStridedSlice.ConvertGroupedStridedSlice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.UselessStridedSlice.UselessStridedSliceEraser'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.AddReshapeAfterStridedSlice.AddReshapeAfterStridedSlice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.ConvertLayoutDependentOperations.ConvertLayoutDependentOperations'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.FusePermutesSequence.FusePermutesSequence'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.decompose_bi_lstm.DecomposeBiLSTM'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.lstm_sequence_normalize.LSTMSequenceNormalize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.mxnet_lstm_sequence_normalize.MXNetLSTMSequenceNormalize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.lstm_sequence_tensor_iterator.LSTMSequenceTensorIterator'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.BlockLSTMtoLSTMSequence.BlockLSTMtoLSTMSequence'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.ConstSwitchResolver.ConstSwitchEraser'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.DepthToSpace.DepthToSpace'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseChecker.EltwiseChecker'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.FusedBatchNormNonConstant.FusedBatchNormNonConstant'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.FusedBatchNormTrainingCatch.FusedBatchNormTrainingCatch'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.GemmResolver.GemmResolver'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.MinimumMiddleReplacer.MinimumMiddleReplacer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.NormalizePad.NormalizePad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.ShufflenetReshape.FeatureShuffleReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.ShufflenetReshape.ReshapeSoftmaxReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.PixelLinkReshape.PixelLinkReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.Reduce.ReduceReplacer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.ShuffleChannel.ShuffleChannel'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.SwapAxesMiddleReplacer.SwapAxesMiddleReplacer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.TF_lstm_cell_to_generic.TensorFlowLSTMtoGeneric'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.TensorIteratorBackEdge.BackEdgesMatching'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.TensorIteratorCondition.LoopConditionMatcher'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.TensorIteratorCondition.SimpleConditionMather'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.TensorIteratorConditionChecker.ConditionChecks'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.TensorIteratorInput.SmartInputMatcher'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.TensorIteratorInput.SimpleInputMatcher'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.TensorIteratorInput.BackEdgeSimpleInputMatcher'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.TensorIteratorMerge.TensorIteratorMerge'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.TensorIteratorOutput.SmartOutputMatcher'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.TensorIterator_utils.DeleteSelect'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.UselessMerge.UselessMergeEraser'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.lstm_tensor_iterator_to_lstm_sequence.TensorIteratorLSTM'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.lstm_tensor_iterator_to_lstm_sequence.CheckUnsupportedLSTMCell'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.permute_tensor_iterator.PermuteTensorIteratorLSTM'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.reverse_tensor_iterator.ReverseTensorIteratorLSTM'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.back.ConvolutionReshaper.ConvolutionReshaper'>
[ INFO ]  New subclass: <class 'extensions.back.EltwiseBroadcast.EltwiseBroadcast'>
[ INFO ]  New subclass: <class 'extensions.back.TileReshaper.TileReshaper'>
[ INFO ]  New subclass: <class 'extensions.back.PermuteForReshape.PermuteForReshape'>
[ WARNING ]  Skipped <class 'extensions.back.ShufflenetReLUReorder.ShufflenetReLUReorder'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.back.disable_unsupported_ND_operations.DisableUnsupportedNDOperations'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.back.insert_compatibility_l2normalization.CompatibilityL2NormalizationPattern'>
[ WARNING ]  Skipped <class 'extensions.back.kaldi_remove_memory_output.KaldiRemoveMemoryOutputBackReplacementPattern'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.back.remove_last_softmax_pattern.RemoveLastSoftMaxPattern'> registration because it was already registered or it was disabled.
[ 2019-02-28 10:15:34,621 ] [ DEBUG ] [ onnx:67 ]  Number of nodes in graph_def: 60
[ 2019-02-28 10:15:34,621 ] [ DEBUG ] [ onnx:68 ]  Number of all input ports (not true inputs) in graph_def: 9
[ 2019-02-28 10:15:34,621 ] [ DEBUG ] [ onnx:69 ]  Number of initializers in graph_def: 8
[ 2019-02-28 10:15:34,622 ] [ DEBUG ] [ onnx:70 ]  Number of real inputs in graph_def: 1
[ 2019-02-28 10:15:34,622 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Add to extractors with custom extractor class <class 'extensions.front.onnx.add_ext.AddFrontExtractor'>.
[ 2019-02-28 10:15:34,623 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Affine to extractors with custom extractor class <class 'extensions.front.onnx.affine_ext.AffineFrontExtractor'>.
[ 2019-02-28 10:15:34,625 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry ConstantFill to extractors with custom extractor class <class 'extensions.front.onnx.constant_fill_ext.ConstantFillFrontExtractor'>.
[ 2019-02-28 10:15:34,626 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Conv to extractors with custom extractor class <class 'extensions.front.onnx.conv_ext.ConvFrontExtractor'>.
[ 2019-02-28 10:15:34,626 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry ConvTranspose to extractors with custom extractor class <class 'extensions.front.onnx.conv_ext.ConvTransposeFrontExtractor'>.
[ 2019-02-28 10:15:34,627 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Crop to extractors with custom extractor class <class 'extensions.front.onnx.crop_ext.CropFrontExtractor'>.
[ 2019-02-28 10:15:34,627 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Elu to extractors with custom extractor class <class 'extensions.front.onnx.elu_ext.EluFrontExtractor'>.
[ 2019-02-28 10:15:34,628 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Flatten to extractors with custom extractor class <class 'extensions.front.onnx.flatten_ext.FlattenFrontExtractor'>.
[ 2019-02-28 10:15:34,629 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Gather to extractors with custom extractor class <class 'extensions.front.onnx.gather_ext.GatherFrontExtractor'>.
[ 2019-02-28 10:15:34,629 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry ImageScaler to extractors with custom extractor class <class 'extensions.front.onnx.image_scaler_ext.ImageScalerFrontExtractor'>.
[ 2019-02-28 10:15:34,630 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry InstanceNormalization to extractors with custom extractor class <class 'extensions.front.onnx.instance_normalization_ext.InstanceNormalizationExtractor'>.
[ 2019-02-28 10:15:34,631 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry LeakyRelu to extractors with custom extractor class <class 'extensions.front.onnx.leaky_relu_ext.LeakyReLUFrontExtractor'>.
[ 2019-02-28 10:15:34,632 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry LRN to extractors with custom extractor class <class 'extensions.front.onnx.lrn_ext.LRNFrontExtractor'>.
[ 2019-02-28 10:15:34,633 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry LSTM to extractors with custom extractor class <class 'extensions.front.onnx.lstm_ext.LSTMFrontExtractor'>.
[ 2019-02-28 10:15:34,637 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry MatMul to extractors with custom extractor class <class 'extensions.front.onnx.matmul_ext.MatMulFrontExtractor'>.
[ 2019-02-28 10:15:34,637 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Mul to extractors with custom extractor class <class 'extensions.front.onnx.mul_ext.MulFrontExtractor'>.
[ 2019-02-28 10:15:34,638 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Neg to extractors with custom extractor class <class 'extensions.front.onnx.neg_ext.NegFrontExtractor'>.
[ 2019-02-28 10:15:34,639 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Pad to extractors with custom extractor class <class 'extensions.front.onnx.pad_ext.PadFrontExtractor'>.
[ 2019-02-28 10:15:34,639 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry AveragePool to extractors with custom extractor class <class 'extensions.front.onnx.pooling_ext.AveragePoolFrontExtractor'>.
[ 2019-02-28 10:15:34,640 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry MaxPool to extractors with custom extractor class <class 'extensions.front.onnx.pooling_ext.MaxPoolFrontExtractor'>.
[ 2019-02-28 10:15:34,640 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry GlobalAveragePool to extractors with custom extractor class <class 'extensions.front.onnx.pooling_ext.GlobalAveragePoolFrontExtractor'>.
[ 2019-02-28 10:15:34,641 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry GlobalMaxPool to extractors with custom extractor class <class 'extensions.front.onnx.pooling_ext.GlobalMaxPoolFrontExtractor'>.
[ 2019-02-28 10:15:34,642 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Pow to extractors with custom extractor class <class 'extensions.front.onnx.pow_ext.PowFrontExtractor'>.
[ 2019-02-28 10:15:34,642 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry ReduceMean to extractors with custom extractor class <class 'extensions.front.onnx.reduce_mean_ext.ReduceMeanFrontExtractor'>.
[ 2019-02-28 10:15:34,642 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry ReduceSum to extractors with custom extractor class <class 'extensions.front.onnx.reduce_sum_ext.ReduceSumFrontExtractor'>.
[ 2019-02-28 10:15:34,643 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Sigmoid to extractors with custom extractor class <class 'extensions.front.onnx.sigmoid_ext.SigmoidFrontExtractor'>.
[ 2019-02-28 10:15:34,643 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Slice to extractors with custom extractor class <class 'extensions.front.onnx.slice_ext.SliceFrontExtractor'>.
[ 2019-02-28 10:15:34,643 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Softmax to extractors with custom extractor class <class 'extensions.front.onnx.softmax_ext.SoftmaxFrontExtractor'>.
[ 2019-02-28 10:15:34,644 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Split to extractors with custom extractor class <class 'extensions.front.onnx.split_ext.SplitFrontExtractor'>.
[ 2019-02-28 10:15:34,644 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Squeeze to extractors with custom extractor class <class 'extensions.front.onnx.squeeze_ext.SqueezeFrontExtractor'>.
[ 2019-02-28 10:15:34,645 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Tanh to extractors with custom extractor class <class 'extensions.front.onnx.tanh_ext.TanhFrontExtractor'>.
[ 2019-02-28 10:15:34,645 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Transpose to extractors with custom extractor class <class 'extensions.front.onnx.transpose_ext.TransposeFrontExtractor'>.
[ 2019-02-28 10:15:34,650 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Unsqueeze to extractors with custom extractor class <class 'extensions.front.onnx.unsqueeze_ext.UnsqueezeFrontExtractor'>.
[ 2019-02-28 10:15:34,651 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Upsample to extractors with custom extractor class <class 'extensions.front.onnx.upsample_ext.UpsampleFrontExtractor'>.
[ 2019-02-28 10:15:34,652 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Activation to extractors with custom op class <class 'mo.ops.activation.Activation'>.
[ 2019-02-28 10:15:34,652 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Clamp to extractors with custom op class <class 'mo.ops.clamp.Clamp'>.
[ 2019-02-28 10:15:34,652 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Convolution to extractors with custom op class <class 'mo.ops.convolution.Convolution'>.
[ 2019-02-28 10:15:34,653 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Deconvolution to extractors with custom op class <class 'mo.ops.deconvolution.Deconvolution'>.
[ 2019-02-28 10:15:34,653 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Eltwise to extractors with custom op class <class 'mo.ops.eltwise.Eltwise'>.
[ 2019-02-28 10:15:34,653 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry EltwiseN to extractors with custom op class <class 'mo.ops.eltwise_n.EltwiseN'>.
[ 2019-02-28 10:15:34,654 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry FlattenONNX to extractors with custom op class <class 'mo.ops.flatten_onnx.FlattenONNX'>.
[ 2019-02-28 10:15:34,654 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry FullyConnected to extractors with custom op class <class 'mo.ops.inner_product.InnerProduct'>.
[ 2019-02-28 10:15:34,654 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Input to extractors with custom op class <class 'mo.ops.input.Input'>.
[ 2019-02-28 10:15:34,655 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Memory to extractors with custom op class <class 'mo.ops.memory.Memory'>.
[ 2019-02-28 10:15:34,655 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry OpOutput to extractors with custom op class <class 'mo.ops.output.Output'>.
[ 2019-02-28 10:15:34,655 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Pooling to extractors with custom op class <class 'mo.ops.pooling.Pooling'>.
[ 2019-02-28 10:15:34,656 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ScaleShift to extractors with custom op class <class 'mo.ops.scale_shift.ScaleShiftOp'>.
[ 2019-02-28 10:15:34,656 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Shape to extractors with custom op class <class 'mo.ops.shape.Shape'>.
[ 2019-02-28 10:15:34,656 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Tile to extractors with custom op class <class 'mo.ops.tile.Tile'>.
[ 2019-02-28 10:15:34,657 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry BlockLSTM to extractors with custom op class <class 'extensions.ops.BlockLSTM.BlockLSTM'>.
[ 2019-02-28 10:15:34,657 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry DetectionOutput to extractors with custom op class <class 'extensions.ops.DetectionOutput.DetectionOutput'>.
[ 2019-02-28 10:15:34,657 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Enter to extractors with custom op class <class 'extensions.ops.Enter.Enter'>.
[ 2019-02-28 10:15:34,658 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Exit to extractors with custom op class <class 'extensions.ops.Exit.Exit'>.
[ 2019-02-28 10:15:34,658 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry NextIteration to extractors with custom op class <class 'extensions.ops.NextIteration.NextIteration'>.
[ 2019-02-28 10:15:34,668 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry SquaredDifference to extractors with custom op class <class 'extensions.ops.SquaredDifference.SquaredDifference'>.
[ 2019-02-28 10:15:34,668 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorArrayV3 to extractors with custom op class <class 'extensions.ops.TensorArray.TensorArray'>.
[ 2019-02-28 10:15:34,668 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorArrayGatherV3 to extractors with custom op class <class 'extensions.ops.TensorArrayGather.TensorArrayGather'>.
[ 2019-02-28 10:15:34,669 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorArrayReadV3 to extractors with custom op class <class 'extensions.ops.TensorArrayRead.TensorArrayReader'>.
[ 2019-02-28 10:15:34,669 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorArrayScatterV3 to extractors with custom op class <class 'extensions.ops.TensorArrayScatter.TensorArrayScatter'>.
[ 2019-02-28 10:15:34,670 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorArraySizeV3 to extractors with custom op class <class 'extensions.ops.TensorArraySize.TensorArraySize'>.
[ 2019-02-28 10:15:34,670 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorArrayWriteV3 to extractors with custom op class <class 'extensions.ops.TensorArrayWrite.TensorArrayWriter'>.
[ 2019-02-28 10:15:34,671 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorIteratorInput to extractors with custom op class <class 'extensions.ops.TensorIterator_ops.TensorIteratorInput'>.
[ 2019-02-28 10:15:34,671 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorIteratorOutput to extractors with custom op class <class 'extensions.ops.TensorIterator_ops.TensorIteratorOutput'>.
[ 2019-02-28 10:15:34,672 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorIteratorCondition to extractors with custom op class <class 'extensions.ops.TensorIterator_ops.TensorIteratorCondition'>.
[ 2019-02-28 10:15:34,672 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorIteratorBackEdge to extractors with custom op class <class 'extensions.ops.TensorIterator_ops.TensorIteratorBackEdge'>.
[ 2019-02-28 10:15:34,672 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Accum to extractors with custom op class <class 'extensions.ops.accum.AccumOp'>.
[ 2019-02-28 10:15:34,673 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ArgMax to extractors with custom op class <class 'extensions.ops.argmax.ArgMaxOp'>.
[ 2019-02-28 10:15:34,677 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Assert to extractors with custom op class <class 'extensions.ops.assert_op.Assert'>.
[ 2019-02-28 10:15:34,677 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Axpy to extractors with custom op class <class 'extensions.ops.axpy.AxpyOp'>.
[ 2019-02-28 10:15:34,678 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry BN to extractors with custom op class <class 'extensions.ops.bn.BNOp'>.
[ 2019-02-28 10:15:34,679 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Correlation to extractors with custom op class <class 'extensions.ops.correlation.CorrelationOp'>.
[ 2019-02-28 10:15:34,680 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry CTCGreedyDecoder to extractors with custom op class <class 'extensions.ops.ctc_greedy_decoder.CTCGreedyDecoderOp'>.
[ 2019-02-28 10:15:34,681 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry DataAugmentation to extractors with custom op class <class 'extensions.ops.data_augmentation.DataAugmentationOp'>.
[ 2019-02-28 10:15:34,681 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry DepthToSpace to extractors with custom op class <class 'extensions.ops.depth_to_space.DepthToSpaceOp'>.
[ 2019-02-28 10:15:34,682 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry GRN to extractors with custom op class <class 'extensions.ops.grn.GRNOp'>.
[ 2019-02-28 10:15:34,683 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Interp to extractors with custom op class <class 'extensions.ops.interp.InterpOp'>.
[ 2019-02-28 10:15:34,683 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry LSTMCell to extractors with custom op class <class 'extensions.ops.lstm_cell.LSTMCell'>.
[ 2019-02-28 10:15:34,683 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry LSTMSequence to extractors with custom op class <class 'extensions.ops.lstm_sequence.LSTMSequence'>.
[ 2019-02-28 10:15:34,684 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Merge to extractors with custom op class <class 'extensions.ops.merge.Merge'>.
[ 2019-02-28 10:15:34,684 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry MVN to extractors with custom op class <class 'extensions.ops.mvn.MVN'>.
[ 2019-02-28 10:15:34,685 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Normalize to extractors with custom op class <class 'extensions.ops.normalize.NormalizeOp'>.
[ 2019-02-28 10:15:34,689 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Pack to extractors with custom op class <class 'extensions.ops.pack.PackOp'>.
[ 2019-02-28 10:15:34,689 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry PowerFile to extractors with custom op class <class 'extensions.ops.power_file.PowerFileOp'>.
[ 2019-02-28 10:15:34,690 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry PredictionHeatmap to extractors with custom op class <class 'extensions.ops.prediction_heatmap.PredictionHeatmapOp'>.
[ 2019-02-28 10:15:34,690 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry PReLU to extractors with custom op class <class 'extensions.ops.prelu.PreluOp'>.
[ 2019-02-28 10:15:34,691 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry PriorBox to extractors with custom op class <class 'extensions.ops.priorbox.PriorBoxOp'>.
[ 2019-02-28 10:15:34,691 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry PriorBoxClustered to extractors with custom op class <class 'extensions.ops.priorbox_clustered.PriorBoxClusteredOp'>.
[ 2019-02-28 10:15:34,693 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Proposal to extractors with custom op class <class 'extensions.ops.proposal.ProposalOp'>.
[ 2019-02-28 10:15:34,694 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry PSROIPooling to extractors with custom op class <class 'extensions.ops.psroipooling.PSROIPoolingOp'>.
[ 2019-02-28 10:15:34,694 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Rank to extractors with custom op class <class 'extensions.ops.rank.Rank'>.
[ 2019-02-28 10:15:34,695 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry RegionYolo to extractors with custom op class <class 'extensions.ops.regionyolo.RegionYoloOp'>.
[ 2019-02-28 10:15:34,696 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ReorgYolo to extractors with custom op class <class 'extensions.ops.reorgyolo.ReorgYoloOp'>.
[ 2019-02-28 10:15:34,696 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Resample to extractors with custom op class <class 'extensions.ops.resample.ResampleOp'>.
[ 2019-02-28 10:15:34,700 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ReverseSequence to extractors with custom op class <class 'extensions.ops.reverse_sequence.ReverseSequence'>.
[ 2019-02-28 10:15:34,700 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Select to extractors with custom op class <class 'extensions.ops.select.Select'>.
[ 2019-02-28 10:15:34,701 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ShuffleChannel to extractors with custom op class <class 'extensions.ops.shufflechannel.ShuffleChannelOp'>.
[ 2019-02-28 10:15:34,701 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry SimplerNMS to extractors with custom op class <class 'extensions.ops.simplernms.SimplerNMSOp'>.
[ 2019-02-28 10:15:34,701 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry SpatialTransformer to extractors with custom op class <class 'extensions.ops.spatial_transformer.SpatialTransformOp'>.
[ 2019-02-28 10:15:34,702 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Splice to extractors with custom op class <class 'extensions.ops.splice.Splice'>.
[ 2019-02-28 10:15:34,702 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry SplitV to extractors with custom op class <class 'extensions.ops.splitv.SplitV'>.
[ 2019-02-28 10:15:34,702 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry StopGradient to extractors with custom op class <class 'extensions.ops.stop_gradient.StopGradientOp'>.
[ 2019-02-28 10:15:34,703 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Switch to extractors with custom op class <class 'extensions.ops.switch.Switch'>.
[ 2019-02-28 10:15:34,703 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorIterator to extractors with custom op class <class 'extensions.ops.tensor_iterator.TensorIterator'>.
[ 2019-02-28 10:15:34,704 ] [ DEBUG ] [ onnx:75 ]  Number of nodes in NX graph: 69
[ 2019-02-28 10:15:34,710 ] [ DEBUG ] [ extractor:830 ]  Sink: 68/sink_port_0 for node 68
[ 2019-02-28 10:15:34,713 ] [ DEBUG ] [ extractor:831 ]  {'precision': 'FP32', 'kind': 'op', 'type': 'OpOutput', 'op': 'OpOutput', 'is_output': True, 'infer': None, 'value': None, 'data_type': None, 'name': '68/sink_port_0', 'dim_attrs': ['channel_dims', 'batch_dims', 'axis', 'spatial_dims'], 'shape_attrs': ['stride', 'window', 'shape', 'pad', 'output_shape'], 'IE': [('layer', [('id', <function Op.substitute_ie_attrs.<locals>.<lambda> at 0x0000027029B95A60>), 'name', 'precision', 'type'], [('data', [], []), '@ports', '@consts'])]}
[ 2019-02-28 10:15:34,718 ] [ DEBUG ] [ extractor:832 ]  Add edge from 68 to 68/sink_port_0
[ 2019-02-28 10:15:34,719 ] [ DEBUG ] [ eliminate:64 ]  The following nodes are seeded as output reachable:
68/sink_port_0
[ 2019-02-28 10:15:34,725 ] [ DEBUG ] [ eliminate:130 ]  Removing the following dead nodes:
[ 2019-02-28 10:15:34,740 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.front.sub.Sub'>
[ 2019-02-28 10:15:34,743 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.front.squared_difference.SquaredDifference'>
[ 2019-02-28 10:15:34,746 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.front.reciprocal.ReciprocalReplacer'>
[ 2019-02-28 10:15:34,756 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.front.instance_normalization.InstanceNormalization'>
[ 2019-02-28 10:15:34,759 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.front.image_scaler.ImageScaler'>
[ 2019-02-28 10:15:34,762 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.front.eltwise_n.EltwiseNReplacement'>
[ 2019-02-28 10:15:34,766 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.front.Pack.Pack'>
[ 2019-02-28 10:15:34,770 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.front.LRNReplacer.LRNReplacer'>
[ 2019-02-28 10:15:34,773 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'mo.ops.div.Div'>
[ 2019-02-28 10:15:34,777 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.front.standalone_const_eraser.StandaloneConstEraser'>
[ 2019-02-28 10:15:34,782 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.front.no_op_eraser.NoOpEraser'>
[ 2019-02-28 10:15:34,791 ] [ DEBUG ] [ eliminate:64 ]  The following nodes are seeded as output reachable:
68/sink_port_0
[ 2019-02-28 10:15:34,802 ] [ DEBUG ] [ eliminate:130 ]  Removing the following dead nodes:
[ 2019-02-28 10:15:34,803 ] [ DEBUG ] [ eliminate:64 ]  The following nodes are seeded as output reachable:
68/sink_port_0
[ 2019-02-28 10:15:34,821 ] [ DEBUG ] [ eliminate:130 ]  Removing the following dead nodes:
[ 2019-02-28 10:15:34,831 ] [ DEBUG ] [ eliminate:64 ]  The following nodes are seeded as output reachable:
68/sink_port_0
[ 2019-02-28 10:15:34,841 ] [ DEBUG ] [ eliminate:130 ]  Removing the following dead nodes:
[ 2019-02-28 10:15:34,844 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,845 ] [ DEBUG ] [ infer:151 ]  Partial infer for 67
[ 2019-02-28 10:15:34,846 ] [ DEBUG ] [ infer:152 ]  Op: Constant
[ 2019-02-28 10:15:34,847 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,847 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,850 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [3], value = [  -1  960 1280]
[ 2019-02-28 10:15:34,853 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,853 ] [ DEBUG ] [ infer:151 ]  Partial infer for 64
[ 2019-02-28 10:15:34,854 ] [ DEBUG ] [ infer:152 ]  Op: Constant
[ 2019-02-28 10:15:34,855 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,855 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,857 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [6], value = [113 480 640   2   2  -1]
[ 2019-02-28 10:15:34,858 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,859 ] [ DEBUG ] [ infer:151 ]  Partial infer for 61
[ 2019-02-28 10:15:34,859 ] [ DEBUG ] [ infer:152 ]  Op: Constant
[ 2019-02-28 10:15:34,860 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,860 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,861 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [6], value = [113 240 320   2   2  -1]
[ 2019-02-28 10:15:34,861 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,866 ] [ DEBUG ] [ infer:151 ]  Partial infer for 55
[ 2019-02-28 10:15:34,866 ] [ DEBUG ] [ infer:152 ]  Op: Constant
[ 2019-02-28 10:15:34,867 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,867 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,868 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [], value = -1
[ 2019-02-28 10:15:34,868 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,869 ] [ DEBUG ] [ infer:151 ]  Partial infer for 57
[ 2019-02-28 10:15:34,869 ] [ DEBUG ] [ infer:152 ]  Op: Unsqueeze
[ 2019-02-28 10:15:34,870 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,870 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [], value = -1
[ 2019-02-28 10:15:34,871 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,871 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [1], value = [-1]
[ 2019-02-28 10:15:34,871 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,872 ] [ DEBUG ] [ infer:151 ]  Partial infer for 52
[ 2019-02-28 10:15:34,872 ] [ DEBUG ] [ infer:152 ]  Op: Constant
[ 2019-02-28 10:15:34,873 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,873 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,874 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [], value = 0
[ 2019-02-28 10:15:34,880 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,885 ] [ DEBUG ] [ infer:151 ]  Partial infer for 8
[ 2019-02-28 10:15:34,885 ] [ DEBUG ] [ infer:152 ]  Op: Const
[ 2019-02-28 10:15:34,886 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,886 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,888 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [113], value = [ 0.0362   -0.04654  -0.02884  -0.05957   0.06793  -0.05865   0.02339
  0.06714   0.08496  -0.012...
[ 2019-02-28 10:15:34,888 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,889 ] [ DEBUG ] [ infer:151 ]  Partial infer for 7
[ 2019-02-28 10:15:34,892 ] [ DEBUG ] [ infer:152 ]  Op: Const
[ 2019-02-28 10:15:34,892 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,892 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,894 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [113 128   1   1], value = [[[[-0.00501  ]]

  [[ 0.03488  ]]

  [[-0.03098  ]]

  ...

  [[ 0.0368   ]]

  [[-0.0339   ]]

...
[ 2019-02-28 10:15:34,896 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,896 ] [ DEBUG ] [ infer:151 ]  Partial infer for 6
[ 2019-02-28 10:15:34,897 ] [ DEBUG ] [ infer:152 ]  Op: Const
[ 2019-02-28 10:15:34,898 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,899 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,901 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [128], value = [-0.0471   -0.02866   0.06384  -0.0762    0.02663  -0.05215   0.006054
  0.073     0.0828    0.06...
[ 2019-02-28 10:15:34,905 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,906 ] [ DEBUG ] [ infer:151 ]  Partial infer for 5
[ 2019-02-28 10:15:34,906 ] [ DEBUG ] [ infer:152 ]  Op: Const
[ 2019-02-28 10:15:34,907 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,908 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,913 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [128  32   2   2], value = [[[[ 0.05234   -0.02452  ]
   [ 0.0727    -0.014885 ]]

  [[-0.03088    0.0443   ]
   [ 0.0362   ...
[ 2019-02-28 10:15:34,916 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,916 ] [ DEBUG ] [ infer:151 ]  Partial infer for 4
[ 2019-02-28 10:15:34,917 ] [ DEBUG ] [ infer:152 ]  Op: Const
[ 2019-02-28 10:15:34,917 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,918 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,919 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [32], value = [-0.09955   0.05707  -0.02289   0.03452   0.0415    0.04276   0.01651
 -0.05698  -0.04114  -0.080...
[ 2019-02-28 10:15:34,920 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,920 ] [ DEBUG ] [ infer:151 ]  Partial infer for 3
[ 2019-02-28 10:15:34,920 ] [ DEBUG ] [ infer:152 ]  Op: Const
[ 2019-02-28 10:15:34,921 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,921 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,928 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [32  8  3  3], value = [[[[-0.07495   -0.04147    0.05597  ]
   [ 0.00667    0.1015    -0.0421   ]
   [-0.0345     0.115...
[ 2019-02-28 10:15:34,930 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,936 ] [ DEBUG ] [ infer:151 ]  Partial infer for 2
[ 2019-02-28 10:15:34,936 ] [ DEBUG ] [ infer:152 ]  Op: Const
[ 2019-02-28 10:15:34,936 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,937 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,937 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [8], value = [-0.2134   0.1167  -0.2384  -0.0807  -0.3296   0.0912  -0.11365 -0.1865 ]
[ 2019-02-28 10:15:34,940 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,940 ] [ DEBUG ] [ infer:151 ]  Partial infer for 1
[ 2019-02-28 10:15:34,941 ] [ DEBUG ] [ infer:152 ]  Op: Const
[ 2019-02-28 10:15:34,941 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,941 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,943 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [8 1 3 3], value = [[[[-0.02794  -0.01143  -0.125   ]
   [ 0.07666  -0.1907   -0.05878 ]
   [ 0.1292    0.313     0....
[ 2019-02-28 10:15:34,944 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,944 ] [ DEBUG ] [ infer:151 ]  Partial infer for x.1
[ 2019-02-28 10:15:34,945 ] [ DEBUG ] [ infer:152 ]  Op: Placeholder
[ 2019-02-28 10:15:34,946 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,947 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,948 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [   1    1  960 1280], value = <UNKNOWN>
[ 2019-02-28 10:15:34,952 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,953 ] [ DEBUG ] [ infer:151 ]  Partial infer for 9
[ 2019-02-28 10:15:34,953 ] [ DEBUG ] [ infer:152 ]  Op: Pad
[ 2019-02-28 10:15:34,956 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,957 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [   1    1  960 1280], value = <UNKNOWN>
[ 2019-02-28 10:15:34,957 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,958 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [   1    1  974 1294], value = <UNKNOWN>
[ 2019-02-28 10:15:34,958 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,959 ] [ DEBUG ] [ infer:151 ]  Partial infer for 10
[ 2019-02-28 10:15:34,959 ] [ DEBUG ] [ infer:152 ]  Op: Conv
[ 2019-02-28 10:15:34,961 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,966 ] [ DEBUG ] [ infer:40 ]  input[1]: shape = [8 1 3 3], value = [[[[-0.02794  -0.01143  -0.125   ]
   [ 0.07666  -0.1907   -0.05878 ]
   [ 0.1292    0.313     0....
[ 2019-02-28 10:15:34,966 ] [ DEBUG ] [ infer:40 ]  input[2]: shape = [8], value = [-0.2134   0.1167  -0.2384  -0.0807  -0.3296   0.0912  -0.11365 -0.1865 ]
[ 2019-02-28 10:15:34,967 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [   1    1  974 1294], value = <UNKNOWN>
[ 2019-02-28 10:15:34,967 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,968 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [   1    8  972 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:34,968 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,968 ] [ DEBUG ] [ infer:151 ]  Partial infer for 11
[ 2019-02-28 10:15:34,969 ] [ DEBUG ] [ infer:152 ]  Op: Relu
[ 2019-02-28 10:15:34,969 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,970 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [   1    8  972 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:34,970 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,970 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [   1    8  972 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:34,971 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,971 ] [ DEBUG ] [ infer:151 ]  Partial infer for 21
[ 2019-02-28 10:15:34,971 ] [ DEBUG ] [ infer:152 ]  Op: Slice
C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\ops\slice.py:111: FutureWarning: Using a non-tuple sequence for multidimensional indexing is deprecated; use `arr[tuple(seq)]` instead of `arr[seq]`. In the future this will be interpreted as an array index, `arr[np.array(seq)]`, which will result either in an error or a different result.
  value = value[slice_idx]
[ 2019-02-28 10:15:34,978 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,985 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [   1    8  972 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:34,985 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,986 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [   1    8  970 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:34,989 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,989 ] [ DEBUG ] [ infer:151 ]  Partial infer for 22
[ 2019-02-28 10:15:34,989 ] [ DEBUG ] [ infer:152 ]  Op: Slice
[ 2019-02-28 10:15:34,992 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:34,993 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [   1    8  970 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:34,993 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:34,994 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [   1    8  970 1290], value = <UNKNOWN>
[ 2019-02-28 10:15:34,995 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:34,995 ] [ DEBUG ] [ infer:151 ]  Partial infer for 23
[ 2019-02-28 10:15:34,996 ] [ DEBUG ] [ infer:152 ]  Op: MaxPool
[ 2019-02-28 10:15:34,997 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,002 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [   1    8  970 1290], value = <UNKNOWN>
[ 2019-02-28 10:15:35,002 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,003 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  1   8 485 645], value = <UNKNOWN>
[ 2019-02-28 10:15:35,004 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,004 ] [ DEBUG ] [ infer:151 ]  Partial infer for 27
[ 2019-02-28 10:15:35,005 ] [ DEBUG ] [ infer:152 ]  Op: Pad
[ 2019-02-28 10:15:35,006 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,006 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  1   8 485 645], value = <UNKNOWN>
[ 2019-02-28 10:15:35,007 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,008 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  1   8 486 646], value = <UNKNOWN>
[ 2019-02-28 10:15:35,008 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,009 ] [ DEBUG ] [ infer:151 ]  Partial infer for 18
[ 2019-02-28 10:15:35,009 ] [ DEBUG ] [ infer:152 ]  Op: Slice
[ 2019-02-28 10:15:35,010 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,010 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [   1    8  972 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:35,015 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,016 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [   1    8  970 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:35,016 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,016 ] [ DEBUG ] [ infer:151 ]  Partial infer for 19
[ 2019-02-28 10:15:35,017 ] [ DEBUG ] [ infer:152 ]  Op: Slice
[ 2019-02-28 10:15:35,018 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,018 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [   1    8  970 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:35,019 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,019 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [   1    8  970 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:35,019 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,020 ] [ DEBUG ] [ infer:151 ]  Partial infer for 20
[ 2019-02-28 10:15:35,020 ] [ DEBUG ] [ infer:152 ]  Op: MaxPool
[ 2019-02-28 10:15:35,021 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,021 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [   1    8  970 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:35,021 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,022 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  1   8 485 646], value = <UNKNOWN>
[ 2019-02-28 10:15:35,022 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,022 ] [ DEBUG ] [ infer:151 ]  Partial infer for 26
[ 2019-02-28 10:15:35,023 ] [ DEBUG ] [ infer:152 ]  Op: Pad
[ 2019-02-28 10:15:35,023 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,029 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  1   8 485 646], value = <UNKNOWN>
[ 2019-02-28 10:15:35,035 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,035 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  1   8 486 646], value = <UNKNOWN>
[ 2019-02-28 10:15:35,036 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,036 ] [ DEBUG ] [ infer:151 ]  Partial infer for 15
[ 2019-02-28 10:15:35,036 ] [ DEBUG ] [ infer:152 ]  Op: Slice
[ 2019-02-28 10:15:35,038 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,040 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [   1    8  972 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:35,040 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,041 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [   1    8  972 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:35,042 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,042 ] [ DEBUG ] [ infer:151 ]  Partial infer for 16
[ 2019-02-28 10:15:35,042 ] [ DEBUG ] [ infer:152 ]  Op: Slice
[ 2019-02-28 10:15:35,043 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,044 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [   1    8  972 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:35,044 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,045 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [   1    8  972 1290], value = <UNKNOWN>
[ 2019-02-28 10:15:35,046 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,046 ] [ DEBUG ] [ infer:151 ]  Partial infer for 17
[ 2019-02-28 10:15:35,047 ] [ DEBUG ] [ infer:152 ]  Op: MaxPool
[ 2019-02-28 10:15:35,048 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,052 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [   1    8  972 1290], value = <UNKNOWN>
[ 2019-02-28 10:15:35,053 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,054 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  1   8 486 645], value = <UNKNOWN>
[ 2019-02-28 10:15:35,055 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,055 ] [ DEBUG ] [ infer:151 ]  Partial infer for 25
[ 2019-02-28 10:15:35,056 ] [ DEBUG ] [ infer:152 ]  Op: Pad
[ 2019-02-28 10:15:35,057 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,058 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  1   8 486 645], value = <UNKNOWN>
[ 2019-02-28 10:15:35,058 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,058 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  1   8 486 646], value = <UNKNOWN>
[ 2019-02-28 10:15:35,059 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,059 ] [ DEBUG ] [ infer:151 ]  Partial infer for 12
[ 2019-02-28 10:15:35,060 ] [ DEBUG ] [ infer:152 ]  Op: Slice
[ 2019-02-28 10:15:35,061 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,066 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [   1    8  972 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:35,066 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,066 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [   1    8  972 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:35,067 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,067 ] [ DEBUG ] [ infer:151 ]  Partial infer for 13
[ 2019-02-28 10:15:35,068 ] [ DEBUG ] [ infer:152 ]  Op: Slice
[ 2019-02-28 10:15:35,070 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,070 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [   1    8  972 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:35,070 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,071 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [   1    8  972 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:35,071 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,072 ] [ DEBUG ] [ infer:151 ]  Partial infer for 14
[ 2019-02-28 10:15:35,072 ] [ DEBUG ] [ infer:152 ]  Op: MaxPool
[ 2019-02-28 10:15:35,073 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,078 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [   1    8  972 1292], value = <UNKNOWN>
[ 2019-02-28 10:15:35,084 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,085 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  1   8 486 646], value = <UNKNOWN>
[ 2019-02-28 10:15:35,086 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,088 ] [ DEBUG ] [ infer:151 ]  Partial infer for 24
[ 2019-02-28 10:15:35,088 ] [ DEBUG ] [ infer:152 ]  Op: Pad
[ 2019-02-28 10:15:35,088 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,089 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  1   8 486 646], value = <UNKNOWN>
[ 2019-02-28 10:15:35,090 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,090 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  1   8 486 646], value = <UNKNOWN>
[ 2019-02-28 10:15:35,091 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,091 ] [ DEBUG ] [ infer:151 ]  Partial infer for 28
[ 2019-02-28 10:15:35,091 ] [ DEBUG ] [ infer:152 ]  Op: Concat
[ 2019-02-28 10:15:35,092 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,093 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  1   8 486 646], value = <UNKNOWN>
[ 2019-02-28 10:15:35,093 ] [ DEBUG ] [ infer:40 ]  input[1]: shape = [  1   8 486 646], value = <UNKNOWN>
[ 2019-02-28 10:15:35,093 ] [ DEBUG ] [ infer:40 ]  input[2]: shape = [  1   8 486 646], value = <UNKNOWN>
[ 2019-02-28 10:15:35,094 ] [ DEBUG ] [ infer:40 ]  input[3]: shape = [  1   8 486 646], value = <UNKNOWN>
[ 2019-02-28 10:15:35,095 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,096 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4   8 486 646], value = <UNKNOWN>
[ 2019-02-28 10:15:35,096 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,102 ] [ DEBUG ] [ infer:151 ]  Partial infer for 29
[ 2019-02-28 10:15:35,102 ] [ DEBUG ] [ infer:152 ]  Op: Conv
[ 2019-02-28 10:15:35,104 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,108 ] [ DEBUG ] [ infer:40 ]  input[1]: shape = [32  8  3  3], value = [[[[-0.07495   -0.04147    0.05597  ]
   [ 0.00667    0.1015    -0.0421   ]
   [-0.0345     0.115...
[ 2019-02-28 10:15:35,110 ] [ DEBUG ] [ infer:40 ]  input[2]: shape = [32], value = [-0.09955   0.05707  -0.02289   0.03452   0.0415    0.04276   0.01651
 -0.05698  -0.04114  -0.080...
[ 2019-02-28 10:15:35,111 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4   8 486 646], value = <UNKNOWN>
[ 2019-02-28 10:15:35,115 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,115 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 484 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,116 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,116 ] [ DEBUG ] [ infer:151 ]  Partial infer for 30
[ 2019-02-28 10:15:35,117 ] [ DEBUG ] [ infer:152 ]  Op: Relu
[ 2019-02-28 10:15:35,118 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,118 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 484 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,119 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,119 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 484 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,120 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,120 ] [ DEBUG ] [ infer:151 ]  Partial infer for 40
[ 2019-02-28 10:15:35,120 ] [ DEBUG ] [ infer:152 ]  Op: Slice
[ 2019-02-28 10:15:35,123 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,123 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 484 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,127 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,135 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 482 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,137 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,137 ] [ DEBUG ] [ infer:151 ]  Partial infer for 41
[ 2019-02-28 10:15:35,138 ] [ DEBUG ] [ infer:152 ]  Op: Slice
[ 2019-02-28 10:15:35,140 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,140 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 482 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,141 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,141 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 482 642], value = <UNKNOWN>
[ 2019-02-28 10:15:35,142 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,142 ] [ DEBUG ] [ infer:151 ]  Partial infer for 42
[ 2019-02-28 10:15:35,142 ] [ DEBUG ] [ infer:152 ]  Op: MaxPool
[ 2019-02-28 10:15:35,143 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,144 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 482 642], value = <UNKNOWN>
[ 2019-02-28 10:15:35,144 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,145 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 241 321], value = <UNKNOWN>
[ 2019-02-28 10:15:35,151 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,151 ] [ DEBUG ] [ infer:151 ]  Partial infer for 46
[ 2019-02-28 10:15:35,152 ] [ DEBUG ] [ infer:152 ]  Op: Pad
[ 2019-02-28 10:15:35,154 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,155 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 241 321], value = <UNKNOWN>
[ 2019-02-28 10:15:35,155 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,156 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 242 322], value = <UNKNOWN>
[ 2019-02-28 10:15:35,156 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,156 ] [ DEBUG ] [ infer:151 ]  Partial infer for 37
[ 2019-02-28 10:15:35,157 ] [ DEBUG ] [ infer:152 ]  Op: Slice
[ 2019-02-28 10:15:35,159 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,159 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 484 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,164 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,165 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 482 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,166 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,166 ] [ DEBUG ] [ infer:151 ]  Partial infer for 38
[ 2019-02-28 10:15:35,167 ] [ DEBUG ] [ infer:152 ]  Op: Slice
[ 2019-02-28 10:15:35,169 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,169 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 482 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,170 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,171 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 482 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,172 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,172 ] [ DEBUG ] [ infer:151 ]  Partial infer for 39
[ 2019-02-28 10:15:35,172 ] [ DEBUG ] [ infer:152 ]  Op: MaxPool
[ 2019-02-28 10:15:35,177 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,178 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 482 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,178 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,179 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 241 322], value = <UNKNOWN>
[ 2019-02-28 10:15:35,180 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,181 ] [ DEBUG ] [ infer:151 ]  Partial infer for 45
[ 2019-02-28 10:15:35,182 ] [ DEBUG ] [ infer:152 ]  Op: Pad
[ 2019-02-28 10:15:35,183 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,183 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 241 322], value = <UNKNOWN>
[ 2019-02-28 10:15:35,183 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,184 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 242 322], value = <UNKNOWN>
[ 2019-02-28 10:15:35,188 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,188 ] [ DEBUG ] [ infer:151 ]  Partial infer for 34
[ 2019-02-28 10:15:35,188 ] [ DEBUG ] [ infer:152 ]  Op: Slice
[ 2019-02-28 10:15:35,190 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,191 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 484 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,191 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,192 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 484 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,194 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,195 ] [ DEBUG ] [ infer:151 ]  Partial infer for 35
[ 2019-02-28 10:15:35,196 ] [ DEBUG ] [ infer:152 ]  Op: Slice
[ 2019-02-28 10:15:35,206 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,207 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 484 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,207 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,208 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 484 642], value = <UNKNOWN>
[ 2019-02-28 10:15:35,209 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,209 ] [ DEBUG ] [ infer:151 ]  Partial infer for 36
[ 2019-02-28 10:15:35,210 ] [ DEBUG ] [ infer:152 ]  Op: MaxPool
[ 2019-02-28 10:15:35,211 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,215 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 484 642], value = <UNKNOWN>
[ 2019-02-28 10:15:35,215 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,216 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 242 321], value = <UNKNOWN>
[ 2019-02-28 10:15:35,216 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,216 ] [ DEBUG ] [ infer:151 ]  Partial infer for 44
[ 2019-02-28 10:15:35,217 ] [ DEBUG ] [ infer:152 ]  Op: Pad
[ 2019-02-28 10:15:35,217 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,218 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 242 321], value = <UNKNOWN>
[ 2019-02-28 10:15:35,218 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,219 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 242 322], value = <UNKNOWN>
[ 2019-02-28 10:15:35,219 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,219 ] [ DEBUG ] [ infer:151 ]  Partial infer for 31
[ 2019-02-28 10:15:35,220 ] [ DEBUG ] [ infer:152 ]  Op: Slice
[ 2019-02-28 10:15:35,222 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,222 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 484 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,226 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,235 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 484 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,235 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,235 ] [ DEBUG ] [ infer:151 ]  Partial infer for 32
[ 2019-02-28 10:15:35,238 ] [ DEBUG ] [ infer:152 ]  Op: Slice
[ 2019-02-28 10:15:35,240 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,240 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 484 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,241 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,241 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 484 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,242 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,242 ] [ DEBUG ] [ infer:151 ]  Partial infer for 33
[ 2019-02-28 10:15:35,243 ] [ DEBUG ] [ infer:152 ]  Op: MaxPool
[ 2019-02-28 10:15:35,243 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,244 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 484 644], value = <UNKNOWN>
[ 2019-02-28 10:15:35,244 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,245 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 242 322], value = <UNKNOWN>
[ 2019-02-28 10:15:35,246 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,252 ] [ DEBUG ] [ infer:151 ]  Partial infer for 43
[ 2019-02-28 10:15:35,252 ] [ DEBUG ] [ infer:152 ]  Op: Pad
[ 2019-02-28 10:15:35,253 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,254 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 242 322], value = <UNKNOWN>
[ 2019-02-28 10:15:35,254 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,255 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [  4  32 242 322], value = <UNKNOWN>
[ 2019-02-28 10:15:35,256 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,256 ] [ DEBUG ] [ infer:151 ]  Partial infer for 47
[ 2019-02-28 10:15:35,257 ] [ DEBUG ] [ infer:152 ]  Op: Concat
[ 2019-02-28 10:15:35,258 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,259 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [  4  32 242 322], value = <UNKNOWN>
[ 2019-02-28 10:15:35,259 ] [ DEBUG ] [ infer:40 ]  input[1]: shape = [  4  32 242 322], value = <UNKNOWN>
[ 2019-02-28 10:15:35,259 ] [ DEBUG ] [ infer:40 ]  input[2]: shape = [  4  32 242 322], value = <UNKNOWN>
[ 2019-02-28 10:15:35,260 ] [ DEBUG ] [ infer:40 ]  input[3]: shape = [  4  32 242 322], value = <UNKNOWN>
[ 2019-02-28 10:15:35,260 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,266 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [ 16  32 242 322], value = <UNKNOWN>
[ 2019-02-28 10:15:35,266 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,266 ] [ DEBUG ] [ infer:151 ]  Partial infer for 48
[ 2019-02-28 10:15:35,267 ] [ DEBUG ] [ infer:152 ]  Op: Conv
[ 2019-02-28 10:15:35,268 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,270 ] [ DEBUG ] [ infer:40 ]  input[1]: shape = [128  32   2   2], value = [[[[ 0.05234   -0.02452  ]
   [ 0.0727    -0.014885 ]]

  [[-0.03088    0.0443   ]
   [ 0.0362   ...
[ 2019-02-28 10:15:35,272 ] [ DEBUG ] [ infer:40 ]  input[2]: shape = [128], value = [-0.0471   -0.02866   0.06384  -0.0762    0.02663  -0.05215   0.006054
  0.073     0.0828    0.06...
[ 2019-02-28 10:15:35,273 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [ 16  32 242 322], value = <UNKNOWN>
[ 2019-02-28 10:15:35,273 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,277 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [ 16 128 241 321], value = <UNKNOWN>
[ 2019-02-28 10:15:35,285 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,287 ] [ DEBUG ] [ infer:151 ]  Partial infer for 49
[ 2019-02-28 10:15:35,288 ] [ DEBUG ] [ infer:152 ]  Op: Relu
[ 2019-02-28 10:15:35,288 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,289 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [ 16 128 241 321], value = <UNKNOWN>
[ 2019-02-28 10:15:35,289 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,290 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [ 16 128 241 321], value = <UNKNOWN>
[ 2019-02-28 10:15:35,290 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,290 ] [ DEBUG ] [ infer:151 ]  Partial infer for 50
[ 2019-02-28 10:15:35,291 ] [ DEBUG ] [ infer:152 ]  Op: Conv
[ 2019-02-28 10:15:35,292 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,293 ] [ DEBUG ] [ infer:40 ]  input[1]: shape = [113 128   1   1], value = [[[[-0.00501  ]]

  [[ 0.03488  ]]

  [[-0.03098  ]]

  ...

  [[ 0.0368   ]]

  [[-0.0339   ]]

...
[ 2019-02-28 10:15:35,297 ] [ DEBUG ] [ infer:40 ]  input[2]: shape = [113], value = [ 0.0362   -0.04654  -0.02884  -0.05957   0.06793  -0.05865   0.02339
  0.06714   0.08496  -0.012...
[ 2019-02-28 10:15:35,304 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [ 16 128 241 321], value = <UNKNOWN>
[ 2019-02-28 10:15:35,304 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,306 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [ 16 113 241 321], value = <UNKNOWN>
[ 2019-02-28 10:15:35,307 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,307 ] [ DEBUG ] [ infer:151 ]  Partial infer for 51
[ 2019-02-28 10:15:35,308 ] [ DEBUG ] [ infer:152 ]  Op: Pad
[ 2019-02-28 10:15:35,308 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,309 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [ 16 113 241 321], value = <UNKNOWN>
[ 2019-02-28 10:15:35,309 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,310 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [ 16 113 240 320], value = <UNKNOWN>
[ 2019-02-28 10:15:35,310 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,310 ] [ DEBUG ] [ infer:151 ]  Partial infer for 53
[ 2019-02-28 10:15:35,311 ] [ DEBUG ] [ infer:152 ]  Op: Shape
[ 2019-02-28 10:15:35,317 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,317 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [ 16 113 240 320], value = <UNKNOWN>
[ 2019-02-28 10:15:35,317 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,319 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [4], value = [ 16 113 240 320]
[ 2019-02-28 10:15:35,319 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,320 ] [ DEBUG ] [ infer:151 ]  Partial infer for 54
[ 2019-02-28 10:15:35,320 ] [ DEBUG ] [ infer:152 ]  Op: Gather
[ 2019-02-28 10:15:35,322 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,323 ] [ DEBUG ] [ infer:40 ]  input[1]: shape = [], value = 0
[ 2019-02-28 10:15:35,323 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [4], value = [ 16 113 240 320]
[ 2019-02-28 10:15:35,323 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,324 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [], value = 16
[ 2019-02-28 10:15:35,324 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,325 ] [ DEBUG ] [ infer:151 ]  Partial infer for 56
[ 2019-02-28 10:15:35,335 ] [ DEBUG ] [ infer:152 ]  Op: Unsqueeze
[ 2019-02-28 10:15:35,336 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,336 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [], value = 16
[ 2019-02-28 10:15:35,337 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,338 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [1], value = [16]
[ 2019-02-28 10:15:35,340 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,340 ] [ DEBUG ] [ infer:151 ]  Partial infer for 58
[ 2019-02-28 10:15:35,341 ] [ DEBUG ] [ infer:152 ]  Op: Concat
[ 2019-02-28 10:15:35,342 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,342 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [1], value = [16]
[ 2019-02-28 10:15:35,343 ] [ DEBUG ] [ infer:40 ]  input[1]: shape = [1], value = [-1]
[ 2019-02-28 10:15:35,343 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,344 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [2], value = [16 -1]
[ 2019-02-28 10:15:35,344 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,344 ] [ DEBUG ] [ infer:151 ]  Partial infer for 59
[ 2019-02-28 10:15:35,345 ] [ DEBUG ] [ infer:152 ]  Op: Reshape
[ 2019-02-28 10:15:35,347 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,348 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [ 16 113 240 320], value = <UNKNOWN>
[ 2019-02-28 10:15:35,354 ] [ DEBUG ] [ infer:40 ]  input[1]: shape = [2], value = [16 -1]
[ 2019-02-28 10:15:35,355 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,356 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [     16 8678400], value = <UNKNOWN>
[ 2019-02-28 10:15:35,356 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,357 ] [ DEBUG ] [ infer:151 ]  Partial infer for 60
[ 2019-02-28 10:15:35,357 ] [ DEBUG ] [ infer:152 ]  Op: Permute
[ 2019-02-28 10:15:35,358 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,359 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [     16 8678400], value = <UNKNOWN>
[ 2019-02-28 10:15:35,359 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,359 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [8678400      16], value = <UNKNOWN>
[ 2019-02-28 10:15:35,360 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,360 ] [ DEBUG ] [ infer:151 ]  Partial infer for 62
[ 2019-02-28 10:15:35,360 ] [ DEBUG ] [ infer:152 ]  Op: Reshape
[ 2019-02-28 10:15:35,361 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,361 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [8678400      16], value = <UNKNOWN>
[ 2019-02-28 10:15:35,362 ] [ DEBUG ] [ infer:40 ]  input[1]: shape = [6], value = [113 240 320   2   2  -1]
[ 2019-02-28 10:15:35,368 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,368 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [113 240 320   2   2   4], value = <UNKNOWN>
[ 2019-02-28 10:15:35,369 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,369 ] [ DEBUG ] [ infer:151 ]  Partial infer for 63
[ 2019-02-28 10:15:35,369 ] [ DEBUG ] [ infer:152 ]  Op: Permute
[ 2019-02-28 10:15:35,370 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,370 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [113 240 320   2   2   4], value = <UNKNOWN>
[ 2019-02-28 10:15:35,371 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,371 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [113 240   2 320   2   4], value = <UNKNOWN>
[ 2019-02-28 10:15:35,371 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,372 ] [ DEBUG ] [ infer:151 ]  Partial infer for 65
[ 2019-02-28 10:15:35,372 ] [ DEBUG ] [ infer:152 ]  Op: Reshape
[ 2019-02-28 10:15:35,373 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,373 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [113 240   2 320   2   4], value = <UNKNOWN>
[ 2019-02-28 10:15:35,374 ] [ DEBUG ] [ infer:40 ]  input[1]: shape = [6], value = [113 480 640   2   2  -1]
[ 2019-02-28 10:15:35,374 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,375 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [113 480 640   2   2   1], value = <UNKNOWN>
[ 2019-02-28 10:15:35,375 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,375 ] [ DEBUG ] [ infer:151 ]  Partial infer for 66
[ 2019-02-28 10:15:35,375 ] [ DEBUG ] [ infer:152 ]  Op: Permute
[ 2019-02-28 10:15:35,382 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,385 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [113 480 640   2   2   1], value = <UNKNOWN>
[ 2019-02-28 10:15:35,385 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,386 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [113 480   2 640   2   1], value = <UNKNOWN>
[ 2019-02-28 10:15:35,386 ] [ DEBUG ] [ infer:150 ]  --------------------
[ 2019-02-28 10:15:35,386 ] [ DEBUG ] [ infer:151 ]  Partial infer for 68
[ 2019-02-28 10:15:35,387 ] [ DEBUG ] [ infer:152 ]  Op: Reshape
[ 2019-02-28 10:15:35,387 ] [ DEBUG ] [ infer:163 ]  Inputs:
[ 2019-02-28 10:15:35,388 ] [ DEBUG ] [ infer:40 ]  input[0]: shape = [113 480   2 640   2   1], value = <UNKNOWN>
[ 2019-02-28 10:15:35,388 ] [ DEBUG ] [ infer:40 ]  input[1]: shape = [3], value = [  -1  960 1280]
[ 2019-02-28 10:15:35,388 ] [ DEBUG ] [ infer:165 ]  Outputs:
[ 2019-02-28 10:15:35,389 ] [ DEBUG ] [ infer:40 ]  output[0]: shape = [ 113  960 1280], value = <UNKNOWN>
[ 2019-02-28 10:15:35,390 ] [ DEBUG ] [ eliminate:64 ]  The following nodes are seeded as output reachable:
68/Output_0/Data_
[ 2019-02-28 10:15:35,403 ] [ DEBUG ] [ eliminate:130 ]  Removing the following dead nodes: 1
2
3
4
5
52
53
54
55
56
57
58
6
61
64
67
7
8
[ 2019-02-28 10:15:35,408 ] [ DEBUG ] [ eliminate:64 ]  The following nodes are seeded as output reachable:
68/Output_0/Data_
[ 2019-02-28 10:15:35,419 ] [ DEBUG ] [ eliminate:130 ]  Removing the following dead nodes: 52/Output_0/Data_
53/Output_0/Data_
54/Output_0/Data_
55/Output_0/Data_
56/Output_0/Data_
57/Output_0/Data_
[ 2019-02-28 10:15:35,437 ] [ DEBUG ] [ eliminate:64 ]  The following nodes are seeded as output reachable:
68/Output_0/Data_
[ 2019-02-28 10:15:35,453 ] [ DEBUG ] [ eliminate:130 ]  Removing the following dead nodes:
[ 2019-02-28 10:15:35,454 ] [ DEBUG ] [ eliminate:64 ]  The following nodes are seeded as output reachable:
68/Output_0/Data_
[ 2019-02-28 10:15:35,462 ] [ DEBUG ] [ eliminate:130 ]  Removing the following dead nodes:
[ 2019-02-28 10:15:35,474 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'> will be run after <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'>
[ 2019-02-28 10:15:35,474 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.ConvertGroupedStridedSlice.ConvertGroupedStridedSlice'> will be run after <class 'extensions.middle.SliceConverter.ConvertSlice'>
[ 2019-02-28 10:15:35,475 ] [ DEBUG ] [ class_registration:88 ]  Replacer <class 'extensions.middle.UselessStridedSlice.UselessStridedSliceEraser'> will be run before <class 'extensions.middle.ConvertGroupedStridedSlice.ConvertGroupedStridedSlice'>
[ 2019-02-28 10:15:35,476 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.UselessStridedSlice.UselessStridedSliceEraser'> will be run after <class 'extensions.middle.SliceConverter.ConvertSlice'>
[ 2019-02-28 10:15:35,476 ] [ DEBUG ] [ class_registration:88 ]  Replacer <class 'extensions.middle.AddReshapeAfterStridedSlice.AddReshapeAfterStridedSlice'> will be run before <class 'extensions.middle.UselessStridedSlice.UselessStridedSliceEraser'>
[ 2019-02-28 10:15:35,477 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.FusePermutesSequence.FusePermutesSequence'> will be run after <class 'extensions.middle.ConvertLayoutDependentOperations.ConvertLayoutDependentOperations'>
[ 2019-02-28 10:15:35,478 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.lstm_sequence_normalize.LSTMSequenceNormalize'> will be run after <class 'extensions.middle.decompose_bi_lstm.DecomposeBiLSTM'>
[ 2019-02-28 10:15:35,478 ] [ DEBUG ] [ class_registration:88 ]  Replacer <class 'extensions.middle.lstm_sequence_tensor_iterator.LSTMSequenceTensorIterator'> will be run before <class 'extensions.middle.FusePermutesSequence.FusePermutesSequence'>
[ 2019-02-28 10:15:35,479 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.lstm_sequence_tensor_iterator.LSTMSequenceTensorIterator'> will be run after <class 'extensions.middle.lstm_sequence_normalize.LSTMSequenceNormalize'>
[ 2019-02-28 10:15:35,480 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.lstm_sequence_tensor_iterator.LSTMSequenceTensorIterator'> will be run after <class 'extensions.middle.mxnet_lstm_sequence_normalize.MXNetLSTMSequenceNormalize'>
[ 2019-02-28 10:15:35,485 ] [ DEBUG ] [ class_registration:88 ]  Replacer <class 'extensions.middle.BlockLSTMtoLSTMSequence.BlockLSTMtoLSTMSequence'> will be run before <class 'extensions.middle.FusePermutesSequence.FusePermutesSequence'>
[ 2019-02-28 10:15:35,485 ] [ DEBUG ] [ class_registration:88 ]  Replacer <class 'extensions.middle.BlockLSTMtoLSTMSequence.BlockLSTMtoLSTMSequence'> will be run before <class 'extensions.middle.lstm_sequence_tensor_iterator.LSTMSequenceTensorIterator'>
[ 2019-02-28 10:15:35,486 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.EltwiseChecker.EltwiseChecker'> will be run after <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'>
[ 2019-02-28 10:15:35,486 ] [ DEBUG ] [ class_registration:88 ]  Replacer <class 'extensions.middle.GemmResolver.GemmResolver'> will be run before <class 'extensions.middle.NormalizeFullyConnected.NormalizeFullyConnected'>
[ 2019-02-28 10:15:35,486 ] [ DEBUG ] [ class_registration:88 ]  Replacer <class 'extensions.middle.PixelLinkReshape.PixelLinkReshape'> will be run before <class 'extensions.middle.FusePermutesSequence.FusePermutesSequence'>
[ 2019-02-28 10:15:35,487 ] [ DEBUG ] [ class_registration:88 ]  Replacer <class 'extensions.middle.PixelLinkReshape.PixelLinkReshape'> will be run before <class 'extensions.middle.ShufflenetReshape.ReshapeSoftmaxReshape'>
[ 2019-02-28 10:15:35,487 ] [ DEBUG ] [ class_registration:88 ]  Replacer <class 'extensions.middle.PixelLinkReshape.PixelLinkReshape'> will be run before <class 'extensions.middle.AddReshapeAfterStridedSlice.AddReshapeAfterStridedSlice'>
[ 2019-02-28 10:15:35,488 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.ShuffleChannel.ShuffleChannel'> will be run after <class 'extensions.middle.ShufflenetReshape.FeatureShuffleReshape'>
[ 2019-02-28 10:15:35,488 ] [ DEBUG ] [ class_registration:88 ]  Replacer <class 'extensions.middle.TF_lstm_cell_to_generic.TensorFlowLSTMtoGeneric'> will be run before <class 'extensions.middle.FusePermutesSequence.FusePermutesSequence'>
[ 2019-02-28 10:15:35,488 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.UselessMerge.UselessMergeEraser'> will be run after <class 'extensions.middle.ConstSwitchResolver.ConstSwitchEraser'>
[ 2019-02-28 10:15:35,489 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.permute_tensor_iterator.PermuteTensorIteratorLSTM'> will be run after <class 'extensions.middle.TensorIteratorMerge.TensorIteratorMerge'>
[ 2019-02-28 10:15:35,489 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.permute_tensor_iterator.PermuteTensorIteratorLSTM'> will be run after <class 'extensions.middle.lstm_sequence_normalize.LSTMSequenceNormalize'>
[ 2019-02-28 10:15:35,490 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.permute_tensor_iterator.PermuteTensorIteratorLSTM'> will be run after <class 'extensions.middle.lstm_sequence_tensor_iterator.LSTMSequenceTensorIterator'>
[ 2019-02-28 10:15:35,490 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.permute_tensor_iterator.PermuteTensorIteratorLSTM'> will be run after <class 'extensions.middle.FusePermutesSequence.FusePermutesSequence'>
[ 2019-02-28 10:15:35,491 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.permute_tensor_iterator.PermuteTensorIteratorLSTM'> will be run after <class 'extensions.middle.decompose_bi_lstm.DecomposeBiLSTM'>
[ 2019-02-28 10:15:35,492 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.reverse_tensor_iterator.ReverseTensorIteratorLSTM'> will be run after <class 'extensions.middle.TensorIteratorMerge.TensorIteratorMerge'>
[ 2019-02-28 10:15:35,492 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.reverse_tensor_iterator.ReverseTensorIteratorLSTM'> will be run after <class 'extensions.middle.lstm_sequence_normalize.LSTMSequenceNormalize'>
[ 2019-02-28 10:15:35,493 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.reverse_tensor_iterator.ReverseTensorIteratorLSTM'> will be run after <class 'extensions.middle.lstm_sequence_tensor_iterator.LSTMSequenceTensorIterator'>
[ 2019-02-28 10:15:35,493 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.reverse_tensor_iterator.ReverseTensorIteratorLSTM'> will be run after <class 'extensions.middle.FusePermutesSequence.FusePermutesSequence'>
[ 2019-02-28 10:15:35,494 ] [ DEBUG ] [ class_registration:91 ]  Replacer <class 'extensions.middle.reverse_tensor_iterator.ReverseTensorIteratorLSTM'> will be run after <class 'extensions.middle.permute_tensor_iterator.PermuteTensorIteratorLSTM'>
[ 2019-02-28 10:15:35,503 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.middle.Reduce.ReduceReplacer'>
[ 2019-02-28 10:15:35,509 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.middle.MinimumMiddleReplacer.MinimumMiddleReplacer'>
[ 2019-02-28 10:15:35,514 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.middle.TensorIterator_utils.DeleteSelect'>
[ 2019-02-28 10:15:35,518 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.middle.TensorIteratorOutput.SmartOutputMatcher'>
[ 2019-02-28 10:15:35,523 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.middle.TensorIteratorMerge.TensorIteratorMerge'>
[ 2019-02-28 10:15:35,528 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.middle.TensorIteratorConditionChecker.ConditionChecks'>
[ 2019-02-28 10:15:35,529 ] [ DEBUG ] [ TensorIteratorConditionChecker:27 ]  +++++++++++++++ ConditionCheckerMatching ++++++++++++++++
[ 2019-02-28 10:15:35,541 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.middle.TensorIteratorCondition.SimpleConditionMather'>
[ 2019-02-28 10:15:35,542 ] [ DEBUG ] [ TensorIteratorCondition:217 ]  +++++++++++++++ SimpleConditionMatching ++++++++++++++++
[ 2019-02-28 10:15:35,547 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.middle.TensorIteratorCondition.LoopConditionMatcher'>
[ 2019-02-28 10:15:35,551 ] [ DEBUG ] [ TensorIteratorCondition:52 ]  +++++++++++++++ ConditionMatching ++++++++++++++++
[ 2019-02-28 10:15:35,558 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.middle.TensorIteratorBackEdge.BackEdgesMatching'>
[ 2019-02-28 10:15:35,569 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.middle.TF_lstm_cell_to_generic.TensorFlowLSTMtoGeneric'>
[ 2019-02-28 10:15:35,573 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.middle.PixelLinkReshape.PixelLinkReshape'>
[ 2019-02-28 10:15:35,578 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.middle.AddReshapeAfterStridedSlice.AddReshapeAfterStridedSlice'>
[ 2019-02-28 10:15:35,584 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.middle.ShufflenetReshape.ReshapeSoftmaxReshape'>
[ 2019-02-28 10:15:35,589 ] [ DEBUG ] [ class_registration:111 ]  Run replacer <class 'extensions.middle.ShufflenetReshape.FeatureShuffleReshape'>
[ WARNING ]  Can't convert Reshape->Transpose(66)->Reshape sequence due to input shape should be 4D (instead of 6D)
[ ERROR ]  -------------------------------------------------
[ ERROR ]  ----------------- INTERNAL ERROR ----------------
[ ERROR ]  Unexpected exception happened.
[ ERROR ]  Please contact Model Optimizer developers and forward the following information:
[ ERROR ]  Exception occurred during running replacer "REPLACEMENT_ID (<class 'extensions.middle.ShufflenetReshape.FeatureShuffleReshape'>)": 'shape'
[ ERROR ]  Traceback (most recent call last):
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 114, in apply_replacements
    replacer.find_and_replace_pattern(graph)
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\utils\replacement_pattern.py", line 28, in find_and_replace_pattern
    apply_pattern(graph, **self.pattern(), action=self.replace_pattern)  # pylint: disable=no-member
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\middle\pattern_match.py", line 95, in apply_pattern
    action(graph, match)
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\extensions\middle\ShufflenetReshape.py", line 93, in replace_pattern
    ''.format(reshape1.shape, reshape1_shape))
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\graph\graph.py", line 267, in __getattr__
    return self.graph.node[self.node][k]
KeyError: 'shape'

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\main.py", line 325, in main
    return driver(argv)
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\main.py", line 302, in driver
    mean_scale_values=mean_scale)
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\pipeline\onnx.py", line 139, in driver
    class_registration.apply_replacements(graph, class_registration.ClassType.MIDDLE_REPLACER)
  File "C:\Intel\computer_vision_sdk_2018.5.456\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 127, in apply_replacements
    )) from err
Exception: Exception occurred during running replacer "REPLACEMENT_ID (<class 'extensions.middle.ShufflenetReshape.FeatureShuffleReshape'>)": 'shape'

[ ERROR ]  ---------------- END OF BUG REPORT --------------
[ ERROR ]  -------------------------------------------------

@shubha-ramani
Copy link

shubha-ramani commented Mar 1, 2019

erez what you attached is not an ONNX model, rather it seems to be a print of an ONNX model. I want to try mo_onnx.py myself - which is why I'm requesting a genuine onnx model. Anyway, let's try and debug just based on the print alone.

The error seems to be directly related to the warning prior to the exception

[ WARNING ] Can't convert Reshape->Transpose(66)->Reshape sequence due to input shape should be 4D (instead of 6D)

Looking at the ONNX printout I see several examples of -1 in Tensor values. -1 is not an acceptable dimension value to Model Optimizer if it refers to incoming shape. Could this be the issue ? Numpy can infer dimensions based on -1 but Model Optimizer cannot. The builder of the model must be very specific about shape dimensions, starting with batch size. Additionally Line 67 is a 1x3 tensor while 61 and 64 are 1x6 tensors. The WARNING says the shape should be 4D. I would start though by getting rid of the -1 and see what happens next.

%67 : Tensor = onnx::Constantvalue= -1 960 1280 [ CPULongType{3} ], scope: SlimNet
%61 : Tensor = onnx::Constantvalue= 113 240 320 2 2 -1 [ CPULongType{6} ], scope: SlimNet/unwrapPool[unwrapPool2]
%64 : Tensor = onnx::Constantvalue= 113 480 640 2 2 -1 [ CPULongType{6} ], scope: SlimNet/unwrapPool[unwrapPool3]

@erezposner
Copy link
Author

sorry about that, my model is attached within the zip file here:
model.zip

i'll try getting rid of any -1 and update.
thank you

@lazarevevgeny
Copy link
Contributor

@erezposner is this issue still actual? I can convert the model now with the following command line ./mo.py --input_model model.onnx --data_type FP16

@lazarevevgeny lazarevevgeny added bug Something isn't working category: MO Model Optimizer question Further information is requested labels May 25, 2020
@erezposner
Copy link
Author

erezposner commented May 27, 2020

Yes it is still relevant. Thanks for taking the time to address this issue.
I'll try

@AnastasiaKazantaeva
Copy link
Contributor

It seems that the issues is not actual anymore as no response. Closing it. Feel free to reopen it or create a new one.

eshoguli pushed a commit to eshoguli/openvino that referenced this issue Jun 1, 2021
eaidova pushed a commit to eaidova/openvino that referenced this issue Jan 12, 2023
* Small refactoring

* Fix type

* Fix python codestyle
ilya-lavrenov pushed a commit that referenced this issue Jan 18, 2023
* WIP

* update input validation

* upsample_nearest2d and upsample_bilinear2d support

* support leaky_relu add test for inplace relu

* update tests, add handler for ListConstruct

* Do not create extra outputs in main body

* add positive case with non-default value

* update testing

* update test, handle non constant size and scale

* remove ie_device

* add aten::group_norm support

* refactoring

* Enable aten::reshape_as operator and add layer test

* more tests

* Fix typo in test

* Resolve conflicts

* fix code style

* expand init version

* expand_as and tests

* add transposed convolutions support

* add tests

* initial support pad

* add circular

* update for differenced in rang

* cleanup

* refactor

* more tests

* apply review comments

* Add split+listunpack transformation

* Add split+getitem transformation

* Add test cases

* fix typo

* Minor fixes

* Apply suggestions from code review

Co-authored-by: Maxim Vafin <[email protected]>

* Apply suggestions from code review

* Small fix

* Support converting models without freezing

* support BoolTensor and masked_fill

* add support aten::rsqrt and test for sqrt

* add cumsum and type_as

* support clamp

* support more matrix operations

* add tests

* Add aten::adaptive_avg_pool3d and layer test

* Change to rank

* fix code style in utils.hpp

* Update src/frontends/pytorch/src/op_table.cpp

Co-authored-by: Sergey Lyalin <[email protected]>

* fix code style

* add tests

* add xfail

* remove unnecessary broadcast

* Changes required by style formater

* aten::_convolution_mode

* Changes requested by a reviewer

* remove code duplication

* add aten::unbind transformation

* full, zeros and ones

* Support getattr list and unrolling nested ifs

* Remove line change

* Enable back freezing in layer tests

* Add aten::norm operator and layer test

* Small fix in layer test

* add aten::roll

* add empty line

* Typo fix

* fix style

* fix style v2

* add pytorch frontend to wheel

* Support all types of numeric norms

* add check for dynamic shapes

* remove random change

* merge statements

* add min and max ops support

* aten::max and aten::min

* move axes range creation to utils

* add transformation for tuple results, update tests

* fix copyright

* aten::var

* add test and translation for numel

* ignore aten::clone

* Add layer test for aten::add operator

* Fix typo

* Remove redundant import

* Add parameter name in forward method

* fix code style

* apply review comments

* Add size+slice+listunpack transform

* Add append listunpack transformation

* Register transformation

* aten::where

* update realization

* Fix issue with getitem

* Fix getitem

* Add layer test for aten::view operator

* Add tests for listunpack

* add test for aten::div

* fix style

* update aten::adaptive_max_pool2d

* fix style

* add aten::floor_divide

* aten::addmm support alpha and beta with different dtype

* nonzero

* Change test name

* update test cases to include other dtypes

* aten::arange

* prim::max transformation for ListConstruct

* rename op

* generalize conv2d implementation for conv1d and conv3d

* aten::unsqueeze_ and tests for aten::unsqueeze (#70)

* add aten::le, aten::ge and tests for other tensor comparision ops (#74)

* add support trigonometry ops (#73)

* support aten::upsample_bicubic2d, aten::ceil, aten::floor (#72)

Co-authored-by: Maxim Vafin <[email protected]>

* extend and add tests for avg_pool and max_pool

* extend tests and constant filling ops

* fix as_tensor and full ops

* aten::repeat

* fix code style

* aten::im2col (#61)

* aten::im2col

* remove debug prints, add number of elements check

* fix failed tests

* move helper function

* use split

* Update src/frontends/pytorch/src/op/im2col.cpp

Co-authored-by: Maxim Vafin <[email protected]>

* fix code style

Co-authored-by: Maxim Vafin <[email protected]>

* Update src/frontends/pytorch/src/utils.cpp

Co-authored-by: Maxim Vafin <[email protected]>

* fix code style

* revert removeinf floordiv, add floor_divide file

* Fix merge issue

* reduce code duplication

* refactor

* Add len operator with layer test

* update clamp to support mixed precision and add support torch.long for constants

* aten::selu

* add trunc mode to div

* add else statement

* Add test case to layer test

* Fix submodules (#88)

* update test file

* fix namings

* execute in fp64 and convert back to initial precision

* Revert set_output_size to master. Small fix in If validate

* Fix build and code style

* fix failed tests

* Add torchvision::nms operator and layer test

* Change requested by a reviewer

* Remove div test

* convert constants to input type

* Mark some cases in div tests as xfail (#93)

* Small refactoring (#94)

* Small refactoring

* Fix type

* Fix python codestyle

* Incremental fix code style (#95)

* Fix style (#96)

* Fix copyright

* Fix code style

* Branch clean up (#97)

* Optimize includes and force opset10 (#98)

* Optimize includes

* Force opset10 in pt fe

* Fix codestyle (#99)

* Fix style

* Fix clang codestyle

* Fix cerr with debug log

* Update src/bindings/python/src/pyopenvino/frontend/pytorch/decoder.cpp

* Add pytorch dependency only if pytorch frontend is enabled

* Update src/bindings/python/src/pyopenvino/CMakeLists.txt

* Add layer tests to precommit (#100)

* Add layer tests to precommit

* Remove accidentally added files

* Apply code style on layer tests

* batch norm tests and fixes

* move default weight and bias to else block

* reduce code duplication

* Changes requested by a reviewer

* Changes requested by a reviewer

* Remove dependency from pytorch in pyopenvino (#102)

* Remove dependency from pytorch when fe is disabled

* Change docstring

* Remove pytorch FE dependency from pyopenvino

* Apply codestyle (#107)

* Apply codestyle

* Remove commented line

* Apply suggestions from code review

Co-authored-by: Roman Kazantsev <[email protected]>

* Fix mock FE test (#108)

* Fix mock PE test (#111)

* Revert changes in StridedSlice (#114)

* Small refactoring (#116)

* Small refactoring

* Fix codestyle

* Apply suggestions from code review

Co-authored-by: Roman Kazantsev <[email protected]>

* Apply suggestions from code review

* Update src/frontends/pytorch/src/op/group_norm.cpp

* Fix cmake copyright define (#117)

* Update src/frontends/pytorch/src/op/arange.cpp

* Apply suggestions from code review

* Update build configs (#120)

* FIx build configs

* Update type cast in full.cpp

* Apply review feedback (#121)

* Apply suggestions from code review

* Apply suggestions from code review

Co-authored-by: Roman Kazantsev <[email protected]>

* Fix issue after master merge (#122)

* Fix issue after master merge

* Fix build

Co-authored-by: eaidova <[email protected]>
Co-authored-by: bszmelcz <[email protected]>
Co-authored-by: Sergey Lyalin <[email protected]>
Co-authored-by: sikorsl1 <[email protected]>
Co-authored-by: Leonard Sikorski <[email protected]>
Co-authored-by: Mateusz <[email protected]>
Co-authored-by: Roman Kazantsev <[email protected]>
jane-intel referenced this issue in jane-intel/openvino Jan 19, 2023
* WIP

* update input validation

* upsample_nearest2d and upsample_bilinear2d support

* support leaky_relu add test for inplace relu

* update tests, add handler for ListConstruct

* Do not create extra outputs in main body

* add positive case with non-default value

* update testing

* update test, handle non constant size and scale

* remove ie_device

* add aten::group_norm support

* refactoring

* Enable aten::reshape_as operator and add layer test

* more tests

* Fix typo in test

* Resolve conflicts

* fix code style

* expand init version

* expand_as and tests

* add transposed convolutions support

* add tests

* initial support pad

* add circular

* update for differenced in rang

* cleanup

* refactor

* more tests

* apply review comments

* Add split+listunpack transformation

* Add split+getitem transformation

* Add test cases

* fix typo

* Minor fixes

* Apply suggestions from code review

Co-authored-by: Maxim Vafin <[email protected]>

* Apply suggestions from code review

* Small fix

* Support converting models without freezing

* support BoolTensor and masked_fill

* add support aten::rsqrt and test for sqrt

* add cumsum and type_as

* support clamp

* support more matrix operations

* add tests

* Add aten::adaptive_avg_pool3d and layer test

* Change to rank

* fix code style in utils.hpp

* Update src/frontends/pytorch/src/op_table.cpp

Co-authored-by: Sergey Lyalin <[email protected]>

* fix code style

* add tests

* add xfail

* remove unnecessary broadcast

* Changes required by style formater

* aten::_convolution_mode

* Changes requested by a reviewer

* remove code duplication

* add aten::unbind transformation

* full, zeros and ones

* Support getattr list and unrolling nested ifs

* Remove line change

* Enable back freezing in layer tests

* Add aten::norm operator and layer test

* Small fix in layer test

* add aten::roll

* add empty line

* Typo fix

* fix style

* fix style v2

* add pytorch frontend to wheel

* Support all types of numeric norms

* add check for dynamic shapes

* remove random change

* merge statements

* add min and max ops support

* aten::max and aten::min

* move axes range creation to utils

* add transformation for tuple results, update tests

* fix copyright

* aten::var

* add test and translation for numel

* ignore aten::clone

* Add layer test for aten::add operator

* Fix typo

* Remove redundant import

* Add parameter name in forward method

* fix code style

* apply review comments

* Add size+slice+listunpack transform

* Add append listunpack transformation

* Register transformation

* aten::where

* update realization

* Fix issue with getitem

* Fix getitem

* Add layer test for aten::view operator

* Add tests for listunpack

* add test for aten::div

* fix style

* update aten::adaptive_max_pool2d

* fix style

* add aten::floor_divide

* aten::addmm support alpha and beta with different dtype

* nonzero

* Change test name

* update test cases to include other dtypes

* aten::arange

* prim::max transformation for ListConstruct

* rename op

* generalize conv2d implementation for conv1d and conv3d

* aten::unsqueeze_ and tests for aten::unsqueeze (#70)

* add aten::le, aten::ge and tests for other tensor comparision ops (#74)

* add support trigonometry ops (#73)

* support aten::upsample_bicubic2d, aten::ceil, aten::floor (#72)

Co-authored-by: Maxim Vafin <[email protected]>

* extend and add tests for avg_pool and max_pool

* extend tests and constant filling ops

* fix as_tensor and full ops

* aten::repeat

* fix code style

* aten::im2col (#61)

* aten::im2col

* remove debug prints, add number of elements check

* fix failed tests

* move helper function

* use split

* Update src/frontends/pytorch/src/op/im2col.cpp

Co-authored-by: Maxim Vafin <[email protected]>

* fix code style

Co-authored-by: Maxim Vafin <[email protected]>

* Update src/frontends/pytorch/src/utils.cpp

Co-authored-by: Maxim Vafin <[email protected]>

* fix code style

* revert removeinf floordiv, add floor_divide file

* Fix merge issue

* reduce code duplication

* refactor

* Add len operator with layer test

* update clamp to support mixed precision and add support torch.long for constants

* aten::selu

* add trunc mode to div

* add else statement

* Add test case to layer test

* Fix submodules (#88)

* update test file

* fix namings

* execute in fp64 and convert back to initial precision

* Revert set_output_size to master. Small fix in If validate

* Fix build and code style

* fix failed tests

* Add torchvision::nms operator and layer test

* Change requested by a reviewer

* Remove div test

* convert constants to input type

* Mark some cases in div tests as xfail (#93)

* Small refactoring (#94)

* Small refactoring

* Fix type

* Fix python codestyle

* Incremental fix code style (#95)

* Fix style (#96)

* Fix copyright

* Fix code style

* Branch clean up (#97)

* Optimize includes and force opset10 (#98)

* Optimize includes

* Force opset10 in pt fe

* Fix codestyle (#99)

* Fix style

* Fix clang codestyle

* Fix cerr with debug log

* Update src/bindings/python/src/pyopenvino/frontend/pytorch/decoder.cpp

* Add pytorch dependency only if pytorch frontend is enabled

* Update src/bindings/python/src/pyopenvino/CMakeLists.txt

* Add layer tests to precommit (#100)

* Add layer tests to precommit

* Remove accidentally added files

* Apply code style on layer tests

* batch norm tests and fixes

* move default weight and bias to else block

* reduce code duplication

* Changes requested by a reviewer

* Changes requested by a reviewer

* Remove dependency from pytorch in pyopenvino (#102)

* Remove dependency from pytorch when fe is disabled

* Change docstring

* Remove pytorch FE dependency from pyopenvino

* Apply codestyle (#107)

* Apply codestyle

* Remove commented line

* Apply suggestions from code review

Co-authored-by: Roman Kazantsev <[email protected]>

* Fix mock FE test (#108)

* Fix mock PE test (#111)

* Revert changes in StridedSlice (#114)

* Small refactoring (#116)

* Small refactoring

* Fix codestyle

* Apply suggestions from code review

Co-authored-by: Roman Kazantsev <[email protected]>

* Apply suggestions from code review

* Update src/frontends/pytorch/src/op/group_norm.cpp

* Fix cmake copyright define (#117)

* Update src/frontends/pytorch/src/op/arange.cpp

* Apply suggestions from code review

* Update build configs (#120)

* FIx build configs

* Update type cast in full.cpp

* Apply review feedback (#121)

* Apply suggestions from code review

* Apply suggestions from code review

Co-authored-by: Roman Kazantsev <[email protected]>

* Fix issue after master merge (#122)

* Fix issue after master merge

* Fix build

Co-authored-by: eaidova <[email protected]>
Co-authored-by: bszmelcz <[email protected]>
Co-authored-by: Sergey Lyalin <[email protected]>
Co-authored-by: sikorsl1 <[email protected]>
Co-authored-by: Leonard Sikorski <[email protected]>
Co-authored-by: Mateusz <[email protected]>
Co-authored-by: Roman Kazantsev <[email protected]>
allnes pushed a commit to allnes/openvino that referenced this issue Jan 26, 2023
alvoron pushed a commit to alvoron/openvino that referenced this issue Apr 11, 2023
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment
Labels
bug Something isn't working category: MO Model Optimizer question Further information is requested
Projects
None yet
Development

No branches or pull requests

4 participants