2020 TensorFlow 入门-小例程

1、warm up,创建会话,打印变量

import tensorflow as tf

tf.compat.v1.disable_eager_execution()

welcome=tf.constant('Welcome to TensorFlow world!')

sess = tf.compat.v1.Session()

print(sess.run(welcome))

sess.close()

2、basic math operations 基本的数学运算

import tensorflow as tf

tf.compat.v1.disable_eager_execution()

# Defining some constant values

a=tf.constant(5.0,name="a")

b=tf.constant(10.0,name="b")

# Some basic operations

x=tf.add(a,b,name="add")

y=tf.truediv(a,b,name="divide")

# Run the session

with tf.compat.v1.Session() as sess:

    print("a =",sess.run(a))

    print("b =",sess.run(b))

    print("a + b =",sess.run(x))

    print("a/b =",sess.run(y))

结果:

a = 5.0

b = 10.0

a + b = 15.0

a/b = 0.5

# Closing the session.

sess.close()

3、MLP(多层感知机) 完整神经网络样例程序

import tensorflow as tf

tf.compat.v1.disable_eager_execution()

(1)前向传播过程

import tensorflow as tf

#声明w1、w2两个变量,通过seed参数设定了随机种子

w1=tf.Variable(tf.random.normal((2,3),stddev=1,seed=1))

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

#暂时将输入的特征向量定义为一个常量,x是一个1*2的矩阵。

x=tf.constant([[0.7],[0.9]])

#通过前向传播算法获得神经网络的输出

a = tf.matmul(tf.transpose(x), w1)

y=tf.matmul(a,w2)

sess = tf.compat.v1.Session()

sess.run(w1.initializer)

sess.run(w2.initializer)

print(sess.run(y))

输出:[[3.957578]]

sess.close()

当变量数目变多或者变量之间存在依赖关系时,单个调用方案就比较麻烦,tensorflow 提供了一种更加便捷的方式来完成变量初始化过程,通过tf.global_variables_initializer函数实现初始化所有变量的过程。

init_op=tf.global_variable_initializer()

sess.run(init_op)

变量的声明函数tf.Variable是一个运算,这个运算的结果是一个张量

批量训练的时候,sess.run(train_step)就可以对所有在GraphKeys.TRAINABLE_VARIABLES集合中的变量进行优化,使得当前batch下损失函数更小。

(2)完整的神经网络样例

import tensorflow.compat.v1 as tf

#NumPy是一个科学计算的工具包,通过NumPy工具包生成模拟数据集。

from numpy.random import RandomState

#定义训练数据batch的大小

batch_size=8

#声明w1、w2两个变量,通过seed参数设定了随机种子

w1=tf.Variable(tf.random.normal((2,3),stddev=1,seed=1))

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

#placeholder机制用于提供输入数据,相当于定义了一个位置,这个位置中的数据在程序运行时再指定。

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)

#定义损失函数和反向传播算法

y=tf.sigmoid(y)

cross_entropy=-tf.reduce_mean(y_*tf.log(tf.clip_by_value(y,1e-10,1.0))+(1-y_)*tf.log(tf.clip_by_value(1-y,1e-10,1.0)))

train_step=tf.train.AdamOptimizer(0.001).minimize(cross_entropy)

#通过随机数生成一个模拟数据集

rdm=RandomState(1)

data_size=128

X=rdm.rand(data_size,2)

Y=[[int(x1+x2<1)] for (x1,x2) in X]  #x1+x2<1的样例被认为是正样本

#创建一个会话来运行tensorflow程序

with tf.Session() as sess:

    init_op=tf.global_variable_initializer()

    sess.run(init_op)

    print(sess.run(w1))

    print(sess.run(w2))

    #设定训练轮数

    STEPS=5000

    for i in range(STEPS):

        start=(i*batch_size)%data_size

        end=min(start+batch_size,data_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)

print(sess.run(w1))

print(sess.run(w2))

你可能感兴趣的:(2020 TensorFlow 入门-小例程)