Tensorflow Lite - ValueError:无法设置张量:尺寸不匹配

问题描述 投票:0回答:1

这可能是一个愚蠢的问题,但我对机器学习和 Tensorflow 很陌生。 我正在尝试使用 Tensorflow Lite 在 Raspberry Pi 上运行对象检测 API。我正在尝试借助此示例修改我的代码

https://github.com/freedomtan/tensorflow/blob/deeplab_tflite_python/tensorflow/contrib/lite/examples/python/object_detection.py

这段代码将从图像中检测对象。但我想通过 Pi 相机实时检测物体,而不是图像。 我尝试修改此代码以从相机而不是图像读取输入。这是我的代码 -

import numpy as np
from tensorflow.contrib.lite.python import interpreter as interpreter_wrapper
import cv2

cap = cv2.VideoCapture(0)
ret, image_np = cap.read()

PATH_TO_MODEL = "ssd_mobilenet_v1_coco.tflite"

interpreter = tf.contrib.lite.Interpreter(model_path=PATH_TO_MODEL)
interpreter.allocate_tensors()

input_details = interpreter.get_input_details()
output_details = interpreter.get_output_details()

while True:
  # NxHxWxC, H:1, W:2
  height = input_details[0]['shape'][1]
  width = input_details[0]['shape'][2]
  ret, image_np = cap.read()

  image_np_expanded = np.expand_dims(image_np, axis=0)
  #if floating_model:
  image_np_expanded = (np.float32(image_np_expanded) - input_mean) / input_std

  #HERE I AM GETTING ERROR
  interpreter.set_tensor(input_details[0]['index'], image_np_expanded)

  if cv2.waitKey(25) & 0xFF == ord('q'):
    cv2.destroyAllWindows()
    break

但我收到此错误 -

Traceback (most recent call last):
  File "New_object_detection.py", line 257, in <module>
    interpreter.set_tensor(input_details[0]['index'], image_np_expanded)
  File "/home/saurabh/.local/lib/python3.6/site-packages/tensorflow/contrib/lite/python/interpreter.py", line 151, in set_tensor
    self._interpreter.SetTensor(tensor_index, value)
  File "/home/saurabh/.local/lib/python3.6/site-packages/tensorflow/contrib/lite/python/interpreter_wrapper/tensorflow_wrap_interpreter_wrapper.py", line 133, in SetTensor
    return _tensorflow_wrap_interpreter_wrapper.InterpreterWrapper_SetTensor(self, i, value)
ValueError: Cannot set tensor: Dimension mismatch

任何人都可以告诉我如何修复此错误或建议相同的教程吗?

python tensorflow raspberry-pi object-detection tensorflow-lite
1个回答
0
投票

许多基于图像的机器学习模型都是使用固定大小的输入进行训练的。原始图像可能具有不同的尺寸,但会调整为固定尺寸(例如 224x224x3)。

因此,您需要在将输入输入到模型之前调整图像的大小。它可能效果很好,因为训练数据的大小也从不同的大小调整。

正如上面的评论已经指出的那样,

cv.resize
可以做到这一点。

© www.soinside.com 2019 - 2024. All rights reserved.