TensorFlow实现异或

熟悉一下TensorFlow

import tensorflow as tf
import numpy as np

data_x = np.array([
    [0,0],
    [0,1],
    [1,0],
    [1,1]
], dtype="float")
data_y = np.array([
    [0],
    [1],
    [1],
    [0]
], dtype="float")

_x = tf.placeholder("float", [None, 2])
_y = tf.placeholder("float", [None, 1])
_lr = tf.placeholder("float")
W1 = tf.Variable(tf.random_normal([2, 3], 0.1, 0.1))
W2 = tf.Variable(tf.random_normal([3, 1], 0.1, 0.1))
b1 = tf.Variable(tf.random_normal([3], 0.1, 0.1))
b2 = tf.Variable(tf.random_normal([1], 0.1, 0.1))
z1 = tf.matmul(_x, W1) + b1
a1 = tf.nn.sigmoid(z1)
z2 = tf.matmul(a1, W2) + b2
y = tf.nn.sigmoid(z2)

loss_l2 = tf.reduce_sum((_y-y)**2)
train_step = tf.train.GradientDescentOptimizer(_lr).minimize(loss_l2)
init = tf.initialize_all_variables()
sess = tf.Session()
sess.run(init)

errors = []
for epoch in range(10000):
    if epoch <= 2000:
        lr = 1
    elif epoch <=5000:
        lr = 0.1
    else:
        lr = 0.01
    for i in range(4):
        batch_xs, batch_ys = data_x[i:i+1,], data_y[i:i+1,]
        _, loss, zz1, aa1, zz2, yy = sess.run([train_step, loss_l2, z1, a1, z2, y], feed_dict={_x: batch_xs, _y: batch_ys, _lr: lr})
    errors.append(loss)
    print("epoch: %d -->loss: %f--->y: %f"%(epoch, loss, yy))

def predict(x):
    x = np.array(x, dtype="float32")
    assert x.shape == (1, 2)
    a1 = tf.nn.sigmoid(tf.matmul(x, W1) + b1)
    y = tf.nn.sigmoid(tf.matmul(a1, W2) + b2)
    return y

test = predict([[0.1,0.7]])
print(sess.run(test))

 

  • 0
    点赞
  • 1
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

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

抵扣说明:

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

余额充值