1. 程式人生 > >Windows下安裝TensorFlow Object Detection API,訓練自己的資料集

Windows下安裝TensorFlow Object Detection API,訓練自己的資料集

Object Detection API 環境搭建

1、首先安裝配置好TensorFlow,參考地址

3、通過pip安裝:pillow, jupyter, matplotlib, lxml,如下:

pip install pillow  

4、編譯Protobuf,生產py檔案。
需要先安裝Google的protobuf,下載protoc-3.4.0-win32.zip
開啟cmd視窗,cd到models/research/目錄下(老版本沒有research目錄),執行如下:

protoc object_detection/protos/*.proto --python_out
=.

將生成一堆python檔案,如下圖所示:
這裡寫圖片描述

5、測試安裝

python object_detection/builders/model_builder_test.py

這裡寫圖片描述

坑: Windows下會出現找不到包的問題:

Traceback (most recent call last):
  File "object_detection/builders/model_builder_test.py", line 21, in <module>
    from object_detection.builders import model_builder
ImportError: No
module named 'object_detection'

官網上說要新增兩個目錄到環境變數,執行如下操作:

# From tensorflow/models/research/
export PYTHONPATH=$PYTHONPATH:`pwd`:`pwd`/slim

然後並沒有神馬卵用,為了一勞永逸,我直接將整兩個目錄新增到python預設的搜尋路徑下就行了。
解決方法:在site-packages新增一個路徑檔案,如tensorflow_model.pth,必須以.pth為字尾,寫上你要加入的模組檔案所在的目錄名稱就是了,如下圖:
這裡寫圖片描述

===================以上就算把環境搭建完成了====================

開始訓練自己的資料集

1、收集並標記自己的樣本圖片集

這裡我使用的是labelImg,註釋檔案儲存為xml格式,滿足PASCAL VOC風格,為了方便,我的圖片和註釋檔案是儲存在同一個目錄下的,如下所示:
這裡寫圖片描述

2、將標記完的資料集轉換為TFRecord格式的檔案。參考

先看一下我的工程目錄結構,在pycharm下測試的。
這裡寫圖片描述

2.1 將註釋的xml檔案轉換為csv格式,使用xml_to_csv.py,將生成train.csv訓練集和eval.csv驗證集,程式碼如下:

import os
import glob
import pandas as pd
import xml.etree.ElementTree as ET


def xml_to_csv(path):
    xml_list = []
    # 讀取註釋檔案
    for xml_file in glob.glob(path + '/*.xml'):
        tree = ET.parse(xml_file)
        root = tree.getroot()
        for member in root.findall('object'):
            value = (root.find('filename').text + '.jpg',
                     int(root.find('size')[0].text),
                     int(root.find('size')[1].text),
                     member[0].text,
                     int(member[4][0].text),
                     int(member[4][1].text),
                     int(member[4][2].text),
                     int(member[4][3].text)
                     )
            xml_list.append(value)
    column_name = ['filename', 'width', 'height', 'class', 'xmin', 'ymin', 'xmax', 'ymax']

    # 將所有資料分為樣本集和驗證集,一般按照3:1的比例
    train_list = xml_list[0: int(len(xml_list) * 0.67)]
    eval_list = xml_list[int(len(xml_list) * 0.67) + 1: ]

    # 儲存為CSV格式
    train_df = pd.DataFrame(train_list, columns=column_name)
    eval_df = pd.DataFrame(eval_list, columns=column_name)
    train_df.to_csv('data/train.csv', index=None)
    eval_df.to_csv('data/eval.csv', index=None)


def main():
    path = 'E:\\\data\\\Images'
    xml_to_csv(path)
    print('Successfully converted xml to csv.')

main()

2.2 生成TFRecord檔案

from __future__ import division
from __future__ import print_function
from __future__ import absolute_import

import os
import io
import pandas as pd
import tensorflow as tf

from PIL import Image
from object_detection.utils import dataset_util
from collections import namedtuple, OrderedDict

flags = tf.app.flags
flags.DEFINE_string('csv_input', '', 'Path to the CSV input')
flags.DEFINE_string('output_path', '', 'Path to output TFRecord')
FLAGS = flags.FLAGS


# 將分類名稱轉成ID號
def class_text_to_int(row_label):
    if row_label == 'syjxh':
        return 1
    elif row_label == 'dnb':
        return 2
    elif row_label == 'cjzd':
        return 3
    elif row_label == 'fy':
        return 4
    elif row_label == 'ecth' or row_label == 'etch':  # 媽的,標記寫錯了,這裡簡單處理一下
        return 5
    elif row_label == 'lp':
        return 6
    else:
        print('NONE: ' + row_label)
        None


def split(df, group):
    data = namedtuple('data', ['filename', 'object'])
    gb = df.groupby(group)
    return [data(filename, gb.get_group(x)) for filename, x in zip(gb.groups.keys(), gb.groups)]


def create_tf_example(group, path):
    print(os.path.join(path, '{}'.format(group.filename)))
    with tf.gfile.GFile(os.path.join(path, '{}'.format(group.filename)), 'rb') as fid:
        encoded_jpg = fid.read()
    encoded_jpg_io = io.BytesIO(encoded_jpg)
    image = Image.open(encoded_jpg_io)
    width, height = image.size

    filename = (group.filename + '.jpg').encode('utf8')
    image_format = b'jpg'
    xmins = []
    xmaxs = []
    ymins = []
    ymaxs = []
    classes_text = []
    classes = []

    for index, row in group.object.iterrows():
        xmins.append(row['xmin'] / width)
        xmaxs.append(row['xmax'] / width)
        ymins.append(row['ymin'] / height)
        ymaxs.append(row['ymax'] / height)
        classes_text.append(row['class'].encode('utf8'))
        classes.append(class_text_to_int(row['class']))

    tf_example = tf.train.Example(features=tf.train.Features(feature={
        'image/height': dataset_util.int64_feature(height),
        'image/width': dataset_util.int64_feature(width),
        'image/filename': dataset_util.bytes_feature(filename),
        'image/source_id': dataset_util.bytes_feature(filename),
        'image/encoded': dataset_util.bytes_feature(encoded_jpg),
        'image/format': dataset_util.bytes_feature(image_format),
        'image/object/bbox/xmin': dataset_util.float_list_feature(xmins),
        'image/object/bbox/xmax': dataset_util.float_list_feature(xmaxs),
        'image/object/bbox/ymin': dataset_util.float_list_feature(ymins),
        'image/object/bbox/ymax': dataset_util.float_list_feature(ymaxs),
        'image/object/class/text': dataset_util.bytes_list_feature(classes_text),
        'image/object/class/label': dataset_util.int64_list_feature(classes),
    }))
    return tf_example


def main(csv_input, output_path, imgPath):
    writer = tf.python_io.TFRecordWriter(output_path)
    path = imgPath
    examples = pd.read_csv(csv_input)
    grouped = split(examples, 'filename')
    for group in grouped:
        tf_example = create_tf_example(group, path)
        writer.write(tf_example.SerializeToString())

    writer.close()
    print('Successfully created the TFRecords: {}'.format(output_path))


if __name__ == '__main__':

    imgPath = 'E:\data\Images'

    # 生成train.record檔案
    output_path = 'data/train.record'
    csv_input = 'data/train.csv'
    main(csv_input, output_path, imgPath)

    # 生成驗證檔案 eval.record
    output_path = 'data/eval.record'
    csv_input = 'data/eval.csv'
    main(csv_input, output_path, imgPath)

3、開始訓練

3.1 建立標籤分類的配置檔案(label_map.pbtxt),

item {
  id: 1 # id從1開始編號
  name: 'syjxh'
}

item {
  id: 2
  name: 'dnb'
}

item {
  id: 3
  name: 'cjzd'
}

item {
  id: 4
  name: 'fy'
}

item {
  id: 5
  name: 'ecth'
}

item {
  id: 6
  name: 'lp'
}

3.2配置管道配置檔案
找到\object_detection\samples\configs\ssd_inception_v2_pets.config檔案,複製到test\data資料夾下,修改一下幾處:

# ====修改 1=====
num_classes:6    # 根據你的目標分類來,我這裡一共標記了6種物件

# ====修改 2=====
# 因為我們是重新訓練模型,所以這裡註釋掉模型檢測點,並將from_detection_checkpoint該為false
# fine_tune_checkpoint: "PATH_TO_BE_CONFIGURED/model.ckpt"  
  from_detection_checkpoint: false

  num_steps: 200000  # 訓練次數

# ====修改 3=====
train_input_reader: {
  tf_record_input_reader {
    # 訓練樣本路徑
    input_path: "F:/TensorFlow/models/test/data/train.record" 
  }
  # 標籤分類配置檔案路徑
  label_map_path: "F:/TensorFlow/models/test/label_map.pbtxt"
}

# ====修改 4=====
eval_input_reader: {
  tf_record_input_reader {
    # 驗證樣本路徑
    input_path: "F:/TensorFlow/models/test/data/eval.record"
  }
   # 標籤分類配置檔案路徑
  label_map_path: "F:/TensorFlow/models/test/label_map.pbtxt"
  shuffle: false
  num_readers: 1
}

3.3 開始訓練啦……
直接使用object_detection\train.py檔案進行訓練即可,引數如下:

--logtostderr
--pipeline_config_path=F:/TensorFlow/models/test/data/ssd_inception_v2_pets.config
--train_dir=F:/TensorFlow/models/test/training

配置好引數後,直接run起來,接下來就是漫長的等待,我的電腦配置低,執行一次需要好幾天,訓練過程中可以使用eval.py檔案進行驗證,這裡就不演示了。

3.4 匯出訓練結果
訓練過程中將在training目錄下生成一堆model.ckpt-*的檔案,選擇一個模型,使用export_inference_graph.py匯出pb檔案。
這裡寫圖片描述

引數如下:

--input_type image_tensor
--pipeline_config_path F:/TensorFlow/models/test/data/ssd_inception_v2_pets.config
--checkpoint_path F:/TensorFlow/models/test/training/model.ckpt-19
--inference_graph_path F:/TensorFlow/models/test/data/frozen_inference_graph.pb

最終將生成frozen_inference_graph.pb檔案。

4、測試識別效果

#!/usr/bin/env python
# -*- coding: utf-8 -*-

import os
import sys
import cv2
import numpy as np
import tensorflow as tf
from object_detection.utils import label_map_util
from object_detection.utils import visualization_utils as vis_util
from matplotlib import pyplot as plt


class TOD(object):
    def __init__(self):
        # Path to frozen detection graph. This is the actual model that is used for the object detection.
        self.PATH_TO_CKPT = 'data/frozen_inference_graph.pb'
        # List of the strings that is used to add correct label for each box.
        self.PATH_TO_LABELS = 'data/label_map.pbtxt'
        # 分類數量
        self.NUM_CLASSES = 6

        self.detection_graph = self._load_model()
        self.category_index = self._load_label_map()

    def _load_model(self):
        detection_graph = tf.Graph()
        with 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='')
        return detection_graph

    def _load_label_map(self):
        label_map = label_map_util.load_labelmap(self.PATH_TO_LABELS)
        categories = label_map_util.convert_label_map_to_categories(label_map, max_num_classes=self.NUM_CLASSES, use_display_name=True)
        category_index = label_map_util.create_category_index(categories)
        return category_index

    def detect(self, image):
        with self.detection_graph.as_default():
            with tf.Session(graph=self.detection_graph) as sess:
                # Expand dimensions since the model expects images to have shape: [1, None, None, 3]
                image_np_expanded = np.expand_dims(image, axis=0)
                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.
                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.
                scores = self.detection_graph.get_tensor_by_name('detection_scores:0')
                classes = self.detection_graph.get_tensor_by_name('detection_classes:0')
                num_detections = self.detection_graph.get_tensor_by_name('num_detections:0')
                # Actual detection.
                (boxes, scores, classes, num_detections) = sess.run(
                    [boxes, scores, classes, num_detections],
                    feed_dict={image_tensor: image_np_expanded})
                # Visualization of the results of a detection.
                vis_util.visualize_boxes_and_labels_on_image_array(
                    image,
                    np.squeeze(boxes),
                    np.squeeze(classes).astype(np.int32),
                    np.squeeze(scores),
                    self.category_index,
                    use_normalized_coordinates=True,
                    line_thickness=8)

        plt.imshow(image)
        plt.show()


if __name__ == '__main__':

    detecotr = TOD()

    img_path = 'E:/data/Images'
    for i in os.listdir(img_path):
        if i.endswith('.jpg'):
            path = os.path.join(img_path, i)
            image = cv2.imread(path)
            detecotr.detect(image)

訓練時間太長、電腦卡起了,就不上圖了~~~