您好,登录后才能下订单哦!
这篇文章将为大家详细讲解有关用Keras如何构造简单的CNN网络,小编觉得挺实用的,因此分享给大家做个参考,希望大家阅读完这篇文章后可以有所收获。
1. 导入各种模块
基本形式为:
import 模块名
from 某个文件 import 某个模块
2. 导入数据(以两类分类问题为例,即numClass = 2)
训练集数据data
可以看到,data是一个四维的ndarray
训练集的标签
3. 将导入的数据转化我keras可以接受的数据格式
keras要求的label格式应该为binary class matrices,所以,需要对输入的label数据进行转化,利用keras提高的to_categorical函数
label = np_utils.to_categorical(label, numClass
此时的label变为了如下形式
(注:PyCharm无法显示那么多的数据,所以下面才只显示了1000个数据,实际上该例子所示的数据集有1223个数据)
4. 建立CNN模型
以下图所示的CNN网络为例
#生成一个model model = Sequential() #layer1-conv1 model.add(Convolution2D(16, 3, 3, border_mode='valid',input_shape=data.shape[-3:])) model.add(Activation('tanh'))#tanh # layer2-conv2 model.add(Convolution2D(32, 3, 3, border_mode='valid')) model.add(Activation('tanh'))#tanh # layer3-conv3 model.add(Convolution2D(32, 3, 3, border_mode='valid')) model.add(Activation('tanh'))#tanh # layer4 model.add(Flatten()) model.add(Dense(128, init='normal')) model.add(Activation('tanh'))#tanh # layer5-fully connect model.add(Dense(numClass, init='normal')) model.add(Activation('softmax')) # sgd = SGD(l2=0.1,lr=0.001, decay=1e-6, momentum=0.9, nesterov=True) model.compile(loss='categorical_crossentropy', optimizer=sgd,class_mode="categorical")
5. 开始训练model
利用model.train_on_batch或者model.fit
补充知识:keras 多分类一些函数参数设置
用Lenet-5 识别Mnist数据集为例子:
采用下载好的Mnist数据压缩包转换成PNG图片数据集,加载图片采用keras图像预处理模块中的ImageDataGenerator。
首先import所需要的模块
from keras.preprocessing.image import ImageDataGenerator from keras.models import Model from keras.layers import MaxPooling2D,Input,Convolution2D from keras.layers import Dropout, Flatten, Dense from keras import backend as K
定义图像数据信息及训练参数
img_width, img_height = 28, 28 train_data_dir = 'dataMnist/train' #train data directory validation_data_dir = 'dataMnist/validation'# validation data directory nb_train_samples = 60000 nb_validation_samples = 10000 epochs = 50 batch_size = 32
判断使用的后台
if K.image_dim_ordering() == 'th': input_shape = (3, img_width, img_height) else: input_shape = (img_width, img_height, 3)
网络模型定义
主要注意最后的输出层定义
比如Mnist数据集是要对0~9这10种手写字符进行分类,那么网络的输出层就应该输出一个10维的向量,10维向量的每一维代表该类别的预测概率,所以此处输出层的定义为:
x = Dense(10,activation='softmax')(x)
此处因为是多分类问题,Dense()的第一个参数代表输出层节点数,要输出10类则此项值为10,激活函数采用softmax,如果是二分类问题第一个参数可以是1,激活函数可选sigmoid
img_input=Input(shape=input_shape) x=Convolution2D(32, 3, 3, activation='relu', border_mode='same')(img_input) x=MaxPooling2D((2,2),strides=(2, 2),border_mode='same')(x) x=Convolution2D(32,3,3,activation='relu',border_mode='same')(x) x=MaxPooling2D((2,2),strides=(2, 2),border_mode='same')(x) x=Convolution2D(64,3,3,activation='relu',border_mode='same')(x) x=MaxPooling2D((2,2),strides=(2, 2),border_mode='same')(x) x = Flatten(name='flatten')(x) x = Dense(64, activation='relu')(x) x= Dropout(0.5)(x) x = Dense(10,activation='softmax')(x) model=Model(img_input,x) model.compile(loss='binary_crossentropy', optimizer='rmsprop', metrics=['accuracy']) model.summary()
利用ImageDataGenerator传入图像数据集
注意用ImageDataGenerator的方法.flow_from_directory()加载图片数据流时,参数class_mode要设为‘categorical',如果是二分类问题该值可设为‘binary',另外要设置classes参数为10种类别数字所在文件夹的名字,以列表的形式传入。
train_datagen = ImageDataGenerator( rescale=1. / 255, shear_range=0.2, zoom_range=0.2, horizontal_flip=True) # this is the augmentation configuration we will use for testing: # only rescaling test_datagen = ImageDataGenerator(rescale=1. / 255) train_generator = train_datagen.flow_from_directory( train_data_dir, target_size=(img_width, img_height), batch_size=batch_size, class_mode='categorical', #多分类问题设为'categorical' classes=['0','1','2','3','4','5','6','7','8','9'] #十种数字图片所在文件夹的名字 ) validation_generator = test_datagen.flow_from_directory( validation_data_dir, target_size=(img_width, img_height), batch_size=batch_size, class_mode='categorical' )
训练和保存模型及权值
model.fit_generator( train_generator, samples_per_epoch=nb_train_samples, nb_epoch=epochs, validation_data=validation_generator, nb_val_samples=nb_validation_samples ) model.save_weights('Mnist123weight.h6') model.save('Mnist123model.h6')
至此训练结束
图片预测
注意model.save()可以将模型以及权值一起保存,而model.save_weights()只保存了网络权值,此时如果要进行预测,必须定义有和训练出该权值所用的网络结构一模一样的一个网络。
此处利用keras.models中的load_model方法加载model.save()所保存的模型,以恢复网络结构和参数。
from keras.models import load_model from keras.preprocessing.image import img_to_array, load_img import numpy as np classes=['0','1','2','3','4','5','6','7','8','9'] model=load_model('Mnist123model.h6') while True: img_addr=input('Please input your image address:') if img_addr=="exit": break else: img = load_img(img_addr, False, target_size=(28, 28)) x = img_to_array(img) / 255.0 x = np.expand_dims(x, axis=0) result = model.predict(x) ind=np.argmax(result,1) print('this is a ', classes[ind])
关于用Keras如何构造简单的CNN网络就分享到这里了,希望以上内容可以对大家有一定的帮助,可以学到更多知识。如果觉得文章不错,可以把它分享出去让更多的人看到。
免责声明:本站发布的内容(图片、视频和文字)以原创、转载和分享为主,文章观点不代表本网站立场,如果涉及侵权请联系站长邮箱:is@yisu.com进行举报,并提供相关证据,一经查实,将立刻删除涉嫌侵权内容。