gpt4 book ai didi

python - 在 TensorFlow 中执行函数

转载 作者:行者123 更新时间:2023-11-30 22:41:36 25 4
gpt4 key购买 nike

我对此有一些疑问 Code - TensorFlow 中的神经网络。

#!/usr/bin/env python

import tensorflow as tf
import numpy as np
from tensorflow.examples.tutorials.mnist import input_data


def init_weights(shape):
return tf.Variable(tf.random_normal(shape, stddev=0.01))


def model(X, w_h, w_o):
h = tf.nn.sigmoid(tf.matmul(X, w_h)) # this is a basic mlp, think 2 stacked logistic regressions
return tf.matmul(h, w_o) # note that we dont take the softmax at the end because our cost fn does that for us


mnist = input_data.read_data_sets("MNIST_data/", one_hot=True)
trX, trY, teX, teY = mnist.train.images, mnist.train.labels, mnist.test.images, mnist.test.labels

X = tf.placeholder("float", [None, 784])
Y = tf.placeholder("float", [None, 10])

w_h = init_weights([784, 625]) # create symbolic variables
w_o = init_weights([625, 10])

py_x = model(X, w_h, w_o)

cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=py_x, labels=Y)) # compute costs
train_op = tf.train.GradientDescentOptimizer(0.05).minimize(cost) # construct an optimizer
predict_op = tf.argmax(py_x, 1)

# Launch the graph in a session
with tf.Session() as sess:
# you need to initialize all variables
tf.global_variables_initializer().run()

for i in range(100):
for start, end in zip(range(0, len(trX), 128), range(128, len(trX)+1, 128)):
sess.run(train_op, feed_dict={X: trX[start:end], Y: trY[start:end]})
print(i, np.mean(np.argmax(teY, axis=1) ==
sess.run(predict_op, feed_dict={X: teX})))
  • 在第 37 行循环运行一次后,我如何使用 X[0] 和新学习的 调用 model() w_hw_o ,以便我可以看到函数返回

  • 同样,如何在 model() 函数中打印 h 的值?

提前致谢。我是 tensorflow 新手:)

最佳答案

feed_dict 将占位符转换为实际值。因此,为 feed_dicts 提供单个条目并评估 py_x

以下应该有效:

对于结果 (px_y):

print(sess.run(py_x, feed_dict={X: [yoursample]}))

对于h来说(几乎)是一样的。但正如链接代码中的 hmodel() 的私有(private)成员一样,您需要引用 h 才能对其进行评估。最简单的方法很可能是替换行:

(14) return tf.matmul(h, w_o)
with
(14) return (tf.matmul(h, w_o), h)

(26) py_x = model(X, w_h, w_o)
with
(26) py_x, h = model(X, w_h, w_o)

并使用:

print(sess.run(h, feed_dict={X: [yoursample]}))

或者(评估多个变量):

py_val, h_val = sess.run([py_x, h], feed_dict={X: [yoursample]})
print(py_val, h)

说明:顺便说一句,我们告诉 Tensorflow 我们的网络是如何构建的,我们不需要显式引用(内部/隐藏)变量 h。但为了评估它,我们确实需要引用来定义要评估的具体内容

还有其他方法可以让变量脱离 Tensorflow 的内部,但是当我们在上面几行显式创建这个变量时,我会避免将一些东西放入黑匣子中,并稍后要求同一个黑匣子给出回来了。

关于python - 在 TensorFlow 中执行函数,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/42471921/

25 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com