利用tensorflow训练自己的图片数据集——数据准备
程序员文章站
2024-03-19 18:35:40
...
昨天实现了一个简单的CNN网络。用了MNIST数据集,虽然看来对这个数据集用的很多,但是真正这个数据集是怎么在训练的时候被调用的,以及怎么把它换成自己的数据集都是一脸懵。
直接附上链接:MNIST数据集解析
作者给的代码是python2.x版本的,我用的python3.5,改了一些错误。
import numpy as np
import struct
import os
import matplotlib.pyplot as plt
import pickle
import gzip
_tag = '>' #使用大端读取
_twoBytes = 'II' #读取数据格式是两个整数
_fourBytes = 'IIII' #读取的数据格式是四个整数
_pictureBytes = '784B' #读取的图片的数据格式是784个字节,28*28
_lableByte = '1B' #标签是1个字节
_msb_twoBytes = _tag + _twoBytes
_msb_fourBytes = _tag + _fourBytes
_msb_pictureBytes = _tag + _pictureBytes
_msb_lableByte = _tag + _lableByte
def getImage(filename = None):
binfile = open(filename, 'rb') #以二进制读取的方式打开文件
buf = binfile.read() #获取文件内容缓存区
binfile.close()
index = 0 #偏移量
numMagic, numImgs, numRows, numCols = struct.unpack_from(_msb_fourBytes, buf, index)
index += struct.calcsize(_fourBytes)
images = []
for i in range(numImgs):
imgVal = struct.unpack_from(_msb_pictureBytes, buf, index)
index += struct.calcsize(_pictureBytes)
imgVal = list(imgVal)
#for j in range(len(imgVal)):
# if imgVal[j] > 1:
# imgVal[j] = 1
images.append(imgVal)
return np.array(images)
def getlable(filename=None) :
binfile = open(filename, 'rb')
buf = binfile.read() #获取文件内容缓存区
binfile.close()
index = 0 #偏移量
numMagic, numItems = struct.unpack_from(_msb_twoBytes,buf, index)
index += struct.calcsize(_twoBytes)
labels = []
for i in range(numItems):
value = struct.unpack_from(_msb_lableByte, buf, index)
index += struct.calcsize(_lableByte)
labels.append(value[0]) #获取值的内容
return np.array(labels)
def outImg(arrX, arrY, order):
#根据指定的order来获取集合中对应的图片和标签
test1 = np.array([1,2,3])
print(test1.shape)
image = np.array(arrX[order])
print(image.shape)
image = image.reshape(28,28)
label = arrY[order]
print(label)
outfile = str(order) + '_'+str(label) + '.png'
plt.figure()
plt.imshow(image, cmap="gray_r") # 在MNIST官网中有说道 “Pixel values are 0 to 255. 0 means background (white), 255 means foreground (black).”
plt.show()
#plt.savefig("./" + outfile) #保存图片
"""
The second method
"""
def load_data(filename = None):
f = gzip.open(filename, 'rb')
training_data, validation_data, test_data = pickle.load(f,encoding='bytes')
return (training_data, validation_data, test_data)
def test_cPickle():
filename = 'MNIST_data/mnist.pkl.gz'
training_data, validation_data, test_data = load_data(filename)
print(len(test_data))
outImg(training_data[0],training_data[1], 1000)
#print len(training_data[1])
def test():
trainfile_X = 'MNIST_data/train-images.idx3-ubyte'
trainfile_y = 'MNIST_data/train-labels.idx1-ubyte'
arrX = getImage(trainfile_X)
arrY = getlable(trainfile_y)
outImg(arrX, arrY, 1000)
if __name__ == '__main__':
#test_cPickle() #test the second method
test() #test the first method
附上百度百科中魔数的概念(magic number):
很多类型的文件,其起始几个字节的内容是固定的。根据这几个字节的内容可以确定文件的类型,因此这几个字节的内容被称为魔数。此外在一些程序代码中,程序员常常将在代码中出现但没有解释的数字常量或字符串称为魔数 (magic number)或魔字符串。
训练分类自己的图片
找了好几个博客做参考,但都有很多的错误,没改好
以下代码参考博文:tensorflow(六)训练分类自己的图片(CNN超详细入门版)
我从CK+表情数据库里选了一些原图作为我的数据集(此处代码和结果已删)
接下来的任务是要把昨天与今天的东西结合起来。
明天待续……
-------18/7/20更新-------
整理一下大致的流程思路
- 上网爬取所需的图片(我把这个也算作一块知识点)
- 将不同大小的图片转换成相同的大小(这部分还是有一点小问题没有改好,可以直接看星爷的博客:利用Tensorflow构建自己的图片数据集TFrecords这一节)
- 对上步得到的图片进行处理(分类制作、banch处理)得到网络的输入(附上代码如下)
把前两天的代码做了修改,查看预处理效果的时候,可以显示彩色图像并直接标注属于何种表情
import os
import numpy as np
from PIL import Image
import tensorflow as tf
import matplotlib.pyplot as plt
angry = []
label_angry = []
disgusted = []
label_disgusted = []
fearful = []
label_fearful = []
happy = []
label_happy = []
sadness = []
label_sadness = []
surprised = []
label_surprised = []
def get_file(file_dir):
# step1:获取'F:/Python/PycharmProjects/DeepLearning/CK+_part'下所有的图片路径名,存放到
# 对应的列表中,同时贴上标签,存放到label列表中。
for file in os.listdir(file_dir + '/angry'):
angry.append(file_dir + '/angry' + '/' + file)
label_angry.append(0)
for file in os.listdir(file_dir + '/disgusted'):
disgusted.append(file_dir + '/disgusted' + '/' + file)
label_disgusted.append(1)
for file in os.listdir(file_dir + '/fearful'):
fearful.append(file_dir + '/fearful' + '/' + file)
label_fearful.append(2)
for file in os.listdir(file_dir + '/happy'):
happy.append(file_dir + '/happy' + '/' + file)
label_happy.append(3)
for file in os.listdir(file_dir + '/sadness'):
sadness.append(file_dir + '/sadness' + '/' + file)
label_sadness.append(4)
for file in os.listdir(file_dir + '/surprised'):
surprised.append(file_dir + '/surprised' + '/' + file)
label_surprised.append(5)
# 打印出提取图片的情况,检测是否正确提取
print("There are %d angry\nThere are %d disgusted\nThere are %d fearful\n" %(len(angry), len(disgusted), len(fearful)),end="")
print("There are %d happy\nThere are %d sadness\nThere are %d surprised\n" %(len(happy),len(sadness),len(surprised)))
# step2:对生成的图片路径和标签List做打乱处理把所有的合起来组成一个list(img和lab)
# 合并数据numpy.hstack(tup)
# tup可以是python中的元组(tuple)、列表(list),或者numpy中数组(array),函数作用是将tup在水平方向上(按列顺序)合并
image_list = np.hstack((angry, disgusted, fearful, happy, sadness, surprised))
label_list = np.hstack((label_angry, label_disgusted, label_fearful, label_happy, label_sadness, label_surprised))
# 利用shuffle,转置、随机打乱
temp = np.array([image_list, label_list]) # 转换成2维矩阵
temp = temp.transpose() # 转置
# numpy.transpose(a, axes=None) 作用:将输入的array转置,并返回转置后的array
np.random.shuffle(temp) # 按行随机打乱顺序函数
# 将所有的img和lab转换成list
all_image_list = list(temp[:, 0]) # 取出第0列数据,即图片路径
all_label_list = list(temp[:, 1]) # 取出第1列数据,即图片标签
label_list = [int(i) for i in label_list] # 转换成int数据类型
'''
# 将所得List分为两部分,一部分用来训练tra,一部分用来测试val
ratio = 0.8
n_sample = len(all_label_list)
n_val = int(math.ceil(n_sample * ratio)) # 测试样本数, ratio是测试集的比例
n_train = n_sample - n_val # 训练样本数
tra_images = all_image_list[0:n_train]
tra_labels = all_label_list[0:n_train]
tra_labels = [int(float(i)) for i in tra_labels] # 转换成int数据类型
val_images = all_image_list[n_train:-1]
val_labels = all_label_list[n_train:-1]
val_labels = [int(float(i)) for i in val_labels] # 转换成int数据类型
return tra_images, tra_labels, val_images, val_labels
'''
return image_list, label_list
# 为了方便网络的训练,输入数据进行batch处理
# image_W, image_H, :图像高度和宽度
# batch_size:每个batch要放多少张图片
# capacity:一个队列最大多少
def get_batch(image, label, image_W, image_H, batch_size, capacity):
# step1:将上面生成的List传入get_batch() ,转换类型,产生一个输入队列queue
# tf.cast()用来做类型转换
image = tf.cast(image, tf.string) # 可变长度的字节数组.每一个张量元素都是一个字节数组
label = tf.cast(label, tf.int32)
# tf.train.slice_input_producer是一个tensor生成器
# 作用是按照设定,每次从一个tensor列表中按顺序或者随机抽取出一个tensor放入文件名队列。
input_queue = tf.train.slice_input_producer([image, label])
label = input_queue[1]
image_contents = tf.read_file(input_queue[0]) # tf.read_file()从队列中读取图像
# step2:将图像解码,使用相同类型的图像
image = tf.image.decode_jpeg(image_contents, channels=3)
# jpeg或者jpg格式都用decode_jpeg函数,其他格式可以去查看官方文档
# step3:数据预处理,对图像进行旋转、缩放、裁剪、归一化等操作,让计算出的模型更健壮。
image = tf.image.resize_image_with_crop_or_pad(image, image_W, image_H)
# 对resize后的图片进行标准化处理
# image = tf.image.per_image_standardization(image)
# step4:生成batch
# image_batch: 4D tensor [batch_size, width, height, 3], dtype = tf.float32
# label_batch: 1D tensor [batch_size], dtype = tf.int32
image_batch, label_batch = tf.train.batch([image, label], batch_size=batch_size, num_threads=16, capacity=capacity)
# 重新排列label,行数为[batch_size]
label_batch = tf.reshape(label_batch, [batch_size])
image_batch = tf.cast(image_batch, tf.uint8) # 显示彩色图像
# image_batch = tf.cast(image_batch, tf.float32) # 显示灰度图
return image_batch, label_batch
# 获取两个batch,两个batch即为传入神经网络的数据
def PreWork():
# 对预处理的数据进行可视化,查看预处理的效果
IMG_W = 256
IMG_H = 256
BATCH_SIZE = 5
CAPACITY = 64
train_dir = 'F:/Python/PycharmProjects/DeepLearning/CK+_part'
# image_list, label_list, val_images, val_labels = get_file(train_dir)
image_list, label_list = get_file(train_dir)
image_batch, label_batch = get_batch(image_list, label_list, IMG_W, IMG_H, BATCH_SIZE, CAPACITY)
lists = ('angry', 'disgusted', 'fearful', 'happy', 'sadness', 'surprised')
with tf.Session() as sess:
i = 0
coord = tf.train.Coordinator() # 创建一个线程协调器,用来管理之后在Session中启动的所有线程
threads = tf.train.start_queue_runners(coord=coord)
try:
while not coord.should_stop() and i < 2:
# 提取出两个batch的图片并可视化。
img, label = sess.run([image_batch, label_batch]) # 在会话中取出img和label
# img = tf.cast(img, tf.uint8)
'''
1、range()返回的是range object,而np.arange()返回的是numpy.ndarray()
range(start, end, step),返回一个list对象,起始值为start,终止值为end,但不含终止值,步长为step。只能创建int型list。
arange(start, end, step),与range()类似,但是返回一个array对象。需要引入import numpy as np,并且arange可以使用float型数据。
2、range()不支持步长为小数,np.arange()支持步长为小数
3、两者都可用于迭代
range尽可用于迭代,而np.nrange作用远不止于此,它是一个序列,可被当做向量使用。
'''
for j in np.arange(BATCH_SIZE):
# np.arange()函数返回一个有终点和起点的固定步长的排列
print('label: %d' % label[j])
plt.imshow(img[j, :, :, :])
title = lists[int(label[j])]
plt.title(title)
plt.show()
i += 1
except tf.errors.OutOfRangeError:
print('done!')
finally:
coord.request_stop()
coord.join(threads)
if __name__ == '__main__':
PreWork()
随便挑着放了两张效果图
附言:我的代码一如既往有很多很多的注释,不谈标不标准,单纯是记录,方便自己理解
上一篇: umi搭建脚手架约定式路由使用技巧
推荐阅读
-
fcn数据集制作及训练自己的数据集
-
利用tensorflow训练自己的图片数据集——数据准备
-
TensofFlow制作自己的数据集,并训练CNN网络
-
SSD训练自己的数据集(pytorch版)
-
pytorch_SSD训练评估自己的数据集
-
Windows下自己训练数据集,在pytorch上实现基于SSD的物体检测
-
tensorflow深度学习实战笔记(一):使用tensorflow slim自带的模型训练自己的数据
-
在谷歌目标检测(Google object_detection) API 上训练自己的数据集
-
PaddleDetection——使用自己制作的VOC数据集进行模型训练的避坑指南
-
caffe使用命令行方式训练预测mnist、cifar10及自己的数据集