从零基础入门Tensorflow2.0 ----二、4.1 wide & deep 模型(函数式API)

every blog every motto: In love folly is always sweet.

0. 前言

利用之前的回归问题,进行改造成 wide & deep 模型

1. 代码部分

1. 导入模块

import matplotlib as mpl
import matplotlib.pyplot as plt
%matplotlib inline
import numpy as np
import sklearn
import pandas as pd
import os
import sys
import time
import tensorflow as tf
from tensorflow import keras

print(tf.__version__)
print(sys.version_info)
for module in mpl,np,pd,sklearn,tf,keras:
    print(module.__name__,module.__version__)

在这里插入图片描述

2. 读取数据

from sklearn.datasets import fetch_california_housing

# 房价预测
housing = fetch_california_housing()
print(housing.DESCR)
print(housing.data.shape)
print(housing.target.shape)

3. 划分样本

# 划分样本
from sklearn.model_selection import train_test_split

x_train_all,x_test,y_train_all,y_test = train_test_split(housing.data,housing.target,random_state=7)
x_train,x_valid,y_train,y_valid = train_test_split(x_train_all,y_train_all,random_state=11)

print(x_train.shape,y_train.shape)
print(x_valid.shape,y_valid.shape)
print(x_test.shape,y_test.shape)

在这里插入图片描述

4. 数据归一化

# 归一化
from sklearn.preprocessing import StandardScaler

scaler = StandardScaler()
x_train_scaled = scaler.fit_transform(x_train)
x_valid_scaled = scaler.transform(x_valid)
x_test_scaled = scaler.transform(x_test)

5. wide & deep 模型

# 函数式API 功能API
input = keras.layers.Input(shape=x_train.shape[1:])
# 实现deep
hidden1 = keras.layers.Dense(30,activation="sigmoid")(input)
hidden2 = keras.layers.Dense(30,activation="sigmoid")(hidden1)
# 复合函数:f(x) = g(g(x))

# wide 和 deep 合并
concat = keras.layers.concatenate([input,hidden2])

# 输出
output = keras.layers.Dense(1)(concat)

6. 固化模型

# 固化模型
model = keras.models.Model(inputs=[input],outputs = [output])

7. 编译和回调函数

# 打印model信息
model.summary()
# 编译
model.compile(loss='mean_squared_error',optimizer="adam")
# 回调函数
callbacks = [keras.callbacks.EarlyStopping(patience=5,min_delta=1e-2)]

在这里插入图片描述

8. 训练

#训练
history = model.fit(x_train_scaled,y_train,validation_data=(x_valid_scaled,y_valid),epochs=100,callbacks=callbacks)

9. 学习曲线

# 学习曲线
def plot_learning_curves(history):
    pd.DataFrame(history.history).plot(figsize=(8,5))
    plt.grid(True)
    plt.gca().set_ylim(0,1)
    plt.show()
plot_learning_curves(history)

在这里插入图片描述

10. 测试集上

model.evaluate(x_test_scaled,y_test)

在这里插入图片描述

发布了39 篇原创文章 · 获赞 32 · 访问量 5785

猜你喜欢

转载自blog.csdn.net/weixin_39190382/article/details/104130782