欧美bbbwbbbw肥妇,免费乱码人妻系列日韩,一级黄片

TensorFlow卷積神經(jīng)網(wǎng)絡(luò)之使用訓(xùn)練好的模型識(shí)別貓狗圖片

 更新時(shí)間:2019年03月14日 10:38:30   作者:雙斜杠少年  
今天小編就為大家分享一篇關(guān)于TensorFlow卷積神經(jīng)網(wǎng)絡(luò)之使用訓(xùn)練好的模型識(shí)別貓狗圖片,小編覺得內(nèi)容挺不錯(cuò)的,現(xiàn)在分享給大家,具有很好的參考價(jià)值,需要的朋友一起跟隨小編來(lái)看看吧

本文是Python通過TensorFlow卷積神經(jīng)網(wǎng)絡(luò)實(shí)現(xiàn)貓狗識(shí)別的姊妹篇,是加載上一篇訓(xùn)練好的模型,進(jìn)行貓狗識(shí)別

本文邏輯:

  1. 我從網(wǎng)上下載了十幾張貓和狗的圖片,用于檢驗(yàn)我們訓(xùn)練好的模型。
  2. 處理我們下載的圖片
  3. 加載模型
  4. 將圖片輸入模型進(jìn)行檢驗(yàn)

代碼如下:

#coding=utf-8 
import tensorflow as tf 
from PIL import Image 
import matplotlib.pyplot as plt
import input_data 
import numpy as np
import model
import os 
#從指定目錄中選取一張圖片 
def get_one_image(train): 
  files = os.listdir(train)
  n = len(files)
  ind = np.random.randint(0,n)
  img_dir = os.path.join(train,files[ind]) 
  image = Image.open(img_dir) 
  plt.imshow(image)
  plt.show()
  image = image.resize([208, 208]) 
  image = np.array(image)
  return image 
def evaluate_one_image(): 
 #存放的是我從百度下載的貓狗圖片路徑
  train = '/Users/yangyibo/GitWork/pythonLean/AI/貓狗識(shí)別/testImg/' 
  image_array = get_one_image(train) 
  with tf.Graph().as_default(): 
    BATCH_SIZE = 1 # 因?yàn)橹蛔x取一副圖片 所以batch 設(shè)置為1
    N_CLASSES = 2 # 2個(gè)輸出神經(jīng)元,[1,0] 或者 [0,1]貓和狗的概率
    # 轉(zhuǎn)化圖片格式
    image = tf.cast(image_array, tf.float32) 
    # 圖片標(biāo)準(zhǔn)化
    image = tf.image.per_image_standardization(image)
    # 圖片原來(lái)是三維的 [208, 208, 3] 重新定義圖片形狀 改為一個(gè)4D 四維的 tensor
    image = tf.reshape(image, [1, 208, 208, 3]) 
    logit = model.inference(image, BATCH_SIZE, N_CLASSES) 
    # 因?yàn)?inference 的返回沒有用激活函數(shù),所以在這里對(duì)結(jié)果用softmax 激活
    logit = tf.nn.softmax(logit) 
    # 用最原始的輸入數(shù)據(jù)的方式向模型輸入數(shù)據(jù) placeholder
    x = tf.placeholder(tf.float32, shape=[208, 208, 3]) 
    # 我門存放模型的路徑
    logs_train_dir = '/Users/yangyibo/GitWork/pythonLean/AI/貓狗識(shí)別/saveNet/'  
    # 定義saver 
    saver = tf.train.Saver() 
    with tf.Session() as sess: 
      print("從指定的路徑中加載模型。。。。")
      # 將模型加載到sess 中 
      ckpt = tf.train.get_checkpoint_state(logs_train_dir) 
      if ckpt and ckpt.model_checkpoint_path: 
        global_step = ckpt.model_checkpoint_path.split('/')[-1].split('-')[-1] 
        saver.restore(sess, ckpt.model_checkpoint_path) 
        print('模型加載成功, 訓(xùn)練的步數(shù)為 %s' % global_step) 
      else: 
        print('模型加載失敗,,,文件沒有找到') 
      # 將圖片輸入到模型計(jì)算
      prediction = sess.run(logit, feed_dict={x: image_array})
      # 獲取輸出結(jié)果中最大概率的索引
      max_index = np.argmax(prediction) 
      if max_index==0: 
        print('貓的概率 %.6f' %prediction[:, 0]) 
      else: 
        print('狗的概率 %.6f' %prediction[:, 1]) 
# 測(cè)試
evaluate_one_image()

/Users/yangyibo/GitWork/pythonLean/AI/貓狗識(shí)別/testImg/ 存放的是我從百度下載的貓狗圖片

執(zhí)行結(jié)果:

因?yàn)閺膖estimg 中選取圖片是隨機(jī)的,所以每次執(zhí)行的結(jié)果不同

從指定的路徑中加載模型。。。。
模型加載成功, 訓(xùn)練的步數(shù)為 11999
狗的概率 0.964047
[Finished in 6.8s]

代碼地址:https://github.com/527515025/My-TensorFlow-tutorials/blob/master/貓狗識(shí)別/evaluateCatOrDog.py

歡迎star。

總結(jié)

以上就是這篇文章的全部?jī)?nèi)容了,希望本文的內(nèi)容對(duì)大家的學(xué)習(xí)或者工作具有一定的參考學(xué)習(xí)價(jià)值,謝謝大家對(duì)腳本之家的支持。如果你想了解更多相關(guān)內(nèi)容請(qǐng)查看下面相關(guān)鏈接

相關(guān)文章

最新評(píng)論