日韩性视频-久久久蜜桃-www中文字幕-在线中文字幕av-亚洲欧美一区二区三区四区-撸久久-香蕉视频一区-久久无码精品丰满人妻-国产高潮av-激情福利社-日韩av网址大全-国产精品久久999-日本五十路在线-性欧美在线-久久99精品波多结衣一区-男女午夜免费视频-黑人极品ⅴideos精品欧美棵-人人妻人人澡人人爽精品欧美一区-日韩一区在线看-欧美a级在线免费观看

歡迎訪問 生活随笔!

生活随笔

當前位置: 首頁 > 编程资源 > 编程问答 >内容正文

编程问答

基于Keras搭建cifar10数据集训练预测Pipeline

發布時間:2025/3/21 编程问答 32 豆豆
生活随笔 收集整理的這篇文章主要介紹了 基于Keras搭建cifar10数据集训练预测Pipeline 小編覺得挺不錯的,現在分享給大家,幫大家做個參考.

基于Keras搭建cifar10數據集訓練預測Pipeline

鋼筆先生關注

0.5412019.01.17 22:52:05字數 227閱讀 500

Pipeline

本次訓練模型的數據直接使用Keras.datasets.cifar10.load_data()得到,模型建立是通過Sequential搭建。

重點思考的內容是如何應用訓練過的模型進行實際預測,里面牽涉到一些細節,需要注意。同時,Keras提供的ImageDataGenerator為模型訓練時提供數據輸入,之前有總結過這個類,并給出了從文件系統中加載原始圖片數據的方法。

模型搭建

from __future__ import print_function import keras from keras.datasets import cifar10 from keras.preprocessing.image import ImageDataGenerator from keras.models import Sequential from keras.layers import Dense, Dropout, Activation, Flatten from keras.layers import Conv2D, MaxPooling2D import os# 指定超參數 batch_size = 32 num_classes = 10 epochs = 50 data_augmentation = True # 數據增強 num_predictions = 20 save_dir = os.path.join(os.getcwd(), 'saved_models') model_name = 'keras_cifar10_trained_model.h5'# The data, split between train and test sets: (x_train, y_train), (x_test, y_test) = cifar10.load_data() print('x_train shape:', x_train.shape) print(x_train.shape[0], 'train samples') print(x_test.shape[0], 'test samples')# Convert class vectors to binary class matrices. y_train = keras.utils.to_categorical(y_train, num_classes) y_test = keras.utils.to_categorical(y_test, num_classes)# 搭建模型 model = Sequential() model.add(Conv2D(32, (3, 3), padding='same',input_shape=x_train.shape[1:])) model.add(Activation('relu')) model.add(Conv2D(32, (3, 3))) model.add(Activation('relu')) model.add(MaxPooling2D(pool_size=(2, 2))) model.add(Dropout(0.25))model.add(Conv2D(64, (3, 3), padding='same')) model.add(Activation('relu')) model.add(Conv2D(64, (3, 3))) model.add(Activation('relu')) model.add(MaxPooling2D(pool_size=(2, 2))) model.add(Dropout(0.25))model.add(Flatten()) model.add(Dense(512)) model.add(Activation('relu')) model.add(Dropout(0.5)) model.add(Dense(num_classes)) model.add(Activation('softmax'))# initiate RMSprop optimizer opt = keras.optimizers.rmsprop(lr=0.0001, decay=1e-6)# Let's train the model using RMSprop model.compile(loss='categorical_crossentropy',optimizer=opt,metrics=['accuracy'])x_train = x_train.astype('float32') x_test = x_test.astype('float32') x_train /= 255 x_test /= 255# 如果不用模型增強 if not data_augmentation:print('Not using data augmentation.')model.fit(x_train, y_train,batch_size=batch_size,epochs=epochs,validation_data=(x_test, y_test),shuffle=True)# 使用模型增強 else:print('Using real-time data augmentation.')# This will do preprocessing and realtime data augmentation:datagen = ImageDataGenerator(featurewise_center=False, # set input mean to 0 over the datasetsamplewise_center=False, # set each sample mean to 0featurewise_std_normalization=False, # divide inputs by std of the datasetsamplewise_std_normalization=False, # divide each input by its stdzca_whitening=False, # apply ZCA whiteningzca_epsilon=1e-06, # epsilon for ZCA whiteningrotation_range=0, # randomly rotate images in the range (degrees, 0 to 180)# randomly shift images horizontally (fraction of total width)width_shift_range=0.1,# randomly shift images vertically (fraction of total height)height_shift_range=0.1,shear_range=0., # set range for random shearzoom_range=0., # set range for random zoomchannel_shift_range=0., # set range for random channel shifts# set mode for filling points outside the input boundariesfill_mode='nearest',cval=0., # value used for fill_mode = "constant"horizontal_flip=True, # randomly flip imagesvertical_flip=False, # randomly flip images# set rescaling factor (applied before any other transformation)rescale=None,# set function that will be applied on each inputpreprocessing_function=None,# image data format, either "channels_first" or "channels_last"data_format=None,# fraction of images reserved for validation (strictly between 0 and 1)validation_split=0.0)# Compute quantities required for feature-wise normalization# (std, mean, and principal components if ZCA whitening is applied).datagen.fit(x_train)# Fit the model on the batches generated by datagen.flow().history = model.fit_generator(datagen.flow(x_train, y_train,batch_size=batch_size),epochs=epochs,steps_per_epoch = 600,validation_data=(x_test, y_test),validation_steps = 10,workers=4)# Save model and weights if not os.path.isdir(save_dir):os.makedirs(save_dir) model_path = os.path.join(save_dir, model_name) model.save(model_path) print('Saved trained model at %s ' % model_path)# Score trained model. scores = model.evaluate(x_test, y_test, verbose=1) print('Test loss:', scores[0]) print('Test accuracy:', scores[1])

訓練完畢后,模型保存為:keras_cifar10_trained_model.h5

使用預訓練模型

# 使用已經訓練好的參數來加載模型from keras.models import load_modelmodel = load_model('./saved_models/keras_cifar10_trained_model.h5')model.summary()''' Layer (type) Output Shape Param # ================================================================= conv2d_9 (Conv2D) (None, 32, 32, 32) 896 _________________________________________________________________ activation_13 (Activation) (None, 32, 32, 32) 0 _________________________________________________________________ conv2d_10 (Conv2D) (None, 30, 30, 32) 9248 _________________________________________________________________ activation_14 (Activation) (None, 30, 30, 32) 0 _________________________________________________________________ max_pooling2d_5 (MaxPooling2 (None, 15, 15, 32) 0 _________________________________________________________________ dropout_7 (Dropout) (None, 15, 15, 32) 0 _________________________________________________________________ conv2d_11 (Conv2D) (None, 15, 15, 64) 18496 _________________________________________________________________ activation_15 (Activation) (None, 15, 15, 64) 0 _________________________________________________________________ conv2d_12 (Conv2D) (None, 13, 13, 64) 36928 _________________________________________________________________ activation_16 (Activation) (None, 13, 13, 64) 0 _________________________________________________________________ max_pooling2d_6 (MaxPooling2 (None, 6, 6, 64) 0 _________________________________________________________________ dropout_8 (Dropout) (None, 6, 6, 64) 0 _________________________________________________________________ flatten_3 (Flatten) (None, 2304) 0 _________________________________________________________________ dense_5 (Dense) (None, 512) 1180160 _________________________________________________________________ activation_17 (Activation) (None, 512) 0 _________________________________________________________________ dropout_9 (Dropout) (None, 512) 0 _________________________________________________________________ dense_6 (Dense) (None, 10) 5130 _________________________________________________________________ activation_18 (Activation) (None, 10) 0 ================================================================= Total params: 1,250,858 Trainable params: 1,250,858 Non-trainable params: 0 '''

識別測試集圖片

lst= ['airplane', 'automobile', 'bird', 'cat', 'deer', 'dog', 'frog', 'horse', 'ship', 'truck'] def onehot_to_label(res):label = ''for i in range(len(res[0])):if res[0][i] == 1:label = lst[i]return labeldef softmax_to_label(res):label = ''index = res[0].argmax()label = lst[index]return label# 識別測試集圖片 test_image = x_test[100].reshape([1,32,32,3]) test_image.shape res = model.predict(test_image) label = softmax_to_label(res) print(label)

本地加載圖片識別

# 自己加載raw image進行識別 from PIL import Image from keras.preprocessing.image import img_to_array import numpy as npimage = Image.open('./images/airplane.jpeg') # 加載圖片 image = image.resize((32,32)) image = img_to_array(image)# 加載進來之后開始預測 image = image.reshape([1,32,32,3]) # 需要reshape到四維張量才行 res = model.predict(image) label = softmax_to_label(res) print("The image is: ", label)# 或者整合為一個函數 def image_to_array(path):image = Image.open(path)image = image.resize((32,32),Image.NEAREST) # 會將圖像整體縮放到指定大小,不是裁剪image = img_to_array(image) # 變成數組image = image.reshape([1,32,32,3]) # reshape到4維張量return image

使用時注意到輸入到網絡的數據是張量,且需要reshape到四維,因為按照批量往里輸入的時候,也是四維,單獨輸入一張圖片,使用方式相同。

總結

以上是生活随笔為你收集整理的基于Keras搭建cifar10数据集训练预测Pipeline的全部內容,希望文章能夠幫你解決所遇到的問題。

如果覺得生活随笔網站內容還不錯,歡迎將生活随笔推薦給好友。

主站蜘蛛池模板: 17c精品麻豆一区二区免费 | 日本成人免费观看 | 久久av喷吹av高潮av萌白 | 国产精品一区二区三区在线看 | 成全影视在线观看第8季 | 爱爱视频网站 | 传媒av在线| 2018国产精品| 午夜精品在线免费观看 | 伊人一区二区三区 | 国产一区视频在线播放 | 日本中出视频 | 国产精品作爱 | 农村妇女愉情三级 | 国产又粗又猛又爽又黄91 | 日本理伦片午夜理伦片 | 亚洲欧美国产一区二区三区 | 欧美在线观看视频一区二区 | 精品人人 | 国产精品久久无码 | 日韩美女视频一区 | 久久国产激情 | 国产高清精品一区二区三区 | 天堂av网址| 日韩成人专区 | 日韩精品免费一区二区三区竹菊 | 亚洲色图偷拍视频 | 亚洲第一区在线观看 | 久久天堂| 中文字幕一二三四 | 谁有免费黄色网址 | 欧美xx孕妇 | 欧美一区二区三区小说 | 日韩高清一区二区 | 亚洲丝袜在线视频 | 久久久久无码国产精品一区 | 久久久男人天堂 | 欧美交换 | 亚洲乱码一区二区三区在线观看 | 少妇高潮一区二区三区在线 | 国产专区一区二区三区 | 性生活网址 | 黄色美女av| 91免费观看视频 | 熟女av一区二区三区 | 亚洲二区在线视频 | 中文字幕日本视频 | 久久综合亚洲精品 | 中文字幕日韩三级 | 欧美性生活一区二区 | 伊人精品视频在线观看 | 高清国产一区 | 日日爽日日操 | 青青草视频污 | 永久免费54看片 | 乱淫av| 91插插影库 | 国产精品乱码久久久久 | 久草视频在线免费 | 亚洲乱色熟女一区二区三区 | 欧美性猛交69 | www.av网址| 成年人黄色 | 99热1| 国产页| 国产成人午夜高潮毛片 | 黑丝一区二区三区 | 天天操天天射天天舔 | 精品免费一区二区三区 | 免费一级网站 | 日本精品在线观看 | 国产精品xxxx | 激情自拍偷拍 | 国产经典一区 | 西西4444www大胆无视频 | 青青艹在线观看 | 污污网站在线观看 | 精品一区二区三区人妻 | 激情六月| 国产成人精品在线 | 亚洲mv一区 | 国产伦精品一区二区三区精品 | 老牛嫩草二区三区观影体验 | 日本少妇做爰全过程毛片 | 久久黄色影院 | 国产伦精品 | 色撸撸在线视频 | 免费看欧美片 | 欧美国产一区二区 | 亚洲AV成人无码一二三区在线 | 欧美精品一区二区三区在线播放 | 99亚洲天堂| 国内精品亚洲 | 国产区一区二区 | 福利片在线播放 | 国产三级三级看三级 | 美女久久久久久久久 | 精品欧美黑人一区二区三区 | 亚洲国产精品综合久久久 |