Tensorflow中模組與常見問題
阿新 • • 發佈:2018-12-14
一、指定執行的GPU
PyTorch預設使用從0開始的GPU,如果GPU0正在執行程式,需要指定其他GPU。 有如下兩種方法來指定需要使用的GPU。
tensorflow指定GPU的方式,推薦使用 CUDA_VISIBLE_DEVICES 。
1. 直接終端中設定:
CUDA_VISIBLE_DEVICES=1 python file_name.py
2. python程式碼中設定:(預設使用從 0 開始的GPU)
import os
os.environ["CUDA_VISIBLE_DEVICES"] = "2"
二、tensorflow.contrib.slim
tf.train.Coordinator 執行緒協調器
tf.train.start_queue_runners 入隊執行緒啟動器
TensorFlow 的 Session物件是支援多執行緒的,可以在同一個會話(Session)中建立多個執行緒,並行執行。在Session中的所有執行緒都必須能被同步終止,異常必須能被正確捕獲並報告,會話終止的時候, 佇列必須能被正確地關閉。
TensorFlow提供了tf.Coordinator和 tf.QueueRunner
,這兩個類來實現對Session中多執行緒的管理:
- Coordinator 類用來管理在Session中的多個執行緒,可以用來同時停止多個工作執行緒並且向那個在等待所有工作執行緒終止的程式報告異常,該執行緒捕獲到這個異常之後就會終止所有執行緒。 使用 tf.train.Coordinator()來建立一個執行緒管理器(協調器)物件。
- QueueRunner 類用來啟動tensor的入隊執行緒,可以用來啟動多個工作執行緒同時將多個tensor(訓練資料)推送入檔名稱佇列中,具體執行函式是 tf.train.start_queue_runners , 只有呼叫 tf.train.start_queue_runners 之後,才會真正把tensor推入記憶體序列中,供計算單元呼叫,否則會由於記憶體序列為空,資料流圖會處於一直等待狀態。
流程如下:
- 呼叫 tf.train.slice_input_producer,從 本地檔案裡抽取tensor,準備放入Filename Queue(檔名佇列)中;
- 呼叫 tf.train.batch,從檔名佇列中提取tensor,使用單個或多個執行緒,準備放入檔案佇列;
- 呼叫 tf.train.Coordinator() 來建立一個執行緒協調器,用來管理之後在Session中啟動的所有執行緒;
- 呼叫tf.train.start_queue_runners, 啟動入隊執行緒,由多個或單個執行緒,按照設定規則,把檔案讀入Filename Queue中。函式返回執行緒ID的列表,一般情況下,系統有多少個核,就會啟動多少個入隊執行緒(入隊具體使用多少個執行緒在tf.train.batch中定義);
- 檔案從 Filename Queue中讀入記憶體佇列的操作不用手動執行,由tf自動完成;
- 呼叫sess.run 來啟動資料出列和執行計算;
- 使用 coord.should_stop()來查詢是否應該終止所有執行緒,當檔案佇列(queue)中的所有檔案都已經讀取出列的時候,會丟擲一個OutofRangeError 的異常,這時候就應該停止Sesson中的所有執行緒了;
- 使用coord.request_stop()來發出終止所有執行緒的命令,使用coord.join(threads)把執行緒加入主執行緒,等待threads結束。
其他專案程式碼:
import tensorflow as tf
import numpy as np
sample_num=5 # 樣本個數
epoch_num = 2 # 設定迭代次數
batch_size = 3 # 設定一個批次中包含樣本個數
batch_total = int(sample_num/batch_size)+1 # 計算每一輪epoch中含有的batch個數
def generate_data(sample_num=sample_num): # 資料生成器:4個數據和標籤
labels = np.asarray(range(0, sample_num))
images = np.random.random([sample_num, 224, 224, 3])
print('image size {},label size :{}'.format(images.shape, labels.shape))
return images,labels
def get_batch_data(batch_size=batch_size):
images, label = generate_data()
images = tf.cast(images, tf.float32) # 資料型別轉換為tf.float32
label = tf.cast(label, tf.int32)
#從tensor列表中按順序或隨機抽取一個tensor準備放入檔名稱佇列
input_queue = tf.train.slice_input_producer([images, label], num_epochs=epoch_num, shuffle=False)
#從檔名稱佇列中讀取檔案準備放入檔案佇列
image_batch, label_batch = tf.train.batch(input_queue, batch_size=batch_size, num_threads=2, capacity=64, allow_smaller_final_batch=False)
return image_batch, label_batch
image_batch, label_batch = get_batch_data(batch_size=batch_size)
with tf.Session() as sess:
sess.run(tf.global_variables_initializer() # 先執行初始化工作
sess.run(tf.local_variables_initializer())
coord = tf.train.Coordinator() # 開啟一個協調器
threads = tf.train.start_queue_runners(sess, coord) # 使用start_queue_runners 啟動佇列填充
try:
while not coord.should_stop():
print ('************')
# 獲取每一個batch中batch_size個樣本和標籤
image_batch_v, label_batch_v = sess.run([image_batch, label_batch])
print(image_batch_v.shape, label_batch_v)
except tf.errors.OutOfRangeError: # 如果讀取到檔案佇列末尾會丟擲此異常
print("done! now lets kill all the threads……")
finally:
coord.request_stop() # 協調器coord發出所有執行緒終止訊號
print('all threads are asked to stop!')
coord.join(threads) # 把開啟的執行緒加入主執行緒,等待threads結束
print('all threads are stopped!')