Невозможно определить ограничивающий прямоугольник после тренировки с использованием API tenorsflow на Google Colab, пробовал с ssd_mobilenet_v1_coco_11_06_2017, а также fast_rcnn - PullRequest
0 голосов
/ 16 декабря 2018

Я пытаюсь обнаружить макрони и сыр с помощью API Тензорного потока для обнаружения объектов. Сначала я тренировался с использованием ssd_mobilenet_v1_coco_11_06_2017 и получил потерю 1 (приблизительно), но во время тестирования ограничивающая рамка не отображалась на изображении, я также изменил на rapid_rcnn_resnet101_coco_2017_11_(потеря <0,5), но не удается получить какую-либо ограничивающую рамку на тестовом изображении, все тестирование и обучение проводятся на Google Colab. Вот код для тестирования в ноутбуке Jupyter с использованием Python и соответствующее тестовое изображение </p>

import numpy as np
import os
import six.moves.urllib as urllib
import sys
import tarfile
import tensorflow as tf
import zipfile

from distutils.version import StrictVersion
from collections import defaultdict
from io import StringIO
from matplotlib import pyplot as plt
from PIL import Image

# This is needed since the notebook is stored in the object_detection folder.
sys.path.append("..")
from object_detection.utils import ops as utils_ops

if StrictVersion(tf.__version__) < StrictVersion('1.9.0'):
  raise ImportError('Please upgrade your TensorFlow installation to v1.9.* or later!')
%matplotlib inline
from utils import label_map_util

from utils import visualization_utils as vis_util
MODEL_NAME = '/content/drive/My Drive/models-master/research/object_detection/exported_graphs7'


# Path to frozen detection graph. This is the actual model that is used for the object detection.
PATH_TO_FROZEN_GRAPH = MODEL_NAME + '/frozen_inference_graph.pb'

# List of the strings that is used to add correct label for each box.
PATH_TO_LABELS ='/content/drive/My Drive/models-master/research/object_detection/training/object-detection.pbtxt'
NUM_CLASSES = 1
detection_graph = tf.Graph()
with detection_graph.as_default():
  od_graph_def = tf.GraphDef()
  with tf.gfile.GFile(PATH_TO_FROZEN_GRAPH, 'rb') as fid:
    serialized_graph = fid.read()
    od_graph_def.ParseFromString(serialized_graph)
    tf.import_graph_def(od_graph_def, name='')
    od_graph_def.ParseFromString(serialized_graph)
label_map=label_map_util.load_labelmap(PATH_TO_LABELS)
categories=label_map_util.convert_label_map_to_categories(label_map,max_num_classes=NUM_CLASSES, use_display_name=True)
category_index=label_map_util.create_category_index(categories)
def load_image_into_numpy_array(image):
  (im_width, im_height) = image.size
  return np.array(image.getdata()).reshape(
      (im_height, im_width, 3)).astype(np.uint8)
# For the sake of simplicity we will use only 2 images:
# image1.jpg
# image2.jpg
# If you want to test the code with your images, just add path to the images to the TEST_IMAGE_PATHS.
PATH_TO_TEST_IMAGES_DIR = '/content/drive/My Drive/models-master/research/object_detection/images/test'
TEST_IMAGE_PATHS =os.path.join(PATH_TO_TEST_IMAGES_DIR, '2-mac-cheese.jpg')

# Size, in inches, of the output images.
IMAGE_SIZE = (12,8)
with detection_graph.as_default():
  with tf.Session(graph=detection_graph) as sess:
    #for image_path in TEST_IMAGE_PATHS:
      image=Image.open(TEST_IMAGE_PATHS)
      image_np=load_image_into_numpy_array(image)
      image_np_expanded = np.expand_dims(image_np, axis=0)
      image_tensor = detection_graph.get_tensor_by_name('image_tensor:0')
      boxes = detection_graph.get_tensor_by_name('detection_boxes:0')
      scores = detection_graph.get_tensor_by_name('detection_scores:0')
      classes = detection_graph.get_tensor_by_name('detection_classes:0')
      num_detections = detection_graph.get_tensor_by_name('num_detections:0')
      (boxes,scores,classes,num_detections) = sess.run(
          [boxes,scores,classes,num_detections],
      feed_dict = {image_tensor:image_np_expanded})
      a=vis_util.visualize_boxes_and_labels_on_image_array(
          image_np,
          np.squeeze(boxes),
          np.squeeze(classes).astype(np.int32),
          np.squeeze(scores),
          category_index,
          use_normalized_coordinates = True,
          line_thickness = 20,min_score_thresh=.2)
      plt.figure(figsize=IMAGE_SIZE)
      plt.imshow(image)

введите описание изображения здесь это тестирование макронина и сыра

...