神经网络基本搭建代码

#coding:utf-8
#导入模块,生成模拟数据集
seed = 23455
BATCH_SIZE = 8
import tensorflow as tf
import numpy as np
rng = np.random.RandomState(seed)
X = rng.rand(32,2)
Y = [[int(x1 + x1 < 1)] for (x0, x1) in X]
print "X:\n",X
print "Y:\n",Y
#定义输入、参数和输出,定义前向传播过程
x=tf.placeholder(tf.float32, shape=(None, 2))
y_=tf.placeholder(tf.float32, shape=(None, 1))

w1=tf.Variable(tf.random_normal([2,3], stddev=1, seed=1))
w2=tf.Variable(tf.random_normal([3,1], stddev=1, seed=1))

a = tf.matmul(x, w1)
y = tf.matmul(a, w2)
#定义损失函数和反向传播方法
loss = tf.reduce_mean(tf.square(y_ - y))
train_step = tf.train.GradientDescentOptimizer(0.001).minimize(loss)
#生成会话,训练STEPS轮
with tf.Session() as sess:
    init_op=tf.global_variables_initializer()
    sess.run(init_op)

    print "w1:\n",sess.run(w1)
    print "w2:\n",sess.run(w2)
    print "\n"

    STEPS=3000
    for i in range(STEPS):
          start=(i*BATCH_SIZE)%32
          end=start + BATCH_SIZE
          sess.run(train_step, feed_dict={x:X[start:end], y_:Y[start:end]})
          if i%500 == 0:
              total_loss = sess.run(loss, feed_dict={x:X, y_:Y})
              print "After %d training step(s), loss on all data is %g" %(i, total_loss)

print "\n"
print "w1:\n",sess.run(w1)
print "w2:\n",sess.run(w2)

猜你喜欢

转载自blog.csdn.net/RoundOff/article/details/87903799