神经网络基本搭建代码

#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)

 

  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值