Python 計算程式執行多久程式碼
在程式開始設定
import time
start =time.clock()
sum=0
程式結束後
end = time.clock()
print('Running time: %s Seconds'%(end-start)) #單位是秒
import tensorflow as tf
import numpy as np
import matplotlib.pyplot as plt
from tensorflow.examples.tutorials.mnist import input_data
import time
start =time.clock()
sum=0
'''
# gpu:57.8853
# cpu :73.23
'''
mnist = input_data.read_data_sets('data/',one_hot=True)
trainimg = mnist.train.images
trainlabel = mnist.train.labels
testimg = mnist.test.images
testlabel = mnist.test.labels
for i in range(5):
curr_img = np.reshape(trainimg[i,:],(28,28))
curr_label = np.argmax(trainlabel[i,:])
plt.matshow(curr_img,cmap = plt.get_cmap('gray'))
plt.title(''+ str(i)+'th Training Data'+'Label is' + str(curr_label))
# plt.show()
x = tf.placeholder(tf.float32,[None,784])
y = tf.placeholder(tf.float32,[None,10])
W = tf.Variable(tf.zeros([784,10]))
b = tf.Variable(tf.zeros([10]))
# tf.matmul(x,W)
with tf.device('/cpu:0'):
actv = tf.nn.softmax(tf.matmul(x,W)+b) # ????
cost = tf.reduce_mean(-tf.reduce_sum(y*tf.log(actv),reduction_indices=1))
learning_rate =0.01
optm = tf.train.GradientDescentOptimizer(learning_rate).minimize(cost)
pred = tf.equal(tf.argmax(actv,1),tf.argmax(y,1)) #argmax actv 最大值的索引 1,:代表行的索引
# 預測值和真實值的索引是否相等,最大值索引是否相等
accr = tf.reduce_mean(tf.cast(pred,'float')) #cast將pred轉換float型別
init = tf.global_variables_initializer()
training_epochs =50
batch_size =100
display_step =5
sess = tf.Session(config=tf.ConfigProto(log_device_placement=True))
sess.run(init)
for epoch in range(training_epochs):
avg_cost = 0.
num_batch = int(mnist.train.num_examples/batch_size)
for i in range(num_batch):
batch_xs, batch_ys = mnist.train.next_batch(batch_size)
sess.run(optm,feed_dict={x:batch_xs,y:batch_ys})
feeds ={x:batch_xs,y:batch_ys}
avg_cost += sess.run(cost,feed_dict=feeds)/num_batch
if epoch % display_step == 0:
feeds_train ={x:batch_xs,y:batch_ys}
feeds_test = {x:mnist.test.images, y:mnist.test.labels}
train_acc = sess.run(accr,feed_dict=feeds_train)
test_acc = sess.run(accr,feed_dict=feeds_test)
print('Epoch:%03d/%03d cost:%.9f train_acc:%.3f test_acc:%.3f'
% (epoch, training_epochs,avg_cost,train_acc,test_acc))
# plt.show()
end = time.clock()
print('Running time: %s Seconds'%(end-start))
# gpu:57.8853
# cpu :73.23
相關文章
- python程式計算執行時間差Python
- JavaScript 計算程式碼執行花費時間JavaScript
- 計算機執行彙編程式碼的原理計算機
- Stopwatch 計算程式執行時間
- shell指令碼命令 執行python檔案&python命令列執行python程式碼指令碼Python命令列
- 如何用iPad執行Python程式碼?iPadPython
- 用GPU來執行Python程式碼GPUPython
- python的個稅計算程式碼Python
- python 多執行緒程式設計Python執行緒程式設計
- Python多執行緒程式設計Python執行緒程式設計
- python爬蟲之多執行緒、多程式+程式碼示例Python爬蟲執行緒
- 3.python程式設計與計算機的關係,如何執行python檔案Python程式設計計算機
- 程式碼執行
- PySpark和SparkSQL基礎:如何利用Python程式設計執行Spark(附程式碼)SparkSQLPython程式設計
- 用 150 行 Python 程式碼寫的量子計算模擬器Python
- Java專案計算程式執行時間方法Java
- vim設定一鍵執行python程式碼Python
- 批次計算遙感影像NDVI:Python程式碼Python
- Python系統程式設計之執行緒Python程式設計執行緒
- Python程式VS執行緒Python執行緒
- python 程式、執行緒 (一)Python執行緒
- python 程式、執行緒 (二)Python執行緒
- Python語法進階(1)- 程式與執行緒程式設計Python執行緒程式設計
- C#呼叫IronPython動態執行Python程式碼C#Python
- oracle執行java程式碼OracleJava
- java程式碼執行字串中的邏輯運算方法Java字串
- 沒有運算結果,直接執行完所有程式碼
- 好程式設計師Python培訓分享Python中程式和執行緒詳解程式設計師Python執行緒
- Python 多執行緒及程式Python執行緒
- Python 中執行緒和程式Python執行緒
- Python 多執行緒多程式Python執行緒
- 多執行緒程式是如何執行程式碼的?執行緒行程
- 如何用 pipenv 克隆 Python 教程程式碼執行環境?Python
- 求助,python 程式碼執行後提示 “Failed to import the site module”PythonAIImport
- 關於《深入理解計算機系統》 程式碼是怎麼執行的計算機
- python 建立mysql資料庫腳(執行sql)指令碼程式碼PythonMySql資料庫指令碼
- Python——程式、執行緒、協程、多程式、多執行緒(個人向)Python執行緒
- linux系統時間程式設計(9) 計算程式片段執行時間clock函式Linux程式設計函式