日本综合一区二区|亚洲中文天堂综合|日韩欧美自拍一区|男女精品天堂一区|欧美自拍第6页亚洲成人精品一区|亚洲黄色天堂一区二区成人|超碰91偷拍第一页|日韩av夜夜嗨中文字幕|久久蜜综合视频官网|精美人妻一区二区三区

RELATEED CONSULTING
相關(guān)咨詢
選擇下列產(chǎn)品馬上在線溝通
服務(wù)時(shí)間:8:30-17:00
你可能遇到了下面的問(wèn)題
關(guān)閉右側(cè)工具欄

新聞中心

這里有您想知道的互聯(lián)網(wǎng)營(yíng)銷解決方案
入門(mén)指南:用Python實(shí)現(xiàn)實(shí)時(shí)目標(biāo)檢測(cè)(內(nèi)附代碼)

從自動(dòng)駕駛汽車檢測(cè)路上的物體,到通過(guò)復(fù)雜的面部及身體語(yǔ)言識(shí)別發(fā)現(xiàn)可能的犯罪活動(dòng)。多年來(lái),研究人員一直在探索讓機(jī)器通過(guò)視覺(jué)識(shí)別物體的可能性。

專注于為中小企業(yè)提供成都網(wǎng)站設(shè)計(jì)、網(wǎng)站建設(shè)、外貿(mào)網(wǎng)站建設(shè)服務(wù),電腦端+手機(jī)端+微信端的三站合一,更高效的管理,為中小企業(yè)文昌免費(fèi)做網(wǎng)站提供優(yōu)質(zhì)的服務(wù)。我們立足成都,凝聚了一批互聯(lián)網(wǎng)行業(yè)人才,有力地推動(dòng)了近千家企業(yè)的穩(wěn)健成長(zhǎng),幫助中小企業(yè)通過(guò)網(wǎng)站建設(shè)實(shí)現(xiàn)規(guī)模擴(kuò)充和轉(zhuǎn)變。

這一特殊領(lǐng)域被稱為計(jì)算機(jī)視覺(jué) (Computer Vision, CV),在現(xiàn)代生活中有著廣泛的應(yīng)用。

目標(biāo)檢測(cè) (ObjectDetection) 也是計(jì)算機(jī)視覺(jué)最酷的應(yīng)用之一,這是不容置疑的事實(shí)。

現(xiàn)在的CV工具能夠輕松地將目標(biāo)檢測(cè)應(yīng)用于圖片甚至是直播視頻。本文將簡(jiǎn)單地展示如何用TensorFlow創(chuàng)建實(shí)時(shí)目標(biāo)檢測(cè)器。

建立一個(gè)簡(jiǎn)單的目標(biāo)檢測(cè)器

1. 設(shè)置要求:

  • TensorFlow版本在1.15.0或以上
  • 執(zhí)行pip install TensorFlow安裝最新版本

一切就緒,現(xiàn)在開(kāi)始吧!

2. 設(shè)置環(huán)境

第一步:從Github上下載或復(fù)制TensorFlow目標(biāo)檢測(cè)的代碼到本地計(jì)算機(jī)

在終端運(yùn)行如下命令:

 
 
 
 
  1. git clonehttps://github.com/tensorflow/models.git

第二步:安裝依賴項(xiàng)

下一步是確定計(jì)算機(jī)上配備了運(yùn)行目標(biāo)檢測(cè)器所需的庫(kù)和組件。

下面列舉了本項(xiàng)目所依賴的庫(kù)。(大部分依賴都是TensorFlow自帶的)

  • Cython
  • contextlib2
  • pillow
  • lxml
  • matplotlib

若有遺漏的組件,在運(yùn)行環(huán)境中執(zhí)行pip install即可。

第三步:安裝Protobuf編譯器

谷歌的Protobuf,又稱Protocol buffers,是一種語(yǔ)言無(wú)關(guān)、平臺(tái)無(wú)關(guān)、可擴(kuò)展的序列化結(jié)構(gòu)數(shù)據(jù)的機(jī)制。Protobuf幫助程序員定義數(shù)據(jù)結(jié)構(gòu),輕松地在各種數(shù)據(jù)流中使用各種語(yǔ)言進(jìn)行編寫(xiě)和讀取結(jié)構(gòu)數(shù)據(jù)。

Protobuf也是本項(xiàng)目的依賴之一。點(diǎn)擊這里了解更多關(guān)于Protobufs的知識(shí)。接下來(lái)把Protobuf安裝到計(jì)算機(jī)上。

打開(kāi)終端或者打開(kāi)命令提示符,將地址改為復(fù)制的代碼倉(cāng)庫(kù),在終端執(zhí)行如下命令:

 
 
 
 
  1. cd models/research 
  2. wget -Oprotobuf.zip https://github.com/protocolbuffers/protobuf/releases/download/v3.9.1/protoc-3.9.1-osx-x86_64.zip
  3. unzipprotobuf.zip

注意:請(qǐng)務(wù)必在models/research目錄解壓protobuf.zip文件。

第四步:編輯Protobuf編譯器

從research/ directory目錄中執(zhí)行如下命令編輯Protobuf編譯器:

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

用Python實(shí)現(xiàn)目標(biāo)檢測(cè)

現(xiàn)在所有的依賴項(xiàng)都已經(jīng)安裝完畢,可以用Python實(shí)現(xiàn)目標(biāo)檢測(cè)了。

在下載的代碼倉(cāng)庫(kù)中,將目錄更改為:

 
 
 
 
  1. models/research/object_detection

這個(gè)目錄下有一個(gè)叫object_detection_tutorial.ipynb的ipython notebook。該文件是演示目標(biāo)檢測(cè)算法的demo,在執(zhí)行時(shí)會(huì)用到指定的模型:

 
 
 
 
  1. ssd_mobilenet_v1_coco_2017_11_17

這一測(cè)試會(huì)識(shí)別代碼庫(kù)中提供的兩張測(cè)試圖片。下面是測(cè)試結(jié)果之一:

要檢測(cè)直播視頻中的目標(biāo)還需要一些微調(diào)。在同一文件夾中新建一個(gè)Jupyter notebook,按照下面的代碼操作:

[1]:

 
 
 
 
  1. import numpy as np
  2. import os
  3. import six.moves.urllib as urllib
  4. import sys
  5. import tarfile
  6. import tensorflow as tf
  7. import zipfile
  8. from distutils.version import StrictVersion
  9. from collections import defaultdict
  10. from io import StringIO
  11. from matplotlib import pyplot as plt
  12. from PIL import Image
  13. # This isneeded since the notebook is stored in the object_detection folder.
  14. sys.path.append("..")
  15. from utils import ops as utils_ops
  16. if StrictVersion(tf.__version__) < StrictVersion( 1.12.0 ):
  17.     raise ImportError( Please upgrade your TensorFlow installation to v1.12.*. )

[2]:

 
 
 
 
  1. # This isneeded to display the images.
  2. get_ipython().run_line_magic( matplotlib ,  inline )

[3]:

 
 
 
 
  1. # Objectdetection imports
  2. # Here arethe imports from the object detection module.
  3. from utils import label_map_util
  4. from utils import visualization_utils as vis_util

[4]:

 
 
 
 
  1. # Modelpreparation 
  2. # Anymodel exported using the `export_inference_graph.py` tool can be loaded heresimply by changing `PATH_TO_FROZEN_GRAPH` to point to a new .pb file.
  3. # Bydefault we use an "SSD with Mobilenet" model here. 
  4. #See https://github.com/tensorflow/models/blob/master/research/object_detection/g3doc/detection_model_zoo.md
  5. #for alist of other models that can be run out-of-the-box with varying speeds andaccuracies.
  6. # Whatmodel to download.
  7. MODEL_NAME=  ssd_mobilenet_v1_coco_2017_11_17 
  8. MODEL_FILE= MODEL_NAME +  .tar.gz 
  9. DOWNLOAD_BASE=  http://download.tensorflow.org/models/object_detection/ 
  10. # Path tofrozen detection graph. This is the actual model that is used for the objectdetection.
  11. PATH_TO_FROZEN_GRAPH= MODEL_NAME +  /frozen_inference_graph.pb 
  12. # List ofthe strings that is used to add correct label for each box.
  13. PATH_TO_LABELS= os.path.join( data ,  mscoco_label_map.pbtxt )

[5]:

 
 
 
 
  1. #DownloadModel
  2. opener =urllib.request.URLopener()
  3. opener.retrieve(DOWNLOAD_BASE+ MODEL_FILE, MODEL_FILE)
  4. tar_file =tarfile.open(MODEL_FILE)
  5. for file in tar_file.getmembers():
  6.     file_name= os.path.basename(file.name)
  7.     if frozen_inference_graph.pb in file_name:
  8.         tar_file.extract(file,os.getcwd())

[6]:

 
 
 
 
  1. # Load a(frozen) Tensorflow model into memory.
  2. detection_graph= tf.Graph()
  3. with detection_graph.as_default():
  4.     od_graph_def= tf.GraphDef()
  5.     withtf.gfile.GFile(PATH_TO_FROZEN_GRAPH,  rb ) as fid:
  6.         serialized_graph= fid.read()
  7.         od_graph_def.ParseFromString(serialized_graph)
  8.         tf.import_graph_def(od_graph_def,name=  )

[7]:

 
 
 
 
  1. # Loadinglabel map
  2. # Labelmaps map indices to category names, so that when our convolution networkpredicts `5`,
  3. #we knowthat this corresponds to `airplane`.  Here we use internal utilityfunctions, 
  4. #butanything that returns a dictionary mapping integers to appropriate stringlabels would be fine
  5. category_index= label_map_util.create_category_index_from_labelmap(PATH_TO_LABELS,use_display_name=True)

[8]:

 
 
 
 
  1. defrun_inference_for_single_image(image, graph):
  2.     with graph.as_default():
  3.         with tf.Session() as sess:
  4.             # Get handles to input and output tensors
  5.             ops= tf.get_default_graph().get_operations()
  6.             all_tensor_names= {output.name for op in ops for output in op.outputs}
  7.             tensor_dict= {}
  8.             for key in [
  9.                    num_detections ,  detection_boxes ,  detection_scores ,
  10.                    detection_classes ,  detection_masks ]:
  11.                 tensor_name= key +  :0 
  12.                 if tensor_name in all_tensor_names:
  13.                     tensor_dict[key]= tf.get_default_graph().get_tensor_by_name(tensor_name)
  14.             if detection_masks in tensor_dict:
  15.                 # The following processing is only for single image
  16.                 detection_boxes= tf.squeeze(tensor_dict[ detection_boxes ], [0])
  17.                 detection_masks= tf.squeeze(tensor_dict[ detection_masks ], [0])
  18.                 # Reframe is required to translate mask from boxcoordinates to image coordinates and fit the image size.
  19.                 real_num_detection= tf.cast(tensor_dict[ num_detections ][0], tf.int32)
  20.                 detection_boxes= tf.slice(detection_boxes, [0, 0], [real_num_detection, -1])
  21.                 detection_masks= tf.slice(detection_masks, [0, 0, 0], [real_num_detection, -1, -1])
  22.                 detection_masks_reframed= utils_ops.reframe_box_masks_to_image_masks(
  23.                 detection_masks,detection_boxes, image.shape[1],image.shape[2])
  24.                 detection_masks_reframed= tf.cast(
  25.                 tf.greater(detection_masks_reframed,0.5),tf.uint8)
  26.                 # Follow the convention by adding back the batchdimension
  27.                 tensor_dict[ detection_masks ] =tf.expand_dims(
  28.                                     detection_masks_reframed,0)
  29.             image_tensor= tf.get_default_graph().get_tensor_by_name( image_tensor:0 )
  30.             # Run inference
  31.             output_dict= sess.run(tensor_dict, feed_dict={image_tensor: image})
  32.             # all outputs are float32 numpy arrays, so convert typesas appropriate
  33.             output_dict[ num_detections ] =int(output_dict[ num_detections ][0])
  34.             output_dict[ detection_classes ] =output_dict[
  35.                        detection_classes ][0].astype(np.int64)
  36.             output_dict[ detection_boxes ] =output_dict[ detection_boxes ][0]
  37.             output_dict[ detection_scores ] =output_dict[ detection_scores ][0]
  38.             if detection_masks in output_dict:
  39.                 output_dict[ detection_masks ] =output_dict[ detection_masks ][0]
  40.         return output_dict

[9]:

 
 
 
 
  1. import cv2
  2. cam =cv2.cv2.VideoCapture(0)
  3. rolling = True
  4. while (rolling):
  5.     ret,image_np = cam.read()
  6.     image_np_expanded= np.expand_dims(image_np, axis=0)
  7.     # Actual detection.
  8.     output_dict= run_inference_for_single_image(image_np_expanded, detection_graph)
  9.     # Visualization of the results of a detection.
  10.     vis_util.visualize_boxes_and_labels_on_image_array(
  11.       image_np,
  12.       output_dict[ detection_boxes ],
  13.       output_dict[ detection_classes ],
  14.       output_dict[ detection_scores ],
  15.       category_index,
  16.       instance_masks=output_dict.get( detection_masks ),
  17.       use_normalized_coordinates=True,
  18.       line_thickness=8)
  19.     cv2.imshow( image , cv2.resize(image_np,(1000,800)))
  20.     if cv2.waitKey(25) & 0xFF == ord( q ):
  21.         break
  22.         cv2.destroyAllWindows()
  23.         cam.release()

在運(yùn)行Jupyter notebook時(shí),網(wǎng)絡(luò)攝影系統(tǒng)會(huì)開(kāi)啟并檢測(cè)所有原始模型訓(xùn)練過(guò)的物品類別。


新聞名稱:入門(mén)指南:用Python實(shí)現(xiàn)實(shí)時(shí)目標(biāo)檢測(cè)(內(nèi)附代碼)
分享網(wǎng)址:http://www.dlmjj.cn/article/dphpdgp.html