-
Notifications
You must be signed in to change notification settings - Fork 38
Open
Description
Пытаюсь конвертировать TF модель efficientnet-b0 из OpenModelZoo. tflite_converter.py
выдает ошибку с неподдерживаемым слоем __inference_swish_f32_730
.
Пробовал с разными tensorflow, последний раз с tensorflow==2.12.0 и tensorflow-addons==0.19 tensorflow-estimator==2.12.0 tensorflow-probability==0.19
Строка конвертации:
python tflite_converter.py --model-path /home/vasiliev/_dev/itlab/public/efficientnet-b0/efficientnet-b0/saved_model --input-names sub --input-shapes [1,224,224,3] --source-framework tf --output-names logits
Вывод скрипта с ошибкой (часть, полный вывод по ссылке: https://gist.github.com/FenixFly/3c523abc679934a7df6b67ad006c7ad6 ):
[ INFO ] Loading TF model
[ INFO ] Loading saved model from /home/vasiliev/_dev/itlab/public/efficientnet-b0/efficientnet-b0/saved_model
2024-03-10 12:27:35.194661: I tensorflow/compiler/xla/stream_executor/cuda/cuda_gpu_executor.cc:996] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero. See more at https://github.com/torvalds/linux/blob/v6.0/Documentation/ABI/testing/sysfs-bus-pci#L344-L355
2024-03-10 12:27:35.194910: W tensorflow/core/common_runtime/gpu/gpu_device.cc:1956] Cannot dlopen some GPU libraries. Please make sure the missing libraries mentioned above are installed properly if you would like to use GPU. Follow the guide at https://www.tensorflow.org/install/gpu for how to download and setup the required libraries for your platform.
Skipping registering GPU devices...
INFO:tensorflow:Saver not created because there are no variables in the graph to restore
[ INFO ] Saver not created because there are no variables in the graph to restore
[ INFO ] Setting input shapes to ([1, 224, 224, 3],)
[ INFO ] Converting to tflite
[ WARNING ] Please consider providing the trackable_obj argument in the from_concrete_functions. Providing without the trackable_obj argument is deprecated and it will use the deprecated conversion path.
2024-03-10 12:27:35.778469: I tensorflow/compiler/xla/stream_executor/cuda/cuda_gpu_executor.cc:996] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero. See more at https://github.com/torvalds/linux/blob/v6.0/Documentation/ABI/testing/sysfs-bus-pci#L344-L355
2024-03-10 12:27:35.778594: I tensorflow/core/grappler/devices.cc:66] Number of eligible GPUs (core count >= 8, compute capability >= 0.0): 1
loc(fused["__inference_swish_f32_73:", callsite("efficientnet-b0/model/blocks_4/se/swish_f32"("/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py":985:0) at callsite("/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py":836:0 at callsite("/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py":12:0 at callsite("/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py":142:0 at callsite("/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py":164:0 at "/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py":176:0)))))]): error: 'tf.LegacyCall' op is neither a custom op nor a flex op
loc(fused["__inference_swish_f32_73:", callsite("efficientnet-b0/model/head/swish_f32"("/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py":985:0) at callsite("/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py":836:0 at callsite("/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py":12:0 at callsite("/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py":142:0 at callsite("/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py":164:0 at "/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py":176:0)))))]): error: 'tf.LegacyCall' op is neither a custom op nor a flex op
2024-03-10 12:27:36.605790: W tensorflow/compiler/mlir/lite/flatbuffer_export.cc:2051] TFLite interpreter needs to link Flex delegate in order to run the model since it contains the following Select TFop(s):
Flex ops: FlexConv2D, FlexDepthwiseConv2dNative
Details:
tf.Conv2D(tensor<*xf32>, tensor<1x1x10x240xf32>) -> (tensor<?x?x?x240xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x1152x192xf32>) -> (tensor<?x?x?x192xf32>) : {data_format = "NHWC", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x1152x320xf32>) -> (tensor<?x?x?x320xf32>) : {data_format = "NHWC", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x1152x48xf32>) -> (tensor<?x?x?x48xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x144x24xf32>) -> (tensor<?x?x?x24xf32>) : {data_format = "NHWC", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x144x40xf32>) -> (tensor<?x?x?x40xf32>) : {data_format = "NHWC", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x144x6xf32>) -> (tensor<?x?x?x6xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x20x480xf32>) -> (tensor<?x?x?x480xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x240x10xf32>) -> (tensor<?x?x?x10xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x240x40xf32>) -> (tensor<?x?x?x40xf32>) : {data_format = "NHWC", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x240x80xf32>) -> (tensor<?x?x?x80xf32>) : {data_format = "NHWC", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x28x672xf32>) -> (tensor<?x?x?x672xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x32x16xf32>) -> (tensor<?x?x?x16xf32>) : {data_format = "NHWC", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x32x8xf32>) -> (tensor<?x?x?x8xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x480x112xf32>) -> (tensor<?x?x?x112xf32>) : {data_format = "NHWC", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x480x20xf32>) -> (tensor<?x?x?x20xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x480x80xf32>) -> (tensor<?x?x?x80xf32>) : {data_format = "NHWC", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.Conv2D(tensor<*xf32>, tensor<1x1x48x1152xf32>) -> (tensor<?x?x?x1152xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1], use_cudnn_on_gpu = true}
tf.DepthwiseConv2dNative(tensor<*xf32>, tensor<3x3x96x1xf32>) -> (tensor<?x?x?x96xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 2, 2, 1]}
tf.DepthwiseConv2dNative(tensor<*xf32>, tensor<5x5x1152x1xf32>) -> (tensor<?x?x?x1152xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1]}
tf.DepthwiseConv2dNative(tensor<*xf32>, tensor<5x5x144x1xf32>) -> (tensor<?x?x?x144xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 2, 2, 1]}
tf.DepthwiseConv2dNative(tensor<*xf32>, tensor<5x5x240x1xf32>) -> (tensor<?x?x?x240xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1]}
tf.DepthwiseConv2dNative(tensor<*xf32>, tensor<5x5x480x1xf32>) -> (tensor<?x?x?x480xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1]}
tf.DepthwiseConv2dNative(tensor<*xf32>, tensor<5x5x672x1xf32>) -> (tensor<?x?x?x672xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 1, 1, 1]}
tf.DepthwiseConv2dNative(tensor<*xf32>, tensor<5x5x672x1xf32>) -> (tensor<?x?x?x672xf32>) : {data_format = "NHWC", device = "", dilations = [1, 1, 1, 1], explicit_paddings = [], padding = "SAME", strides = [1, 2, 2, 1]}
See instructions: https://www.tensorflow.org/lite/guide/ops_select
error: failed while converting: 'main':
Some ops in the model are custom ops, See instructions to implement custom ops: https://www.tensorflow.org/lite/guide/ops_custom
Custom ops: __inference_swish_f32_730
Details:
tf.LegacyCall(tensor<1x112x112x32xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x10xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x1152xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x1280xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x144xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x20xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x240xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x28xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x32xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x480xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x48xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x4xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x672xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x6xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x8xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x96xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
Traceback (most recent call last):
File "/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py", line 176, in <module>
main()
File "/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py", line 172, in main
convert_to_tflite(model, output_file)
File "/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py", line 85, in convert_to_tflite
tflite_model = converter.convert()
File "/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/lite/python/lite.py", line 1897, in convert
return super(TFLiteConverterV2, self).convert()
File "/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/lite/python/lite.py", line 962, in wrapper
return self._convert_and_export_metrics(convert_func, *args, **kwargs)
File "/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/lite/python/lite.py", line 940, in _convert_and_export_metrics
result = convert_func(self, *args, **kwargs)
File "/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/lite/python/lite.py", line 1546, in convert
return super(TFLiteFrozenGraphConverterV2,
File "/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/lite/python/lite.py", line 1166, in convert
result = _convert_graphdef(
File "/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/lite/python/convert_phase.py", line 212, in wrapper
raise converter_error from None # Re-throws the exception.
File "/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/lite/python/convert_phase.py", line 205, in wrapper
return func(*args, **kwargs)
File "/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/lite/python/convert.py", line 817, in convert_graphdef
data = convert(
File "/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/lite/python/convert.py", line 322, in convert
raise converter_error
tensorflow.lite.python.convert_phase.ConverterError: /home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: error: 'tf.LegacyCall' op is neither a custom op nor a flex op
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:836:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:12:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tensorflow_common.py:142:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:164:0: note: called from
/home/vasiliev/_dev/itlab/dl-benchmark-vasilev/src/model_converters/tf2tflite/tflite_converter.py:176:0: note: called from
/home/vasiliev/miniconda3/envs/vino/lib/python3.9/site-packages/tensorflow/python/saved_model/load.py:985:0: note: Error code: ERROR_NEEDS_CUSTOM_OPS
<unknown>:0: error: failed while converting: 'main':
Some ops in the model are custom ops, See instructions to implement custom ops: https://www.tensorflow.org/lite/guide/ops_custom
Custom ops: __inference_swish_f32_730
Details:
tf.LegacyCall(tensor<1x112x112x32xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x10xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x1152xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x1280xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x144xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x20xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x240xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x28xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x32xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x480xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x48xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x4xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x672xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x6xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x8xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
tf.LegacyCall(tensor<?x?x?x96xf32>) -> (tensor<*xf32>) : {_disable_call_shape_inference = true, device = "", tfg.legacy_call = @__inference_swish_f32_730}
Metadata
Metadata
Assignees
Labels
No labels