iT邦幫忙

第 12 屆 iThome 鐵人賽

DAY 17
0
AI & Data

輕鬆掌握 Keras 及相關應用系列 第 17

Day 17:TensorFlow 2 Object Detection API 實作

  • 分享至 

  • xImage
  •  

前言

前一篇介紹如何安裝 TensorFlow 2 Object Detection API,今天我們就來實作一個簡單的物件偵測(Object Detection)。

簡單的物件偵測(Object Detection)

【TensorFlow Object Detection API 教學網站】 裡面的範例寫得有點複雜,我把一些函數拿掉,盡量縮短程式,整理為 17_01_Tensorflow_Object_Detection_API_Test.ipynb,我們分段說明:

  1. 偵測機器是否含GPU,深度學習的模型訓練非常仰賴GPU,速度會比純靠CPU,快上數倍。一般而言,Tensorflow 對記憶體的回收並不是很理想,常常會發生記憶體不足(Out Of Memory, OOM),通常我們可以從兩種策略中選擇一種。
  • 設定為記憶體動態調整 (dynamic memory allocation)。
gpus = tf.config.experimental.list_physical_devices('GPU')
for gpu in gpus:
    tf.config.experimental.set_memory_growth(gpu, True)
  • 設定為固定大小,例如 2GB。
gpus = tf.config.experimental.list_physical_devices('GPU')
if gpus:
    tf.config.experimental.set_virtual_device_configuration(gpus[0], [tf.config.experimental.VirtualDeviceConfiguration(memory_limit=1024*2)])
  1. 下載預先訓練好的模型,網址格式如下:
    http://download.tensorflow.org/models/object_detection/tf2/YYYYYYYY/XXXXXXXXX.tar.gz
    可以在【這裡】查詢超連結,也可以直接下載。
# 下載模型,並解壓縮
def download_model(model_name, model_date):
    base_url = 'http://download.tensorflow.org/models/object_detection/tf2/'
    model_file = model_name + '.tar.gz'
    # 解壓縮
    model_dir = tf.keras.utils.get_file(fname=model_name,
                                        origin=base_url + model_date + '/' + model_file,
                                        untar=True)
    return str(model_dir)

MODEL_DATE = '20200711'
MODEL_NAME = 'centernet_hg104_1024x1024_coco17_tpu-32'
PATH_TO_MODEL_DIR = download_model(MODEL_NAME, MODEL_DATE)
PATH_TO_MODEL_DIR
  1. 下載 labels file,COCO 資料集含80種物件。
def download_labels(filename):
    base_url = 'https://raw.githubusercontent.com/tensorflow/models/master/research/object_detection/data/'
    label_dir = tf.keras.utils.get_file(fname=filename,
                                        origin=base_url + filename,
                                        untar=False)
    label_dir = pathlib.Path(label_dir)
    return str(label_dir)

LABEL_FILENAME = 'mscoco_label_map.pbtxt'
PATH_TO_LABELS = download_labels(LABEL_FILENAME)
PATH_TO_LABELS
  1. 從下載的目錄載入模型,會需要很久的時間,我的機器約需 161 秒。
import time
from object_detection.utils import label_map_util
from object_detection.utils import visualization_utils as viz_utils

PATH_TO_SAVED_MODEL = PATH_TO_MODEL_DIR + "/saved_model"

print('載入模型...', end='')
start_time = time.time()

# 載入模型。
detect_fn = tf.saved_model.load(PATH_TO_SAVED_MODEL)

end_time = time.time()
elapsed_time = end_time - start_time
print(f'共花費 {elapsed_time} 秒.')
  1. 建立 Label 的對照表 (代碼與名稱)。
category_index = label_map_util.create_category_index_from_labelmap(PATH_TO_LABELS, use_display_name=True)
  1. 模型準備好了,選一張圖片進行物件偵測。
# 選一張圖片(./images_2/image2.jpg)物件偵測
import numpy as np
from PIL import Image
import matplotlib.pyplot as plt

# 不顯示警告訊息
import warnings
warnings.filterwarnings('ignore')   # Suppress Matplotlib warnings

# 開啟一張圖片
image_np = np.array(Image.open('./images_2/image1.jpg'))

# 轉為 TensorFlow tensor 資料型態
input_tensor = tf.convert_to_tensor(image_np)
# 加一維,變為 (筆數, 寬, 高, 顏色)
input_tensor = input_tensor[tf.newaxis, ...]
# 這方法也可以
# input_tensor = np.expand_dims(image_np, 0)

detections = detect_fn(input_tensor)

# All outputs are batches tensors.
# Convert to numpy arrays, and take index [0] to remove the batch dimension.
# We're only interested in the first num_detections.
num_detections = int(detections.pop('num_detections'))

# detections:物件資訊 內含 (候選框, 類別, 機率)
print(f'物件個數:{num_detections}')
detections = {key: value[0, :num_detections].numpy()
               for key, value in detections.items()}

detections['num_detections'] = num_detections
# 轉為整數
detections['detection_classes'] = detections['detection_classes'].astype(np.int64)

print(f'物件資訊 (候選框, 類別, 機率):')
for detection_boxes, detection_classes, detection_scores in \
    zip(detections['detection_boxes'], detections['detection_classes'], detections['detection_scores']):
    print(np.around(detection_boxes,4), detection_classes, round(detection_scores*100, 2))

顯示物件偵測的資訊 內含候選框、類別、機率,部份結果如下:
https://ithelp.ithome.com.tw/upload/images/20200917/20001976hlilJreYcd.png

  1. 候選框篩選,並將圖片的物件加框。
# min_score_thresh=.30 表機率(Confidence)至少要大於 30%
image_np_with_detections = image_np.copy()

viz_utils.visualize_boxes_and_labels_on_image_array(
      image_np_with_detections,
      detections['detection_boxes'],
      detections['detection_classes']+1,
      detections['detection_scores'],
      category_index,
      use_normalized_coordinates=True,
      max_boxes_to_draw=200,
      min_score_thresh=.30,
      agnostic_mode=False)

plt.figure(figsize=(12,8))
plt.imshow(image_np_with_detections, cmap='viridis')
plt.show()

框起來的影像顯示不出來,我使用 OpenCV 也無法顯示,只好先存檔,再顯示。

  1. 框起來的影像先存檔,再顯示。
plt.savefig('./images_2/detection2.png')
# plt.show()
from IPython.display import Image
Image('./images_2/detection2.png')

結果如下:
https://ithelp.ithome.com.tw/upload/images/20200917/20001976EHs37jcW2a.png

https://ithelp.ithome.com.tw/upload/images/20200917/20001976s0jlDFAm1E.png

結論

從下載的目錄載入模型,實在等太久了,我在一篇文章找到另一種載入的方式,只需要 0.6 秒,但是,detection_classes 索引值差1,相關程式碼要調整一下,請參見完整程式檔。

本篇範例包括 17_01_Tensorflow_Object_Detection_API_Test.ipynb,可自【這裡】下載。


上一篇
Day 16:TensorFlow 2 Object Detection API 安裝
下一篇
Day 18:自駕車(Self-driving) 動態物件偵測實作
系列文
輕鬆掌握 Keras 及相關應用30
圖片
  直播研討會
圖片
{{ item.channelVendor }} {{ item.webinarstarted }} |
{{ formatDate(item.duration) }}
直播中

1 則留言

0
rtfgvb74125
iT邦新手 4 級 ‧ 2021-07-07 17:11:04

老師如果要訓練自己的圖片資料集,要怎麼去改pipline config

我要留言

立即登入留言