简体   繁体   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()

I currently use tensorflow to build a simple 3 layers NN, and I want to use tensorboard to show the gragh.我目前使用 tensorflow 构建一个简单的 3 层 NN,我想使用 tensorboard 来显示图形。 but when I run the module, it shows: AttributeError: module 'tensorflow.python.training.training' has no attribute 'SummaryWrite'.但是当我运行该模块时,它显示: AttributeError: module 'tensorflow.python.training.training' has no attribute 'SummaryWrite'。 I am really confused....我真的很困惑....

As commented by @Neal, SummaryWriter is no longer exported into the train module, as it was deprecated.See here .正如@Neal 所评论的,SummaryWriter 不再导出到 train 模块中,因为它已被弃用。请参见此处

Instead use tf.summary.FileWriter而是使用tf.summary.FileWriter

暂无
暂无

声明:本站的技术帖子网页,遵循CC BY-SA 4.0协议,如果您需要转载,请注明本站网址或者原文地址。任何问题请咨询:yoyou2525@163.com.

相关问题 AttributeError:模块“ tensorflow.python.training.training”没有属性“ SummaryWriter” - AttributeError: module 'tensorflow.python.training.training' has no attribute 'SummaryWriter' AttributeError: 模块“tensorflow.python.training.checkpointable”没有属性“CheckpointableBase” - AttributeError: module 'tensorflow.python.training.checkpointable' has no attribute 'CheckpointableBase' AttributeError:模块'tensorflow.python.training.experimental.mixed_precision'没有属性'_register_wrapper_optimizer_cls' - AttributeError: module 'tensorflow.python.training.experimental.mixed_precision' has no attribute '_register_wrapper_optimizer_cls' 在nltk中训练Brill标记器,AttributeError:“模块”对象没有属性“ SymmetricProximateTokensTemplate” - Training Brill tagger in nltk, AttributeError: 'module' object has no attribute 'SymmetricProximateTokensTemplate' AttributeError:模块“tensorflow”没有属性“python” - AttributeError: module 'tensorflow' has no attribute 'python' AttributeError: module 'tensorflow' has no attribute 'python' in Keras Tensorflow - AttributeError: module 'tensorflow' has no attribute 'python' in Keras Tensorflow AttributeError: 模块“tensorflow.python.summary.summary”没有属性“FileWriter” - AttributeError: module 'tensorflow.python.summary.summary' has no attribute 'FileWriter' AttributeError: 模块“tensorflow.python.framework.ops”没有属性“RegisterShape” - AttributeError: module 'tensorflow.python.framework.ops' has no attribute 'RegisterShape' AttributeError:模块'tensorflow.python.framework.ops'没有属性'_TensorLike' - AttributeError: module 'tensorflow.python.framework.ops' has no attribute '_TensorLike' AttributeError:模块'tensorflow'在更新后没有属性'python'错误 - AttributeError: module 'tensorflow' has no attribute 'python' error after update
 
粤ICP备18138465号  © 2020-2024 STACKOOM.COM