1)安裝Protobuf
TensorFlow內部使用Protocol Buffers,物體檢測須要特別安裝一下。 python
- # yum info protobuf protobuf-compiler
- 2.5.0 <-版本過低須要protobuf 2.6.1以上版本
- # yum -y install autoconf automake libtool curl make g++ unzip
- # cd /usr/local/src/
- # wget https://github.com/google/protobuf/archive/v3.3.1.tar.gz -O protobuf-3.3.1.tar.gz
- # tar -zxvf protobuf-3.3.1.tar.gz
- # cd protobuf-3.3.1
- # ./autogen.sh
- # ./configure --prefix=/usr/local/protobuf
- # make
- # make install
- # ldconfig
- # export LD_LIBRARY_PATH=$LD_LIBRARY_PATH:/usr/local/protobuf/lib
- # export LIBRARY_PATH=$LIBRARY_PATH:/usr/local/protobuf/lib
- # export PATH=$PATH:/usr/local/protobuf/bin
- # protoc --version
- libprotoc 3.3.1
(2)配置Tensorflow物體檢測API git
- # source /usr/local/tensorflow2/bin/activate
- # cd /usr/local/tensorflow2/tensorflow-models
安裝依賴包 github
- # pip install pillow
- # pip install lxml
- # pip install jupyter
- # pip install matplotlib
Protobuf編譯 windows
- # protoc object_detection/protos/*.proto --python_out=.
設置環境變量 app
- # export PYTHONPATH=$PYTHONPATH:`pwd`:`pwd`/slim
- # ldconfig
測試 dom
- # python object_detection/builders/model_builder_test.py
輸出OK表示設置完成
(3)查看文檔運行Demo
使用預訓練模型來檢測圖像中的物體。官方提供了基於jupyter的教程。 curl
- # source /usr/local/tensorflow2/bin/activate
- # cd /usr/local/tensorflow2/tensorflow-models/object_detection/
- # jupyter notebook --generate-config --allow-root
- # python -c 'from notebook.auth import passwd;print(passwd())'
- Enter password:123456
- Verify password:123456
- sha1:7d026454901a:009ae34a09296674d4a13521b80b8527999fd3da
- # vi /root/.jupyter/jupyter_notebook_config.py
- c.NotebookApp.password = 'sha1:7d026454901a:009ae34a09296674d4a13521b80b8527999fd3da'
- # jupyter notebook --ip=127.0.0.1 --allow-root
訪問:http://127.0.0.1:8888/ 打開object_detection_tutorial.ipynb。
http://127.0.0.1:8888/notebooks/object_detection_tutorial.ipynb
默認是處理 object_detection/test_images 文件夾下的image1.jpg、image2.jpg,若是想識別其餘圖像能夠把倒數第二個Cell的代碼修改一下: 測試
- TEST_IMAGE_PATHS = ['<your image path>']
在最後一個cell裏添加2行代碼: fetch
- plt.figure(figsize=IMAGE_SIZE)
- plt.imshow(image_np)
-> ui
- print(image_path.split('.')[0]+'_labeled.jpg')
- plt.figure(figsize=IMAGE_SIZE, dpi=300)
- plt.imshow(image_np)
- plt.savefig(image_path.split('.')[0] + '_labeled.jpg')
而後從頭至尾挨個執行每一個Cell後等結果。(Download Model那部分代碼須要從網上下載文件比較慢!)
執行完成後在object_detection/test_images 文件夾下就能看到結果圖了。
image1_labeled.jpg
image2_labeled.jpg
比較一下官方提供的檢測結果圖,可見和機器於很大關係:
(4)編碼檢測圖像
從ImageNet中取一張圖2008_004037.jpg測試,而後把 object_detection_tutorial.ipynb 裏的代碼改爲可直接運行代碼
- # vi object_detect_demo.py
- # python object_detect_demo.py
- import numpy as np
- import os
- import six.moves.urllib as urllib
- import sys
- import tarfile
- import tensorflow as tf
- import zipfile
- import matplotlib
-
- matplotlib.use('Agg')
-
- from collections import defaultdict
- from io import StringIO
- from matplotlib import pyplot as plt
- from PIL import Image
- from utils import label_map_util
- from utils import visualization_utils as vis_util
-
- MODEL_NAME = 'ssd_mobilenet_v1_coco_11_06_2017'
- MODEL_FILE = MODEL_NAME + '.tar.gz'
- DOWNLOAD_BASE = 'http://download.tensorflow.org/models/object_detection/'
-
- PATH_TO_CKPT = MODEL_NAME + '/frozen_inference_graph.pb'
-
- PATH_TO_LABELS = os.path.join('data', 'mscoco_label_map.pbtxt')
-
- NUM_CLASSES = 90
-
- if not os.path.exists(PATH_TO_CKPT):
- print('Downloading model... (This may take over 5 minutes)')
- opener = urllib.request.URLopener()
- opener.retrieve(DOWNLOAD_BASE + MODEL_FILE, MODEL_FILE)
- print('Extracting...')
- tar_file = tarfile.open(MODEL_FILE)
- for file in tar_file.getmembers():
- file_name = os.path.basename(file.name)
- if 'frozen_inference_graph.pb' in file_name:
- tar_file.extract(file, os.getcwd())
- else:
- print('Model already downloaded.')
-
- print('Loading model...')
- 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='')
-
- print('Loading label map...')
- 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)
-
- TEST_IMAGE_PATH = 'test_images/2008_004037.jpg'
-
- IMAGE_SIZE = (12, 8)
-
- print('Detecting...')
- with detection_graph.as_default():
- with tf.Session(graph=detection_graph) as sess:
- print(TEST_IMAGE_PATH)
- image = Image.open(TEST_IMAGE_PATH)
- 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})
-
- print(scores)
- print(classes)
- print(category_index)
-
- 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=8)
- print(TEST_IMAGE_PATH.split('.')[0]+'_labeled.jpg')
- plt.figure(figsize=IMAGE_SIZE, dpi=300)
- plt.imshow(image_np)
- plt.savefig(TEST_IMAGE_PATH.split('.')[0] + '_labeled.jpg')
檢測結果(scores、classes、category_index)以下:
引用
[[ 0.91731095 0.80875194 0.67557526 0.67192227 0.3568708 0.23992854
0.21897335 0.21443138 0.17383011 0.15901341 0.15674619 0.1558814
0.15265906 0.1489363 0.14805503 0.13470834 0.132047 0.12655555
0.12086334 0.11752894 0.10897312 0.10791111 0.10386674 0.10181901
0.09687284 0.09644313 0.0929096 0.09187065 0.08420605 0.08250966
0.08131051 0.07928694 0.07632151 0.07570603 0.0749495 0.07267584
0.07258119 0.07075463 0.06964011 0.06901822 0.06894562 0.06892171
0.06805679 0.06769397 0.06536105 0.06501643 0.06417865 0.06416738
0.06377003 0.0634084 0.06247949 0.06245064 0.06173467 0.06126672
0.06037482 0.05930964 0.05813492 0.05751488 0.05747007 0.05746768
0.05737954 0.05694786 0.05581251 0.05559204 0.05539726 0.054422
0.05410738 0.05389332 0.05359224 0.05349119 0.05328105 0.05284562
0.0527565 0.05231072 0.05224103 0.05190464 0.05123441 0.05110639
0.05002856 0.04982324 0.04956287 0.04943769 0.04906119 0.04891028
0.04835404 0.04812568 0.0470486 0.04596276 0.04592303 0.04565331
0.04564101 0.04550403 0.04531116 0.04507401 0.04495776 0.04489629
0.04475424 0.0447024 0.04434219 0.04395287]]
[[ 1. 1. 44. 44. 44. 44. 44. 75. 44. 44. 44. 82. 44. 88.
79. 44. 44. 44. 88. 44. 88. 79. 44. 82. 1. 47. 88. 67.
44. 70. 47. 79. 67. 67. 67. 67. 79. 72. 47. 1. 44. 44.
44. 1. 67. 75. 72. 62. 1. 1. 44. 82. 79. 47. 79. 67.
44. 1. 51. 75. 79. 51. 79. 62. 67. 44. 82. 82. 79. 82.
79. 75. 72. 82. 1. 1. 46. 88. 82. 82. 82. 44. 67. 62.
82. 79. 62. 1. 67. 1. 82. 1. 67. 1. 44. 88. 79. 51.
44. 82.]]
{1: {'id': 1, 'name': u'person'}, 2: {'id': 2, 'name': u'bicycle'}, 3: {'id': 3, 'name': u'car'}, 4: {'id': 4, 'name': u'motorcycle'}, 5: {'id': 5, 'name': u'airplane'}, 6: {'id': 6, 'name': u'bus'}, 7: {'id': 7, 'name': u'train'}, 8: {'id': 8, 'name': u'truck'}, 9: {'id': 9, 'name': u'boat'}, 10: {'id': 10, 'name': u'traffic light'}, 11: {'id': 11, 'name': u'fire hydrant'}, 13: {'id': 13, 'name': u'stop sign'}, 14: {'id': 14, 'name': u'parking meter'}, 15: {'id': 15, 'name': u'bench'}, 16: {'id': 16, 'name': u'bird'}, 17: {'id': 17, 'name': u'cat'}, 18: {'id': 18, 'name': u'dog'}, 19: {'id': 19, 'name': u'horse'}, 20: {'id': 20, 'name': u'sheep'}, 21: {'id': 21, 'name': u'cow'}, 22: {'id': 22, 'name': u'elephant'}, 23: {'id': 23, 'name': u'bear'}, 24: {'id': 24, 'name': u'zebra'}, 25: {'id': 25, 'name': u'giraffe'}, 27: {'id': 27, 'name': u'backpack'}, 28: {'id': 28, 'name': u'umbrella'}, 31: {'id': 31, 'name': u'handbag'}, 32: {'id': 32, 'name': u'tie'}, 33: {'id': 33, 'name': u'suitcase'}, 34: {'id': 34, 'name': u'frisbee'}, 35: {'id': 35, 'name': u'skis'}, 36: {'id': 36, 'name': u'snowboard'}, 37: {'id': 37, 'name': u'sports ball'}, 38: {'id': 38, 'name': u'kite'}, 39: {'id': 39, 'name': u'baseball bat'}, 40: {'id': 40, 'name': u'baseball glove'}, 41: {'id': 41, 'name': u'skateboard'}, 42: {'id': 42, 'name': u'surfboard'}, 43: {'id': 43, 'name': u'tennis racket'}, 44: {'id': 44, 'name': u'bottle'}, 46: {'id': 46, 'name': u'wine glass'}, 47: {'id': 47, 'name': u'cup'}, 48: {'id': 48, 'name': u'fork'}, 49: {'id': 49, 'name': u'knife'}, 50: {'id': 50, 'name': u'spoon'}, 51: {'id': 51, 'name': u'bowl'}, 52: {'id': 52, 'name': u'banana'}, 53: {'id': 53, 'name': u'apple'}, 54: {'id': 54, 'name': u'sandwich'}, 55: {'id': 55, 'name': u'orange'}, 56: {'id': 56, 'name': u'broccoli'}, 57: {'id': 57, 'name': u'carrot'}, 58: {'id': 58, 'name': u'hot dog'}, 59: {'id': 59, 'name': u'pizza'}, 60: {'id': 60, 'name': u'donut'}, 61: {'id': 61, 'name': u'cake'}, 62: {'id': 62, 'name': u'chair'}, 63: {'id': 63, 'name': u'couch'}, 64: {'id': 64, 'name': u'potted plant'}, 65: {'id': 65, 'name': u'bed'}, 67: {'id': 67, 'name': u'dining table'}, 70: {'id': 70, 'name': u'toilet'}, 72: {'id': 72, 'name': u'tv'}, 73: {'id': 73, 'name': u'laptop'}, 74: {'id': 74, 'name': u'mouse'}, 75: {'id': 75, 'name': u'remote'}, 76: {'id': 76, 'name': u'keyboard'}, 77: {'id': 77, 'name': u'cell phone'}, 78: {'id': 78, 'name': u'microwave'}, 79: {'id': 79, 'name': u'oven'}, 80: {'id': 80, 'name': u'toaster'}, 81: {'id': 81, 'name': u'sink'}, 82: {'id': 82, 'name': u'refrigerator'}, 84: {'id': 84, 'name': u'book'}, 85: {'id': 85, 'name': u'clock'}, 86: {'id': 86, 'name': u'vase'}, 87: {'id': 87, 'name': u'scissors'}, 88: {'id': 88, 'name': u'teddy bear'}, 89: {'id': 89, 'name': u'hair drier'}, 90: {'id': 90, 'name': u'toothbrush'}}
獲取前四個高於50%的物體結果以下:
引用
scores - 0.91731095 0.80875194 0.67557526 0.67192227
classes - 1. 1. 44. 44.
category_index - 1: {'id': 1, 'name': u'person'} 44: {'id': 44, 'name': u'bottle'}
圖裏也標出了【91%person、80%person、67%bottle、67%bottle】這四個物體:
(4)本地運行
1)生成 TFRecord
將jpg圖片數據轉換成TFRecord數據。
- # cd /usr/local/tensorflow2/tensorflow-models/object_detection
- # wget http://www.robots.ox.ac.uk/~vgg/data/pets/data/images.tar.gz
- # wget http://www.robots.ox.ac.uk/~vgg/data/pets/data/annotations.tar.gz
- # tar -zxvf annotations.tar.gz
- # tar -zxvf images.tar.gz
- # python create_pet_tf_record.py --data_dir=`pwd` --output_dir=`pwd`
images裏全是已經標記好的jpg圖片。執行完成後,會在當前目錄下生成2個文件:pet_train.record、pet_val.record。
2)配置pipeline
在object_detection/samples下有各類模型的通道配置,複製一份出來用。
- # wget http://download.tensorflow.org/models/object_detection/faster_rcnn_resnet101_coco_11_06_2017.tar.gz
- # tar -zxvf faster_rcnn_resnet101_coco_11_06_2017.tar.gz
- # cp samples/configs/faster_rcnn_resnet101_pets.config mypet.config
- # vi mypet.config
修改PATH_TO_BE_CONFIGURED部分以下:
引用
fine_tune_checkpoint: "/usr/local/tensorflow2/tensorflow-models/object_detection/faster_rcnn_resnet101_coco_11_06_2017/model.ckpt"
from_detection_checkpoint: true
train_input_reader: {
tf_record_input_reader {
input_path: "/usr/local/tensorflow2/tensorflow-models/object_detection/pet_train.record"
}
label_map_path: "/usr/local/tensorflow2/tensorflow-models/object_detection/data/pet_label_map.pbtxt"
}
eval_input_reader: {
tf_record_input_reader {
input_path: "/usr/local/tensorflow2/tensorflow-models/object_detection/pet_val.record"
}
label_map_path: "/usr/local/tensorflow2/tensorflow-models/object_detection/data/pet_label_map.pbtxt"
}
from_detection_checkpoint設置爲true,fine_tune_checkpoint須要設置檢查點的路徑。採用別人訓練出來的checkpoint能夠減小訓練時間。
檢查點的下載地址參考:
https://github.com/tensorflow/models/blob/master/object_detection/g3doc/detection_model_zoo.md
3)訓練評估
- # mkdir -p /usr/local/tensorflow2/tensorflow-models/object_detection/model/train
- # mkdir -p /usr/local/tensorflow2/tensorflow-models/object_detection/model/eval
-- 訓練 --
- # python object_detection/train.py \
- --logtostderr \
- --pipeline_config_path='/usr/local/tensorflow2/tensorflow-models/object_detection/mypet.config' \
- --train_dir='/usr/local/tensorflow2/tensorflow-models/object_detection/model/train'
引用
INFO:tensorflow:Starting Session.
INFO:tensorflow:Saving checkpoint to path /usr/local/tensorflow2/tensorflow-models/object_detection/model/train/model.ckpt
INFO:tensorflow:Starting Queues.
INFO:tensorflow:global_step/sec: 0
INFO:tensorflow:Recording summary at step 0.
-- 評估 --
- # python object_detection/eval.py \
- --logtostderr \
- --pipeline_config_path='/usr/local/tensorflow2/tensorflow-models/object_detection/mypet.config' \
- --checkpoint_dir='/usr/local/tensorflow2/tensorflow-models/object_detection/model/train' \
- --eval_dir='/usr/local/tensorflow2/tensorflow-models/object_detection/model/eval'
eval文件夾下會生成如下文件,一個文件對應一個image:
events.out.tfevents.1499152949.localhost.localdomain
events.out.tfevents.1499152964.localhost.localdomain
events.out.tfevents.1499152980.localhost.localdomain
-- 查看結果 --
- # tensorboard --logdir=/usr/local/tensorflow/tensorflow-models/object_detection/model/
*** train和eval執行後直到終止命令前一直運行
*** 訓練、評估、查看能夠開3個終端分別同時運行
6月20號以前下載的tensorflow-models-master.zip是兼容Python3的會有不少問題:
https://github.com/tensorflow/models/issues/1597
https://github.com/tensorflow/models/pull/1614/files
好比:
引用
Traceback (most recent call last):
File "create_pet_tf_record.py", line 213, in <module>
tf.app.run()
File "/usr/local/tensorflow/lib/python3.6/site-packages/tensorflow/python/platform/app.py", line 48, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
File "create_pet_tf_record.py", line 208, in main
image_dir, train_examples)
File "create_pet_tf_record.py", line 177, in create_tf_record
tf_example = dict_to_tf_example(data, label_map_dict, image_dir)
File "create_pet_tf_record.py", line 131, in dict_to_tf_example
'image/filename': dataset_util.bytes_feature(data['filename']),
File "/usr/local/tensorflow/tensorflow-models/object_detection/utils/dataset_util.py", line 30, in bytes_feature
return tf.train.Feature(bytes_list=tf.train.BytesList(value=[value]))
TypeError: 'leonberger_185.jpg' has type str, but expected one of: bytes
引用
Traceback (most recent call last):
File "object_detection/train.py", line 198, in <module>
tf.app.run()
File "/usr/local/tensorflow/lib/python3.6/site-packages/tensorflow/python/platform/app.py", line 48, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
File "object_detection/train.py", line 194, in main
worker_job_name, is_chief, FLAGS.train_dir)
File "/usr/local/tensorflow/tensorflow-models/object_detection/trainer.py", line 184, in train
data_augmentation_options)
File "/usr/local/tensorflow/tensorflow-models/object_detection/trainer.py", line 77, in _create_input_queue
prefetch_queue_capacity=prefetch_queue_capacity)
File "/usr/local/tensorflow/tensorflow-models/object_detection/core/batcher.py", line 81, in __init__
{key: tensor.get_shape() for key, tensor in tensor_dict.iteritems()})
AttributeError: 'dict' object has no attribute 'iteritems'
引用
Traceback (most recent call last):
File "object_detection/train.py", line 198, in <module>
tf.app.run()
File "/usr/local/tensorflow/lib/python3.6/site-packages/tensorflow/python/platform/app.py", line 48, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
File "object_detection/train.py", line 194, in main
worker_job_name, is_chief, FLAGS.train_dir)
File "/usr/local/tensorflow/tensorflow-models/object_detection/trainer.py", line 184, in train
data_augmentation_options)
File "/usr/local/tensorflow/tensorflow-models/object_detection/trainer.py", line 77, in _create_input_queue
prefetch_queue_capacity=prefetch_queue_capacity)
File "/usr/local/tensorflow/tensorflow-models/object_detection/core/batcher.py", line 93, in __init__
num_threads=num_batch_queue_threads)
File "/usr/local/tensorflow/lib/python3.6/site-packages/tensorflow/python/training/input.py", line 919, in batch
name=name)
File "/usr/local/tensorflow/lib/python3.6/site-packages/tensorflow/python/training/input.py", line 697, in _batch
tensor_list = _as_tensor_list(tensors)
File "/usr/local/tensorflow/lib/python3.6/site-packages/tensorflow/python/training/input.py", line 385, in _as_tensor_list
return [tensors[k] for k in sorted(tensors)]
TypeError: '<' not supported between instances of 'tuple' and 'str'
等等