没有合适的资源?快使用搜索试试~ 我知道了~
chapter 2 的主要内容 classification example regression example 整理数据:train,test,valid model = keras.models.Sequential() model.compile(loss=, optimizer=, metrics=) model.fit(x_train,y_train,validation_data = (x_valid_scaled,y_valid),epochs = 100,callbacks = callbacks) model.evaluate(x_test,y_test) 过拟合的解决办法
资源推荐
资源详情
资源评论
tf2学习笔记学习笔记
chapter 2 的主要内容的主要内容
classification example
regression example
整理数据:train,test,valid
model = keras.models.Sequential()
model.compile(loss=, optimizer=, metrics=)
model.fit(x_train,y_train,validation_data = (x_valid_scaled,y_valid),epochs = 100,callbacks = callbacks)
model.evaluate(x_test,y_test)
过拟合的解决办法
dropout
梯度消失的解决办法
BatchNormalization
activation=“selu”
架模型的方式
方式一:model = keras.models.Sequential([keras.layers.Dense(30,input_shape,activation)])
方式二:model = keras.models.Sequential();model.add(keras.layers.Dense(30,input_shape,activation))
方式三:函数式API
input = keras.layers.Input(shape = x_train.shape[1:])
hidden1 = keras.layers.Dense(30,activation=“relu”)(input)
hidden2 = keras.layers.Dense(30,activation=“relu”)(hidden1)
concat = keras.layers.concatenate([input,hidden2])
output = keras.layers.Dense(1)(concat)
model = keras.models.Model(inputs=[input],outputs = [output]) # 固化model
方式四:类
class WideDeepModel(keras.models.Model):
def init(self):
super(WideDeepModel, self).init()
“”“定义模型的层次”””
self.hidden1_layer = keras.layers.Dense(30, activation=“relu”)
self.hidden2_layer = keras.layers.Dense(30, activation=“relu”)
self.ouput_layer = keras.layers.Dense(1)
def call(self,input):
“”“完成模型的正向计算”””
hidden1 = self.hidden1_layer(input)
hidden2 = self.hidden2_layer(hidden1)
concat = keras.layers.concatenate([input, hidden2])
output = self.output_layer(concat)
return output
model = keras.models.Sequential([WideDeepModel()])
model.build(input_shape=(None,8))
超参数的搜索
网格搜索
转为sklearn模型,使用sklearn中的randomsearchCV进行搜索
callbacks的使用:
Tensorboard # 需要一个文件夹
如何查看tensorboard的记录结果:在终端中输入 tensorboard –logdir = callbacks
earlystopping # 需要一个文件
ModelCheckPoints
classification example
import matplotlib as mpl
import matplotlib.pyplot as plt
%matplotlib inline
import numpy as np
import sklearn
import pandas as pd
import os
import time
import sys
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)
2.1.0
sys.version_info(major=3, minor=6, micro=10, releaselevel='final', serial=0)
matplotlib
numpy
pandas
sklearn
tensorflow
tensorflow_core.keras
# 加载数据集
mnist = keras.datasets.mnist
(x_train_all,y_train_all),(x_test,y_test) = mnist.load_data() # 加载数据,数据集都为numpy格式
x_train_all,y_test_all = x_train_all / 255.0,x_test / 255.0
x_valid,x_train = x_train_all[:5000],x_train_all[5000:] y_valid,y_train = y_train_all[:5000],y_train_all[5000:]
# 绘制一张数据集的图片
def show_single_image(img_arr):
plt.imshow(img_arr,cmap="binary")
plt.show()
show_single_image(x_train[1])
# 显示多张图片
def show_imgs(n_rows,n_cols,x_data,y_data,class_names):
assert len(x_data) == len(y_data)
assert n_rows * n_cols < len(x_data)
plt.figure(figsize = (n_cols * 1.4,n_rows * 1.6))
for row in range(n_rows):
for col in range(n_cols):
index = n_cols * row + col
plt.subplot(n_rows,n_cols,index+1)
plt.imshow(x_data[index],cmap="binary")
plt.axis("off")
plt.title(class_names[y_data[index]])
plt.show()
class_names = ["0","1","2","3","4","5","6","7","8","9"] show_imgs(1,10,x_train,y_train,class_names)
剩余6页未读,继续阅读
资源评论
weixin_38607088
- 粉丝: 5
- 资源: 921
上传资源 快速赚钱
- 我的内容管理 展开
- 我的资源 快来上传第一个资源
- 我的收益 登录查看自己的收益
- 我的积分 登录查看自己的积分
- 我的C币 登录后查看C币余额
- 我的收藏
- 我的下载
- 下载帮助
最新资源
资源上传下载、课程学习等过程中有任何疑问或建议,欢迎提出宝贵意见哦~我们会及时处理!
点击此处反馈
安全验证
文档复制为VIP权益,开通VIP直接复制
信息提交成功