Tensorflow Python freeze_graph для TensorflowSharp - PullRequest
0 голосов
/ 02 октября 2018

У меня был скрипт Python с тензорным потоком, работающий по онлайн-учебнику по обнаружению человека.Эта реализация объединяет OpenCV и Tensorflow для обнаружения людей и рисования на экране, где люди.

Моя проблема в том, что теперь у меня есть эта работа в Python, чтобы загрузить модель в TensorflowSharp для использования в Unity,Мне нужно, чтобы модель была сохранена в формате .bytes.

Я пытался следовать этому руководству.Как и эта документация.

Ясно, что я должен использовать функцию freeze_graph, и именно здесь я считаю, что я, должно быть, что-то напортачил, настраивая мою среду Python.

В моем новом фрагменте кода, сразу после этой строки:

freeze_graph.freeze_graph(input_graph = 'G:/TensorflowHumanDetectino/faster_rcnn_inception_v2_coco_2018_01_28/frozen_inference_graph.pb',
                        input_binary = True,
                        input_checkpoint = 'G:/TensorflowHumanDetectino/faster_rcnn_inception_v2_coco_2018_01_28/model.ckpt',
                        output_node_names = node_names,
                        output_graph = 'G:/TensorHumanDetect/faster_rcnn_inception_v2_coco_2018_01_28/frozen_inference_graph_test.bytes' ,
                        clear_devices = True, initializer_nodes = "",input_saver = "",
                        restore_op_name = "save/restore_all", filename_tensor_name = "save/image_tensor:0")

Я получаю эту ошибку:

Возникла исключительная ситуация: объект AttributeError 'NoneType' не имеет атрибута 'write'Файл "G: \ensorhumandetect \ test.py", строка 40, в restore_op_name = "save / restore_all", filename_tensor_name = "save / image_tensor: 0")

Код:

import tensorflow as tf
# freeze_graph "screenshots" the graph from tensorflow.python.tools import freeze_graph
# optimize_for_inference lib optimizes this frozen graph from tensorflow.python.tools import optimize_for_inference_lib

# os and os.path are used to create the output file where we save our frozen graphs import os import os.path as path

path_to_ckpt = 'G:/TensorflowHumanDetectino/faster_rcnn_inception_v2_coco_2018_01_28/frozen_inference_graph.pb' detection_graph = tf.Graph() with detection_graph.as_default():
    od_graph_def = tf.GraphDef()
    with tf.gfile.GFile(path_to_ckpt, 'rb') as fid:
        serialized_graph = fid.read()
        od_graph_def.ParseFromString(serialized_graph)
        tf.import_graph_def(od_graph_def, name='')

default_graph = detection_graph.as_default() sess = tf.Session(graph=detection_graph)

        # Definite input and output Tensors for detection_graph image_tensor = detection_graph.get_tensor_by_name('image_tensor:0')
        # Each box represents a part of the image where a particular object was detected. detection_boxes = detection_graph.get_tensor_by_name('detection_boxes:0')
        # Each score represent how level of confidence for each of the objects.
        # Score is shown on the result image, together with the class label. detection_scores = detection_graph.get_tensor_by_name('detection_scores:0') detection_classes = detection_graph.get_tensor_by_name('detection_classes:0') num_detections = detection_graph.get_tensor_by_name('num_detections:0')

node_names = [node.name for node in tf.get_default_graph().as_graph_def().node] freeze_graph.freeze_graph(input_graph = 'G:/TensorflowHumanDetectino/faster_rcnn_inception_v2_coco_2018_01_28/frozen_inference_graph.pb',
                        input_binary = True,
                        input_checkpoint = 'G:/TensorflowHumanDetectino/faster_rcnn_inception_v2_coco_2018_01_28/model.ckpt',
                        output_node_names = node_names,
                        output_graph = 'G:/TensorHumanDetect/faster_rcnn_inception_v2_coco_2018_01_28/frozen_inference_graph_test.bytes' ,
                        clear_devices = True, initializer_nodes = "",input_saver = "",
                        restore_op_name = "save/restore_all", filename_tensor_name = "save/image_tensor:0")

Рабочий пример обнаружения людей:

import numpy as np
import tensorflow as tf
from tensorflow.python.tools import freeze_graph
import cv2
import time
import json
import io
import sys
import os

class DetectorAPI:

    def __init__(self, path_to_ckpt):
        self.path_to_ckpt = path_to_ckpt
        self.detection_graph = tf.Graph()
        with self.detection_graph.as_default():
            od_graph_def = tf.GraphDef()
            with tf.gfile.GFile(self.path_to_ckpt, 'rb') as fid:
                serialized_graph = fid.read()
                od_graph_def.ParseFromString(serialized_graph)
                tf.import_graph_def(od_graph_def, name='')

        self.default_graph = self.detection_graph.as_default()
        self.sess = tf.Session(graph=self.detection_graph)

        # Definite input and output Tensors for detection_graph
        self.image_tensor = self.detection_graph.get_tensor_by_name('image_tensor:0')
        # Each box represents a part of the image where a particular object was detected.
        self.detection_boxes = self.detection_graph.get_tensor_by_name('detection_boxes:0')
        # Each score represent how level of confidence for each of the objects.
        # Score is shown on the result image, together with the class label.
        self.detection_scores = self.detection_graph.get_tensor_by_name('detection_scores:0')
        self.detection_classes = self.detection_graph.get_tensor_by_name('detection_classes:0')
        self.num_detections = self.detection_graph.get_tensor_by_name('num_detections:0')

    def processFrame(self, image):

        # Expand dimensions since the trained_model expects images to have shape: [1, None, None, 3]
        image_np_expanded = np.expand_dims(image, axis=0)
        # Actual detection.
        #start_time = time.time()
        (boxes, scores, classes, num) = self.sess.run(
            [self.detection_boxes, self.detection_scores, self.detection_classes, self.num_detections],
            feed_dict={self.image_tensor: image_np_expanded})
        #end_time = time.time()

        #print("Elapsed Time:", end_time-start_time)

        im_height, im_width,_ = image.shape
        boxes_list = [None for i in range(boxes.shape[1])]
        for i in range(boxes.shape[1]):
            boxes_list[i] = (int(boxes[0,i,0] * im_height),
                        int(boxes[0,i,1]*im_width),
                        int(boxes[0,i,2] * im_height),
                        int(boxes[0,i,3]*im_width))

        return boxes_list, scores[0].tolist(), [int(x) for x in classes[0].tolist()], int(num[0])

    def close(self):
        self.sess.close()
        self.default_graph.close()

if __name__ == "__main__":
    model_path = 'G:/TensorflowHumanDetectino/faster_rcnn_inception_v2_coco_2018_01_28/frozen_inference_graph.pb'
    odapi = DetectorAPI(path_to_ckpt=model_path)
    threshold = 0.7
    #cap = cv2.VideoCapture('G:/TensorflowHumanDetectino/TownCentreXVID.avi')
    cap = cv2.VideoCapture(0)

    while True:
        r, img = cap.read()
        img = cv2.resize(img, (1280, 720))

        boxes, scores, classes , num = odapi.processFrame(img)
        myfile = open('HumanLocations.txt','w') 
        # Visualization of the results of a detection.

        for i in range(len(boxes)):
            # Class 1 represents human
            if classes[i] == 1 and scores[i] > threshold:
                box = boxes[i]
                cv2.rectangle(img,(box[1],box[0]),(box[3],box[2]),(255,0,0),2)


                myfile.write(str(boxes[i][0])+','+str(boxes[i][1])+','+str(boxes[i][2])+','+str(boxes[i][3])+'|') 

        myfile.close() 
        cv2.imshow("preview", img)
        key = cv2.waitKey(1)
        if key & 0xFF == ord('q'):
            break

Еще одна странная информация, которая может быть ключом к неправильной настройке среды, заключается в том, что при попытке напечатать любые значения, даже простые строки, Я получаю эту ошибку:

Возникла исключительная ситуация: объект AttributeError 'NoneType' не имеет атрибута 'write' File "G: \ tenorhumandetect \ test.py", строка 11, в печати ('Test! ')

Этопо сути, та же ошибка, что и для строки freeze_graph.Я очень новичок в Python, больше из ac # парень, любая помощь будет принята с благодарностью.Я использую Python 3.6.6 и устанавливаю модули с помощью anaconda, запускаю свой проект в Visual Studio Code.

...