深度学习项目-MobileNetV2水果识别模型

news/2024/11/19 7:25:40/文章来源:https://www.cnblogs.com/giperx/p/18189811

FruitRecognition

DeepLearning深度学习小项目,利用CNN和MobileNetV2搭建的水果识别模型。
github地址


fruit为本次大作业使用的数据集。

geneFruit为数据增强后的数据集。

FruitRecognition为本次大作业相关代码及相关曲线热力图。


项目使用conda环境进行训练,
相关测试版本如下:

name version
python 3.7.3
tensorflow-cpu 2.3.0

环境复现:

项目根目录(github)下有environment.yml 为虚拟环境导出的配置文件

yml文件移动到conda相关文件目录下

进入Anaconda Prompt任意环境下运行
conda env create -f environment.yml

自动安装相关依赖,复现虚拟环境。


一、概述

1、项目背景

2、项目意义

3、问题定义

二、构建模型

1、数据样本

2、模型结构

2.1 CNN结构

2.2 MobileNetV2结构

三、实验结果

1、CNN训练过程及分析

2、MobileNetV2训练过程及分析

四、总结


先放代码。
CNNTrain.py

数据集加载函数、CNN相关模型函数构建、训练、准确率、损失曲线绘制函数

"""
@File    : CNNTrain.py
@Author  : GiperHsiue
@Time    : 2023/5/29 18:18
"""
import tensorflow as tf
import matplotlib.pyplot as plt
from time import *
import os
from tensorflow import keras
from tensorflow.keras.preprocessing.image import ImageDataGenerator# 数据集加载函数,指明数据集的位置并统一处理为imgheight*imgwidth的大小,同时设置batch
def data_load(data_dir, test_data_dir, img_height, img_width, batch_size):# 加载训练集train_ds = tf.keras.preprocessing.image_dataset_from_directory(data_dir,label_mode='categorical',seed=123,image_size=(img_height, img_width),batch_size=batch_size)# 加载测试集val_ds = tf.keras.preprocessing.image_dataset_from_directory(test_data_dir,label_mode='categorical',seed=123,image_size=(img_height, img_width),batch_size=batch_size)class_names = train_ds.class_names# 返回处理之后的训练集、验证集和类名return train_ds, val_ds, class_names# def data_load(data_dir, test_data_dir, img_height, img_width, batch_size):
#     # 数据增强
#     train_datagen = ImageDataGenerator(
#         rotation_range=40,
#         width_shift_range=0.2,
#         height_shift_range=0.2,
#         shear_range=0.2,
#         zoom_range=0.2,
#         horizontal_flip=True,
#         fill_mode='nearest')
#
#     # 加载训练集
#     train_ds = train_datagen.flow_from_directory(
#         data_dir,
#         target_size=(img_height, img_width),
#         batch_size=batch_size,
#         seed=123,
#         class_mode='categorical')
#
#     # 加载测试集
#     val_ds = tf.keras.preprocessing.image_dataset_from_directory(
#         test_data_dir,
#         label_mode='categorical',
#         seed=123,
#         image_size=(img_height, img_width),
#         batch_size=batch_size)
#     class_names = val_ds.class_names
#
#     # 返回处理之后的训练集、验证集和类名
#     return train_ds, val_ds, class_names# 构建CNN模型
def model_load(IMG_SHAPE=(224, 224, 3), class_num=15):# 搭建模型model = tf.keras.models.Sequential([# 对模型做归一化tf.keras.layers.experimental.preprocessing.Rescaling(1. / 255, input_shape=IMG_SHAPE),# 卷积层,该卷积层的输出为16tf.keras.layers.Conv2D(16, (3, 3), activation='relu'),tf.keras.layers.MaxPooling2D(2, 2),# 卷积层,该卷积层的输出为32tf.keras.layers.Conv2D(32, (3, 3), activation='relu'),# 添加池化层tf.keras.layers.MaxPooling2D(2, 2),# Add another convolution# 卷积层,输出为64tf.keras.layers.Conv2D(64, (3, 3), activation='relu'),# 池化层tf.keras.layers.MaxPooling2D(2, 2),tf.keras.layers.Conv2D(128, (3, 3), activation='relu'),tf.keras.layers.MaxPooling2D(2, 2),# 转化为一维tf.keras.layers.Flatten(),tf.keras.layers.Dense(256, activation='relu'),tf.keras.layers.Dense(128, activation='relu'),tf.keras.layers.Dense(class_num, activation='softmax')])# 输出模型信息model.summary()# 指明模型的训练参数,优化器为sgd优化器,损失函数为交叉熵损失函数opt = tf.keras.optimizers.SGD(learning_rate=0.005)# opt = tf.keras.optimizers.Adam(learning_rate=0.001)model.compile(optimizer=opt, loss='categorical_crossentropy', metrics=['accuracy'])# 返回模型return model# 展示训练过程的曲线
def showAccuracyAndLoss(history):acc = history.history['accuracy']val_acc = history.history['val_accuracy']loss = history.history['loss']val_loss = history.history['val_loss']plt.figure(figsize=(8, 8))plt.subplot(2, 1, 1)plt.plot(acc, label='Training Accuracy')plt.plot(val_acc, label='Validation Accuracy')plt.legend(loc='lower right')plt.ylabel('Accuracy')plt.ylim([min(plt.ylim()), 1])plt.title('Training and Validation Accuracy')plt.subplot(2, 1, 2)plt.plot(loss, label='Training Loss')plt.plot(val_loss, label='Validation Loss')plt.legend(loc='upper right')plt.ylabel('Cross Entropy')plt.title('Training and Validation Loss')plt.xlabel('epoch')# 保存图片filename = 'results_cnn.png'index = 1while os.path.isfile(os.path.join('resultsPng', filename)):filename = 'results_cnn' + str(index) + '.png'index += 1filename = os.path.join('resultsPng', filename)plt.savefig(filename, dpi=100)def train(epochs):# 开始训练begin_time = time()# train_ds, val_ds, class_names = data_load("../fruit/train",#                                           "../fruit/val", 224, 224, 16)train_ds, val_ds, class_names = data_load("../geneFruit/train","../fruit/val", 224, 224, 16)print(class_names)# 加载模型model = model_load(class_num=len(class_names))# 指明训练的轮数epoch,开始训练history = model.fit(train_ds, validation_data=val_ds, epochs=epochs)model.save("models/cnn_fv.h5")# 记录结束时间end_time = time()run_time = end_time - begin_timeprint('该循环程序运行时间:', run_time, "s")# 绘制模型训练过程图showAccuracyAndLoss(history)if __name__ == '__main__':train(epochs=30)

MobileNetTrain.py

数据集加载函数、MobileNet相关模型函数构建、训练、准确率、损失曲线绘制函数

"""
@File    : MobileNetTrain.py
@Author  : GiperHsiue
@Time    : 2023/5/29 18:18
"""
import tensorflow as tf
import matplotlib.pyplot as plt
from time import *
import os# 数据集加载函数,指明数据集的位置并统一处理为imgheight*imgwidth的大小,同时设置batch
def data_load(data_dir, test_data_dir, img_height, img_width, batch_size):# 加载训练集train_ds = tf.keras.preprocessing.image_dataset_from_directory(data_dir,label_mode='categorical',seed=123,image_size=(img_height, img_width),batch_size=batch_size)# 加载测试集val_ds = tf.keras.preprocessing.image_dataset_from_directory(test_data_dir,label_mode='categorical',seed=123,image_size=(img_height, img_width),batch_size=batch_size)class_names = train_ds.class_names# 返回处理之后的训练集、验证集和类名return train_ds, val_ds, class_names# 构建mobilenet模型
# 模型加载,指定图片处理的大小和是否进行迁移学习
def model_load(IMG_SHAPE=(224, 224, 3), class_num=15):# 微调的过程中不需要进行归一化的处理# 加载预训练的mobilenet模型base_model = tf.keras.applications.MobileNetV2(input_shape=IMG_SHAPE,include_top=False,weights='imagenet')# 将模型的主干参数进行冻结base_model.trainable = Falsemodel = tf.keras.models.Sequential([# 进行归一化的处理tf.keras.layers.experimental.preprocessing.Rescaling(1. / 127.5, offset=-1, input_shape=IMG_SHAPE),# 设置主干模型base_model,# 对主干模型的输出进行全局平均池化tf.keras.layers.GlobalAveragePooling2D(),# 通过全连接层映射到最后的分类数目上tf.keras.layers.Dense(class_num, activation='softmax')])model.summary()# 模型训练的优化器为adam优化器,模型的损失函数为交叉熵损失函数model.compile(optimizer='adam', loss='categorical_crossentropy', metrics=['accuracy'])return model# 展示训练过程的曲线
def showAccuracyAndLoss(history):# 从history中提取模型训练集和验证集准确率信息和误差信息acc = history.history['accuracy']val_acc = history.history['val_accuracy']loss = history.history['loss']val_loss = history.history['val_loss']# 按照上下结构将图画输出plt.figure(figsize=(8, 8))plt.subplot(2, 1, 1)plt.plot(acc, label='Training Accuracy')plt.plot(val_acc, label='Validation Accuracy')plt.legend(loc='lower right')plt.ylabel('Accuracy')plt.ylim([min(plt.ylim()), 1])plt.title('Training and Validation Accuracy')plt.subplot(2, 1, 2)plt.plot(loss, label='Training Loss')plt.plot(val_loss, label='Validation Loss')plt.legend(loc='upper right')plt.ylabel('Cross Entropy')plt.title('Training and Validation Loss')plt.xlabel('epoch')# plt.savefig('results/results_mobilenet.png', dpi=100)filename = 'results_mobilenet.png'index = 1while os.path.isfile(os.path.join('resultsPng', filename)):filename = 'results_mobilenet' + str(index) + '.png'index += 1filename = 'resultsPng/' + filenameplt.savefig(filename, dpi=100)def train(epochs):# 开始训练begin_time = time()train_ds, val_ds, class_names = data_load("../fruit/train","../fruit/val", 224, 224, 16)print(class_names)# 加载模型model = model_load(class_num=len(class_names))# 指明训练的轮数epoch,开始训练history = model.fit(train_ds, validation_data=val_ds, epochs=epochs)model.save("models/mobilenet_fv.h5")# 记录结束时间end_time = time()run_time = end_time - begin_timeprint('该循环程序运行时间:', run_time, "s")  # 该循环程序运行时间: 1.4201874732showAccuracyAndLoss(history)if __name__ == '__main__':train(epochs=20)

testModel.py

测试上面保存的两个模型文件,含测试函数以及heatmap热力图绘制函数。

"""
@File    : testModel.py
@Author  : GiperHsiue
@Time    : 2023/5/29 18:18
"""
import osimport tensorflow as tf
import matplotlib.pyplot as plt
import numpy as np
plt.rcParams['font.family'] = ['sans-serif']
plt.rcParams['font.sans-serif'] = ['SimHei']# 数据加载
def data_load(data_dir, test_data_dir, img_height, img_width, batch_size):# 加载训练集train_ds = tf.keras.preprocessing.image_dataset_from_directory(data_dir,label_mode='categorical',seed=123,image_size=(img_height, img_width),batch_size=batch_size)# 加载测试集val_ds = tf.keras.preprocessing.image_dataset_from_directory(test_data_dir,label_mode='categorical',seed=123,image_size=(img_height, img_width),batch_size=batch_size)class_names = train_ds.class_namesreturn train_ds, val_ds, class_names# 测试mobilenet准确率
def test_mobilenet():train_ds, test_ds, class_names = data_load("../geneFruit/train","../geneFruit/val", 224, 224, 16)# train_ds, test_ds, class_names = data_load("../fruit/train",#                                           "../fruit/val", 224, 224, 16)model = tf.keras.models.load_model("models/mobilenet_fv.h5")# 测试loss, accuracy = model.evaluate(test_ds)# 输出结果print('Mobilenet test accuracy :', accuracy)test_real_labels = []test_pre_labels = []for test_batch_images, test_batch_labels in test_ds:test_batch_labels = test_batch_labels.numpy()test_batch_pres = model.predict(test_batch_images)test_batch_labels_max = np.argmax(test_batch_labels, axis=1)test_batch_pres_max = np.argmax(test_batch_pres, axis=1)for i in test_batch_labels_max:test_real_labels.append(i)for i in test_batch_pres_max:test_pre_labels.append(i)# breakclass_names_length = len(class_names)heat_maps = np.zeros((class_names_length, class_names_length))for test_real_label, test_pre_label in zip(test_real_labels, test_pre_labels):heat_maps[test_real_label][test_pre_label] = heat_maps[test_real_label][test_pre_label] + 1print(heat_maps)heat_maps_sum = np.sum(heat_maps, axis=1).reshape(-1, 1)# print(heat_maps_sum)print()heat_maps_float = heat_maps / heat_maps_sumprint(heat_maps_float)# title, x_labels, y_labels, harvestfilename = 'heatmap_mobilenet.png'index = 1while os.path.isfile(os.path.join('resultsPng', filename)):filename = 'heatmap_mobilenet' + str(index) + '.png'index += 1filename = 'resultsPng/' + filenameshowHM(title="heatmap", x_labels=class_names, y_labels=class_names, harvest=heat_maps_float,save_name=filename)# 测试cnn模型准确率
def test_cnn():# train_ds, test_ds, class_names = data_load("../geneFruit/train",#                                           "../geneFruit/val", 224, 224, 16)train_ds, test_ds, class_names = data_load("../fruit/train","../fruit/val", 224, 224, 16)model = tf.keras.models.load_model("models/cnn_fv.h5")# model.summary()# 测试loss, accuracy = model.evaluate(test_ds)# 输出结果print('CNN test accuracy :', accuracy)# 对模型分开进行推理test_real_labels = []test_pre_labels = []for test_batch_images, test_batch_labels in test_ds:test_batch_labels = test_batch_labels.numpy()test_batch_pres = model.predict(test_batch_images)# print(test_batch_pres)test_batch_labels_max = np.argmax(test_batch_labels, axis=1)test_batch_pres_max = np.argmax(test_batch_pres, axis=1)# print(test_batch_labels_max)# print(test_batch_pres_max)# 将推理对应的标签取出for i in test_batch_labels_max:test_real_labels.append(i)for i in test_batch_pres_max:test_pre_labels.append(i)# break# print(test_real_labels)# print(test_pre_labels)class_names_length = len(class_names)heat_maps = np.zeros((class_names_length, class_names_length))for test_real_label, test_pre_label in zip(test_real_labels, test_pre_labels):heat_maps[test_real_label][test_pre_label] = heat_maps[test_real_label][test_pre_label] + 1print(heat_maps)heat_maps_sum = np.sum(heat_maps, axis=1).reshape(-1, 1)# print(heat_maps_sum)print()heat_maps_float = heat_maps / heat_maps_sumprint(heat_maps_float)# title, x_labels, y_labels, harvestfilename = 'heatmap_cnn.png'index = 1while os.path.isfile(os.path.join('resultsPng', filename)):filename = 'heatmap_cnn' + str(index) + '.png'index += 1filename = 'resultsPng/' + filenameshowHM(title="heatmap", x_labels=class_names, y_labels=class_names, harvest=heat_maps_float,save_name=filename)# 定义函数绘制热力图
def showHM(title, x_labels, y_labels, harvest, save_name):# 创建画布fig, ax = plt.subplots()im = ax.imshow(harvest, cmap="OrRd")# 修改标签ax.set_xticks(np.arange(len(y_labels)))ax.set_yticks(np.arange(len(x_labels)))ax.set_xticklabels(y_labels)ax.set_yticklabels(x_labels)# x轴标签过长,需要旋转一下plt.setp(ax.get_xticklabels(), rotation=45, ha="right",rotation_mode="anchor")# 添加每个热力块的具体数值for i in range(len(x_labels)):for j in range(len(y_labels)):text = ax.text(j, i, round(harvest[i, j], 2),ha="center", va="center", color="black")ax.set_xlabel("Predict label")ax.set_ylabel("Actual label")ax.set_title(title)fig.tight_layout()plt.colorbar(im)plt.savefig(save_name, dpi=100)if __name__ == '__main__':# test_mobilenet()test_cnn()

geneImage.py

数据增强使用,扩大数据集

"""
@File    : geneImage.py
@Author  : GiperHsiue
@Time    : 2023/6/10 18:41
"""
import tensorflow as tf
from tensorflow.keras.preprocessing.image import ImageDataGenerator, img_to_array, load_img
import os
import shutildatagen = ImageDataGenerator(rotation_range=40,  # 随机旋转角度范围width_shift_range=0.2,  # 随机水平平移范围(相对于图片宽度)height_shift_range=0.2,  # 随机竖直平移范围(相对于图片高度)shear_range=0.2,  # 随机裁剪zoom_range=0.2,  # 随机缩放horizontal_flip=True,  # 随机水平翻转vertical_flip=True,  # 随机竖直翻转fill_mode='nearest')  # 填充模式# train_dir = '../fruit/train'
train_dir = '../fruit/val'
# save_dir = '../geneFruit/train'
save_dir = '../geneFruit/val'for subdir in os.listdir(train_dir):if not os.path.exists(os.path.join(save_dir, subdir)):os.makedirs(os.path.join(save_dir, subdir))for file in os.listdir(os.path.join(train_dir, subdir)):img = load_img(os.path.join(train_dir, subdir, file))x = img_to_array(img)# 将图片转化为4D张量(batch_size, height, width, channels)x = x.reshape((1,) + x.shape)i = 0for batch in datagen.flow(x, batch_size=1, save_to_dir=os.path.join(save_dir, subdir), save_prefix=file[:-4], save_format='jpg'):i += 1if i > 3:  # 控制每张图片生成4张新图像break

一、 概述

1. 项目背景

 水果是人们日常生活中重要的食品之一,其营养丰富、口感美味、色香俱佳,因此备受广大消费者的喜爱。
然而,在市场上,各种不同品种的水果琳琅满目,对于人类的肉眼识别来说并不容易实现。传统的检测方法需要人工参与,效率低下,成本高昂,
同时还容易出现误判和漏检等问题。基于此,利用计算机视觉技术开发水果识别系统,能够极大地提升水果检测的效率,
减少人工介入,为消费者提供更好的服务体验。

2. 研究意义

 随着智能手机、平板电脑等移动设备的广泛应用,人们越来越需要将物理世界和数字世界相结合。在这个环境下,开发一款高效、精准的水果识别系统,有助于优化用户体验,提高生产效率,降低生鲜水果流通损失率,从而推动整个水果行业的数字化转型。

3. 问题定义

 本项目旨在研究利用深度学习模型进行水果图像分类的方法,具体包括两个主要任务:一是使用卷积神经网络(CNN)模型进行水果图片的分类,二是探索轻量级神经网络模型MobileNetV2在水果图像分类中的应用。

二、 构建模型

1、 数据样本

使用百度飞桨-公共数据集
https://aistudio.baidu.com/aistudio/datasetdetail/193821

 因为30种水果种类过多,不便于后续的热力图生成与结果分析,所以只取其中的15类水果数据,并按照4:1对数据集进行划分为训练集和测试集。
有以下15类:哈密瓜、柠檬、桂圆、梨、榴莲、火龙果、猕猴桃、胡萝卜、芒果、苦瓜、草莓、荔枝、菠萝、车厘子、黄瓜。
数据集中的图片的尺寸大小并不统一,所以在进行模型训练以及验证之前,定义了加载数据集的函数。

def data_load(data_dir, test_data_dir, img_height, img_width, batch_size)

 通过传入的img_height, img_width参数,调用TensorFlow函数

def train_ds = tf.keras.preprocessing.image_dataset_from_directory(data_dir,label_mode='categorical',seed=123,image_size=(img_height, img_width),batch_size=batch_size) 

 将数据集图片全部处理成img_height * img_width的大小即224*224.

2、 模型结构

 一是使用卷积神经网络(CNN)模型进行水果图片的分类,二是探索轻量级神经网络模型MobileNetV2在水果图像分类中的应用。

2.1 CNN结构

通过TensorFlow构建CNN模型

模型定义函数如下:

def model_load(IMG_SHAPE=(223, 224, 3), class_num=15):# 搭建模型model = tf.keras.models.Sequential([# 对模型做归一化的处理tf.keras.layers.experimental.preprocessing.Rescaling(1. / 255, input_shape=IMG_SHAPE),# 卷积层tf.keras.layers.Conv2D(32, (3, 3), activation='relu'),# 池化层tf.keras.layers.MaxPooling2D(2, 2),# 卷积层tf.keras.layers.Conv2D(64, (3, 3), activation='relu'),# 池化层tf.keras.layers.MaxPooling2D(2, 2),# 二维输出转化一维tf.keras.layers.Flatten(),tf.keras.layers.Dense(128, activation='relu'),tf.keras.layers.Dense(class_num, activation='softmax')])# 输出模型信息model.summary()opt = tf.keras.optimizers.SGD(learning_rate=0.005)model.compile(optimizer=opt, loss='categorical_crossentropy', metrics=['accuracy'])return model
模型介绍:

 首先将输入的图片进行归一化处理到0~1之间。然后就是两层卷积层,第一层将通道数由3进行升维到32,第二层则由32升维到64,两层卷积层的卷积核大小都是33,默认步长为1。每层卷积之后都使用Max最大池化,大小22,使用默认步长为2.然后通过Flatten将输出展开到一维长度,随后是一个全连接层,输出到128个神经元。激活函数全部使用的是ReLU。最后一层全连接层,输出映射到15个神经元,因为数据集中是15种水果,采用softMax激活函数,用来预测每个类别的概率。

2.2 MobileNetV2结构

 MobileNet的基本单元是深度可分离卷积,实质是一种可分解卷积操作。可分为两个更小的操作:Depthwise convolution和Pointwise convoluton。
标准的卷积核DkDkM是对与输入通道数M进行卷积操作,N个卷积核。

 而MobileNet的Depthwise是对每个输入通道进行分别的卷积 。因为这属于分组卷积,所以在进行卷积操作以后为了减少信息损失,然后再用pointwise convolution也就是1*1的卷积核进行卷积。


 通过Depthwise convolution和Pointwise convoluton深度可分离卷积以后的整体效果和一个标准卷积差不多,但因为是对不同的通道进行分别卷积,相较于常规的对整体所有通道进行卷积,可以显著的减少计算量,通过pointwise convolution又不损失信息不减少精度,速度更快。

 而MobileNetV2相较于V1的改进,是使用了反向线性残差结构。

 先采用了1 * 1卷积进行了升维,然后采用3 * 3深度可分离卷积进行特征提取,最后用1 * 1卷积进行降维,降维时不采用激活函数。V2比V1的参数量和计算量会更小、准确率会更高。
模型定义函数如下:

def model_load(IMG_SHAPE=(224, 224, 3), class_num=15):#加载预训练的mobilenet模型base_model = tf.keras.applications.MobileNetV2(input_shape=IMG_SHAPE,include_top=False,weights='imagenet')base_model.trainable = Falsemodel = tf.keras.models.Sequential([# 进行归一化的处理tf.keras.layers.experimental.preprocessing.Rescaling(1. / 127.5, offset=-1, input_shape=IMG_SHAPE),# 主干模型base_model,#全局平均池化tf.keras.layers.GlobalAveragePooling2D(),# 全连接层tf.keras.layers.Dense(class_num, activation='softmax')])model.summary()model.compile(optimizer='adam', loss='categorical_crossentropy', metrics=['accuracy'])return model
模型介绍:

 迁移学习调用了在ImageNet上预训练后的MobileNetV2模型,并去除了顶部的全连接层只留下里面的卷积层和池化层,作为我们的主干模型。冻结了主干模型的参数以适应我们后面自己添加的全连接层的训练,可以加快训练速度。

 整个模型先进行归一化,映射到-1~1之间,然后通过我们的主干模型,接着是全局平均池化转化为固定长度的向量。然后就是一个全连接层,映射到class_num个神经元上,也就是我们的水果种类的数量15,通过softmax激活函数预测每个水果类别的概率。

三、 实验结果

1、 CNN训练过程及分析

 除了定义数据集加载函数data_load和模型构建函数model_load外,还定义了showAccuracyAndLoss(history)用来从history中提取模型训练集和验证集的准确率和误差损失,绘制训练过程中的loss和accuracy曲线图。

def data_load(data_dir, test_data_dir, img_height, img_width, batch_size)
def model_load(IMG_SHAPE=(224, 224, 3), class_num=15)
def show_loss_acc(history)

 在train(epochs)函数中调用history = model.fit(train_ds, validation_data=val_ds, epochs=epochs)进行训练,通过model.save("models/cnn_fv.h5")保存为模型文件。

 定义了test_cnn()函数通过保存的模型文件对验证集进行验证,并通过showHM绘制heatmap热力图。
先使用sgd随机梯度下降优化器和categorical_crossentropy
多分类交叉熵损失函数,epcoh=10进行训练,默认学习率0.01。


 在第10轮时训练集的准确率只有74%,明显训练轮次过少,调整epoch=25重新训练。

 观察曲线,在18轮以后,训练集的准确率就已经达到了100%,而测试集上的准确率只有50%,随着轮次的增加,测试集上的交叉熵损失值也在增加,发生过拟合。

 测试集的热力图表现出来的准确率也比较差。
调整学习率,由0.01降为0.05,其它不变,重新训练。

 效果不佳。继续降低学习率为0.001,epoch增加到40,重新训练。

 相较于最初的0.01学习率,测试集上的交叉熵损失在2一下,更低了一点,但是测试集上的准确率还是没有得到很大的提高。

 改变优化器,使用Adam优化器,epoch=40,其它保持不变,学习率默认0.01

 在第10轮时对于训练集的准确率就已经100%,而测试集的交叉熵损失反而达到4以上,比使用sgd优化器时的过拟合更加严重。

 尝试调整CNN网络结构。

 首尾增加2个卷积层池化层,Flatten展开一维后增加1个全连接层,训练70轮,使用sgd优化器和多分类交叉熵损失函数,效果不理想。

 排查原因,首要原因是数据集的问题,对于像荔枝的数据集,在我们这个模型中预测出来的草莓的概率反而比荔枝更高。查看数据集图片发现这个数据集样本量不够大,荔枝只有156张图片,而且有剥开皮的、还没熟透绿色的、照片调色过艳的,类型过杂图片过少造成预测准确率低。

 利用tensorFlow的ImageDataGenerator对训练集进行数据增强,加上原来的数据集部分,扩大为原来的5倍。

datagen = ImageDataGenerator(rotation_range=40,  # 随机旋转角度范围width_shift_range=0.2,  # 随机水平平移范围(相对于图片宽度)height_shift_range=0.2,  # 随机竖直平移范围(相对于图片高度)shear_range=0.2,  # 随机裁剪zoom_range=0.2,  # 随机缩放horizontal_flip=True,  # 随机水平翻转vertical_flip=True,  # 随机竖直翻转fill_mode='nearest')  # 填充模式

 使用最早定义的CNN网络,epoch=15,sgd优化器和多分类交叉熵损失函数,训练结果如下:

 使用原始的测试集测试后的热力图:

 对数据增强后的测试集进行测试,测试结果热力图:

2、 MobileNetV2训练过程及分析

 使用adam优化器和sgd随机梯度下降优化器和categorical_cr ossentropy多分类交叉熵损失函数,默认学习率0.01,epoch=10进行训练。

 可以观察到在第6轮训练时,训练集上的准确率就已经达到了100%,而且测试集上的准确率也有90%以上,交叉熵损失达到0.5以下。训练效果非常好。
对原始测试集测试热力图如下:

 对数据增强后的测试集,测试热力图如下:

 相比原测试集,准确率只有几类水果稍微下降。

 由此得知,相比较于从头开始训练一个自己的CNN模型,利用迁移学习使用预训练过的MobileNetV2作为主干,利用它在ImageNet上学到的特征,在此基础上进行微调适应自己的数据集,可以显著降低训练时间和成本,大大提高准确度。

四、总结

 在本项目中着重探索了利用深度学习模型进行水果图像分类的方法。具体而言包括使用卷积神经网络(CNN)模型进行水果图片的分类和探索轻量级神经网络模型MobileNetV2在水果图像分类中的应用。

 在第一项任务中,使用TensorFlow构建了一个简单的CNN模型,并通过调整模型参数来提高准确率。在实验过程中发现由于数据集的问题,训练结果并不理想,测试集上的准确率低于预期,同时出现了过拟合的情况。针对这个问题,从优化器、学习率和训练轮次等方面入手,对模型进行了改进和调整。但是由于数据集本身的局限性,改进效果并不显著。后续对数据集进行数据增强,效果相对右改善。因此使用迁移学习中的MobileNetV2模型进行图像分类。

 在第二项任务中,使用预训练的MobileNetV2模型作为主干模型,并对其进行微调以适应自己的数据集。通过这种方法成功地提高了分类准确率。 迁移学习对于解决小规模数据集上的图像分类问题具有重要意义。

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.hqwc.cn/news/707897.html

如若内容造成侵权/违法违规/事实不符,请联系编程知识网进行投诉反馈email:809451989@qq.com,一经查实,立即删除!

相关文章

celery异步框架

celery 介绍 https://github.com/celery/celery/ https://docs.celeryq.dev/en/stable/celery是一个分布式异步任务框架,是一个灵活且可靠的,处理大量消息的分布式系统,可以在多个节点之间处理某个任务,是一个专注于实时处理的任务队列,支持任务调度,所以 celery 本质上是…

北航研究生算法期末复习整理

算法设计与分析 数据结构 二叉树 线索二叉树(Threaded Binary Tree) 利用二叉链表中空的指针域指出结点在某种遍历序列中的直接前驱或直接后继 指向前驱和后继的指针称为线索 实现不用栈的树深度优先遍历算法 二叉查找树(Binary Search Tree, BST) 左子树都更小,右子树都更大…

让你的电脑准时“打个盹”:Win10定时休眠

哈喽,大家好,我是木头左!一、Windows 10任务计划程序 在快节奏的工作生活中,常常需要让电脑在特定时间执行某些任务,而Windows 10的任务计划程序就是为此而生的神器。它不仅可以自动更新系统、备份文件,甚至还能帮你管理休息时间。想象一下,工作到深夜,电脑突然自己进入…

说说JavaScript中的事件模型

一、事件与事件流 javascript中的事件,可以理解就是在HTML文档或者浏览器中发生的一种交互操作,使得网页具备互动性, 常见的有加载事件、鼠标事件、自定义事件等 由于DOM是一个树结构,如果在父子节点绑定事件时候,当触发子节点的时候,就存在一个顺序问题,这就涉及到了事…

数据库系统概念 B+树 学习笔记

因为画图所以是纸质的,在这留个档本文来自博客园,作者:lei_yu,转载请注明原文链接:https://www.cnblogs.com/lytql/p/18198419

完整的牛津3000词汇表及牛津5000词汇表

Oxford 3000(牛津3000词)列出了每个英语学习者需要掌握的3000个核心词汇。根据牛津英语语料库中的频率和与英语学习者的相关性进行选择;涵盖CEFR等级A1-B2学习者需要掌握的总单词的75%左右;每个单词都与CEFR等级对标,指导学习者明确所处等级应该掌握的单词;权威专家指导—…

Redis 的安装与配置详解【Redis系列一】

本文介绍了什么是 Redis,安装,以及详细的配置项的介绍。〇、前言 关于 Redis 在日常开发中还是用的比较多的,特别是在秒杀、消息队列、排行榜等数据交互时效要求较高的场景,Redis 都可以轻松应对。 本文将针对 Redis 进行简单介绍,以及如何安装,并罗列下全部配置项。后续…

【土地效能大探秘】低效利用土地如何认定?

在快速推进的城市化进程中,土地资源的有效利用成为了关乎经济可持续发展的关键议题。今天,我们就来深入探讨一个核心问题:低效利用土地是如何被认定的?这不仅关系到土地资源的优化配置,也是提升城市发展质量的关键一环。低效利用土地的定义首先,我们需要明确“低效利用土…

Android 15 的新功能与适配

Android 15 的新功能与适配前台服务变化 前台服务一直是比较损耗电池寿命的操作,在 Android 15 Beta 2 里,**dataSync 和 mediaProcessing 的前台服务类型现在有大约 6 小时的超时时间**,之后系统将调用 Android 15 新的 Service.onTimeout(int, int)方法,之后该服务就不会…

Django自定义模板标签与过滤器

title: Django自定义模板标签与过滤器 date: 2024/5/17 18:00:02 updated: 2024/5/17 18:00:02 categories:后端开发tags:Django模版 自定义标签 过滤器开发 模板语法 Python后端 前端集成 Web组件Django模板系统基础 1. Django模板语言概述 Django模板语言(DTL)是一种用于在…

3 从网线到网络设备

目录1 信号在网线和集线器中传输2 交换机的包转发操作3 路由器的包转发操作1 信号在网线和集线器中传输 TCP 控制信息也叫 TCP 头部,但从以太网和 IP 传输网络包的角度来看,TCP 头部并不算是“头部”,只能算是“数据”img1 集线器将信号发送给所有连接在它上面的线路2 交换机…