tensorflow实现简单的网络样例程序

import tensorflow  as  tf


batch_size  = 8

# 定义神经网络的参数
w1 = tf.Variable(tf.random.normal([2,3],stddev = 2,seed = 1))


w2 = tf.Variable(tf.random.normal([3,1],stddev  = 2,seed=  1 ))


 # 在shape的一个维度上使用None可以方便使用不同的batch大小。在训练时需要把数据分

    # 成比较小的batch,但是在测试时,可以一次性使用全部的数据。当数据集比较小时这样比较

    # 方便测试,但数据集比较大时,将大量数据放入一个batch可能会导致内存溢出。

x = tf.placeholder(tf.float32,shape=[None,2],name = 'x-input')

y_ = tf.placeholder(tf.float32,shape=[None,1],name = 'y-input')

 # 定义神经网络前向传播的过程。

a = tf.matmul(x,w1)

y = tf.matmul(a,w2)



 # 定义损失函数和反向传播的算法
cross_entropy = -tf.reduce_mean(
    y_* tf.log(tf.clip_by_value(y,1e-10,1.0))
)



train_step = tf.train.AdamOptimizer(0.0001).minimize(cross_entropy)
import numpy as np

dataset_size = 128
 # 通过随机数生成一个模拟数据集。
X = np.random.rand(dataset_size,2)

Y = [[int(x1 + x2 < 1)] for (x1, x2) in X]

with tf.Session() as   sess:
    init_op = tf.initialize_all_variables()
    # 初始化变量。

    sess.run(init_op)

    print(sess.run(w1))
    print(sess.run(w2))

    steps = 50000
    for  i in range(steps):
        start = (i* batch_size)% dataset_size

        end = min(start + batch_size,dataset_size)

        sess.run(train_step,feed_dict={x:X[start:end],y_:Y[start:end]})

        if( i%1000 == 0):
            total_cross_entropy = sess.run(cross_entropy,feed_dict={x:X,y_:Y})
            print("After %d training step(s), cross entropy on all data is %g" %

                  (i, total_cross_entropy))

猜你喜欢

转载自blog.csdn.net/wang263334857/article/details/89047837