簡體   English   中英

AttributeError: 模塊“tensorflow.python.training.training”沒有屬性“SummaryWrite”

[英]AttributeError: module 'tensorflow.python.training.training' has no attribute 'SummaryWrite

import tensorflow as tf
import numpy as np
#import matplotlib.pyplot as plt


def add_layer(inputs,in_size,out_size,activation_function=None):
with tf.name_scope('layer'):
    with tf.name_scope('weight'):
     Weights = tf.Variable(tf.random_normal([in_size,out_size]),name='W')
    with tf.name_scope('biases'): 
     biases = tf.Variable(tf.zeros([1,out_size])+0.1,name='b')
    with tf.name_scope('Wx_plus_b'):
     Wx_plus_b = tf.matmul(inputs,Weights)+biases
    if activation_function is None:
      outputs = Wx_plus_b
    else:
      outputs = activation_function(Wx_plus_b)
    return outputs

x_data = np.linspace(-1,1,300)[:,np.newaxis]
noise = np.random.normal(0,0.05,x_data.shape)
y_data = np.square(x_data) - 0.5 + noise

#define the placeholder for input
with tf.name_scope('inputs'):
xs = tf.placeholder(tf.float32,[None,1],name='x_input')                        
ys = tf.placeholder(tf.float32,[None,1],name='y_input')

#add hidden layer
l1 = add_layer(xs,1,10,activation_function=tf.nn.relu)

#add output layer
prediction = add_layer(l1,10,1,activation_function=None)


# error between prediction and real data
with tf.name_scope('loss'):
 loss = tf.reduce_mean(tf.reduce_sum(tf.square(ys-prediction),
                 reduction_indices=[1]),name='loss')
with tf.name_scope('train'):
 train_step = tf.train.GradientDescentOptimizer(0.1).minimize(loss)
init = tf.global_variables_initializer()



sess = tf.Session()
writer = tf.train.SummaryWrite("C:\\Users\\duke\\Desktop\\tensorflow      example\\",sess.graph)
sess.run(init)
#fig = plt.figure()
#ax = fig.add_subplot(1,1,1)
#ax.scatter(x_data,y_data)
#plt.ion()
#plt.show()


#training step
for i in range (1000):
     sess.run(train_step, feed_dict={xs:x_data,ys:y_data})
      if i % 50 ==0:
     # print(sess.run(loss,feed_dict={xs:x_data,ys:y_data}))
      try:
         ax.lines.remove(lines[0])
      except Exception:
         pass
      prediction_value = sess.run(prediction,feed_dict={xs:x_data})
      lines = ax.plot(x_data,prediction_value,'r-',lw=5)
      plt.pause(0.1)



sess.close()

我目前使用 tensorflow 構建一個簡單的 3 層 NN,我想使用 tensorboard 來顯示圖形。 但是當我運行該模塊時,它顯示: AttributeError: module 'tensorflow.python.training.training' has no attribute 'SummaryWrite'。 我真的很困惑....

正如@Neal 所評論的,SummaryWriter 不再導出到 train 模塊中,因為它已被棄用。請參見此處

而是使用tf.summary.FileWriter

暫無
暫無

聲明:本站的技術帖子網頁,遵循CC BY-SA 4.0協議,如果您需要轉載,請注明本站網址或者原文地址。任何問題請咨詢:yoyou2525@163.com.

 
粵ICP備18138465號  © 2020-2024 STACKOOM.COM