一. 为什么要进行图像分类、图像识别
目的是为了利用计算机对图像进行处理、分析和理解,让计算机能够像人类一样理解和解释图像中的内容。
这一技术的应用范围广泛,包括但不限于人脸识别和商品识别。
人脸识别技术主要应用于安全检查、身份核验与移动支付等领域,而商品识别则广泛应用于商品流通过程,特别是在无人零售领域,如无人货架和智能零售柜等
二. tensorflow 图像分类的基本原理
(同步python文件,请在此下载:https://download.csdn.net/download/pisceshsu/89668923)
TensorFlow 进行图像分类包括以下步骤:
1. 数据预处理
加载图像数据,并将其转换为适合模型输入的格式。
2. 模型构建
使用TensorFlow提供的API(如tf.keras.layers
)定义一个深度学习模型。
3. 模型训练
使用训练数据训练模型,并定期评估模型性能。
4. 模型评估
使用测试数据评估模型的性能。
5. 模型预测
使用训练好的模型对新的图像进行分类预测。
三. 图像分类代码步骤
1. 导入tensorflow , Numpy, matplotlib(用于绘制图像)
# TensorFlow and tf.keras
import tensorflow as tf
# Helper libraries
import numpy as np
import matplotlib.pyplot as plt
print(tf.__version__)
结果如下所示:(实际结果可能不一样) 2023-11-08 00:31:58.058238: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:9261] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered 2023-11-08 00:31:58.058290: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:607] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered 2023-11-08 00:31:58.059927: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1515] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered 2.15.0-rc1
2.导入Fashion MNIST数据集
2.1. Fashion MNIST简介
Fashion MNIST 旨在临时替代经典 MNIST 数据集,后者常被用作计算机视觉机器学习程序的“Hello, World”。MNIST 数据集包含手写数字(0、1、2 等)的图像,其格式与您将使用的衣物图像的格式相同。
这里使用 Fashion MNIST 来实现多样化,因为它比常规 MNIST 更具挑战性。这两个数据集都相对较小,都用于验证某个算法是否按预期工作。对于代码的测试和调试,它们都是很好的起点。
我们使用 60,000 张图像来训练网络,使用 10,000 张图像来评估网络学习对图像进行分类的准确程度。
该数据集包含 10 个类别的 70,000 个灰度图像。这些图像以低分辨率(28x28 像素)展示了单件衣物,如下所示:
2.2. 直接从 TensorFlow 中导入和加载 Fashion MNIST 数据
fashion_mnist = tf.keras.datasets.fashion_mnist
(train_images, train_labels), (test_images, test_labels) = fashion_mnist.load_data()
加载数据集会返回四个 NumPy 数组:
train_images
和train_labels
数组是训练集,即模型用于学习的数据。- 测试集、
test_images
和test_labels
数组会被用来对模型进行测试。
图像是 28x28 的 NumPy 数组,像素值介于 0 到 255 之间。标签是整数数组,介于 0 到 9 之间。这些标签对应于图像所代表的服装类:
标签 |
---|