我是Tensorflow的新手,我的任务是设计一个前馈神经网络,该网络包括:一个输入层,一个由10个神经元组成的隐藏感知器层和一个输出softmax层。假设学习率为0.01,L2正则化,权重衰减参数为0.000001,批次大小为32。

我想知道是否仍然要知道我创建的网络是否打算创建。就像显示节点的图一样?

以下是尝试执行此任务的方法,但不确定是否正确。

import math
import tensorflow as tf
import numpy as np
import pylab as plt


# scale data
def scale(X, X_min, X_max):
    return (X - X_min)/(X_max-X_min)


def tfvariables(start_nodes, end_nodes):
    W = tf.Variable(tf.truncated_normal([start_nodes, end_nodes], stddev=1.0/math.sqrt(float(start_nodes))))
    b = tf.Variable(tf.zeros([end_nodes]))
    return W, b


NUM_FEATURES = 36
NUM_CLASSES = 6

learning_rate = 0.01
beta = 10 ** -6
epochs = 10000
batch_size = 32
num_neurons = 10
seed = 10
np.random.seed(seed)

#read train data
train_input = np.loadtxt('sat_train.txt',delimiter=' ')
trainX, train_Y = train_input[:, :36], train_input[:, -1].astype(int)
trainX = scale(trainX, np.min(trainX, axis=0), np.max(trainX, axis=0))
# There are 6 class-labels 1,2,3,4,5,7
train_Y[train_Y == 7] = 6

trainY = np.zeros((train_Y.shape[0], NUM_CLASSES))
trainY[np.arange(train_Y.shape[0]), train_Y-1] = 1 #one matrix

# experiment with small datasets
trainX = trainX[:1000]
trainY = trainY[:1000]

n = trainX.shape[0]

# Create the model
x = tf.placeholder(tf.float32, [None, NUM_FEATURES])
y_ = tf.placeholder(tf.float32, [None, NUM_CLASSES])

# Build the graph for the deep net
W1, b1 = tfvariables(NUM_FEATURES, num_neurons)
W2, b2 = tfvariables(num_neurons, NUM_CLASSES)

logits_1 = tf.matmul(x, W1) + b1
perceptron_layer = tf.nn.sigmoid(logits_1)
logits_2 = tf.matmul(perceptron_layer, W2) + b2

cross_entropy = tf.nn.softmax_cross_entropy_with_logits_v2(labels=y_, logits=logits_2)
# Standard Loss
loss = tf.reduce_mean(cross_entropy)
# Loss function with L2 Regularization with beta
regularizers = tf.nn.l2_loss(W1) + tf.nn.l2_loss(W2)
loss = tf.reduce_mean(loss + beta * regularizers)

# Create the gradient descent optimizer with the given learning rate.
optimizer = tf.train.GradientDescentOptimizer(learning_rate)
train_op = optimizer.minimize(cross_entropy)

correct_prediction = tf.cast(tf.equal(tf.argmax(logits_2, 1), tf.argmax(y_, 1)), tf.float32)
accuracy = tf.reduce_mean(correct_prediction)

config = tf.ConfigProto()
config.gpu_options.allow_growth = True

with tf.Session(config=config) as sess:
    sess.run(tf.global_variables_initializer())
    train_acc = []
    train_loss = []
    for i in range(epochs):
        train_op.run(feed_dict={x: trainX, y_: trainY})
        train_acc.append(accuracy.eval(feed_dict={x: trainX, y_: trainY}))
        train_loss.append(loss.eval(feed_dict={x: trainX, y_: trainY}))


        if i % 500 == 0:
            print('iter %d: accuracy %g loss %g'%(i, train_acc[i], train_loss[i]))


# plot learning curves
plt.figure(1)
plt.plot(range(epochs), train_acc)
plt.xlabel(str(epochs) + ' iterations')
plt.ylabel('Train accuracy')
# plot learning curves
plt.figure(1)
plt.plot(range(epochs), train_loss)
plt.xlabel(str(epochs) + ' iterations')
plt.ylabel('Train loss')
plt.show()
plt.show()

最佳答案

您可以使用Tensorboard来可视化您创建的图形。基本上,您必须按照以下步骤进行操作:


将作者声明为writer = tf.summary.FileWriter('PATH/TO/A/LOGDIR')
使用writer.add_graph(sess.graph)将图形添加到writer中,sess是执行图形的当前tf.Session()
可能您必须使用writer.flush()立即将其写入磁盘


请注意,在构建图形之后必须添加这些线。

您可以通过在Shell中执行以下命令来查看图形:

tensorboard --logdir=PATH/TO/A/LOGDIR


然后会显示一个地址(通常是localhost:6006之类的地址),您可以在该地址上使用浏览器查看该图(保证可以使用Chrome和Firefox)。

关于python - 验证前馈网络的有效性,我们在Stack Overflow上找到一个类似的问题:https://stackoverflow.com/questions/52516101/

10-15 09:59