美文网首页Tensorflow实践
Keras学习指北-线性回归(tensorflow后端)

Keras学习指北-线性回归(tensorflow后端)

作者: 一块自由的砖 | 来源:发表于2019-12-09 17:52 被阅读0次

Keras介绍

Keras是基于TensorFlow和Theano(由加拿大蒙特利尔大学开发的机器学习框架)的深度学习库,是由纯python编写而成的高层神经网络API,也仅支持python开发。它是为了支持快速实践而对tensorflow或者Theano的再次封装,让我们可以不用关注过多的底层细节,用它可以快速地搭建网络,能够把想法快速转换为结果。Keras默认的后端为tensorflow,如果想要使用theano可以自行更改。tensorflow和theano都可以使用GPU进行硬件加速,往往可以比CPU运算快很多倍。

20181108111411103.png

开发步骤

还是四大块,但是keras比tensorflow好处是中间好多模型和参数不要自己在写了
1 数据集整理
2 定义模型
3 训练/学习
4 预测/评估

对比tensorflow和keras

以前的线性回归模型(tensorflow实现)
每次一篇10分钟,小步快跑攻陷Tensorflow(简单线性回归模型)

现在用keras写一个

构建数据集,这可以用np.linspace(0, 1, 100)的方式,我这里用比较通俗的写法,比较容易看明白。

import numpy as np
import tensorflow as tf
import matplotlib.pyplot as plt

print('Data -----------')
#构建训练数据和测试数据 (100个点)
number=100
list_x = []
list_y = []

for i in range(number):
    x = np.random.randn()
    #这里构建的数据的分布满足y=2*x+3 增加了一些噪点
    y = 2*x+3+np.random.randn()*1
    list_x.append(x)
    list_y.append(y)
print(list_x)
print(list_y)

plt.scatter(list_x, list_y)
plt.show()

定义模型

print('Model -----------')
 # 把前80个数据放到训练集
X_train, Y_train = list_x[:80], list_y[:80] 
# 把后20个点放到测试集   
X_test, Y_test = list_x[80:], list_y[80:]       

# 定义一个模型
# Keras 单输入单输出的顺序序列模型 Sequential,
model = Sequential () 
#设置模型
#通过add()方法一层层添加模型,Dense是全连接层,第一层需要定义输入,
model.add(Dense(output_dim=1, input_dim=1)) 

训练/学习

# 选择损失函数和优化器
model.compile(loss='mse', optimizer='sgd')

# 开始训练
print('Training -----------')
#训练200次
for step in range(200):
    cost = model.train_on_batch(X_train, Y_train) 
    # 每20次迭代输出
    if step % 20 == 0:
        print('train cost: ', cost)

# 查看训练出的网络参数:权重和偏移
W, b = model.layers[0].get_weights()   
print('Weights=', W, '\nbiases=', b)

预测/评估

# 测试训练好的模型
print('Testing ------------')
cost = model.evaluate(X_test, Y_test, batch_size=40)
print('test cost:', cost)
# plotting the prediction
Y_pred = model.predict(X_test)
#画图(蓝点,红线)
plt.scatter(X_test, Y_test, c='b', marker='o', label='real data')
plt.plot(X_test, Y_pred, c='r', label='predicted data')
plt.show()

比以前代码量小了,也不用关心模型细节了。

全部代码

到github查看https://github.com/horacepei/tensorflow_study

相关文章

网友评论

    本文标题:Keras学习指北-线性回归(tensorflow后端)

    本文链接:https://www.haomeiwen.com/subject/imibgctx.html