当前位置:   article > 正文

基于Tensorflow的Imagenet数据集的完整处理过程(包括物体标识框BBOX的处理)_imagenet tensorflow

imagenet tensorflow

最近比较忙,好久没更新博客了。

上一篇博客是关于对Imagenet数据集进行预处理的,虽然能给Tensorflow的后续训练提供数据,但是我觉得还是有改进的空间,主要包括了两点:

  1. 数据集中还提供了很多图片的bounding box,这个bounding box是人工进行的标注,准确的标注了图片中对应类别的物体的具体位置。在之前的数据集预处理中没有包括这一部分。即使我们现在做的模型是做类别判断,不涉及到物体定位,我觉得这个Bouding Box的信息还是很有价值的。因为从数据集的图片可以看到,很多图片里面是包括了多个物体的,如果我们直接把这个图片标识为1个类别,那么误差其实是比较大的,例如在很多和动物相关的图片中都有人像,因此我们在训练时最好能把和这个类别相关的Bounding Box包括的图像抠出来进行训练,这样会更加准确。
  2. 在之前的处理中,直接把训练集的数据划分为3部分,即训练数据,验证数据和测试数据。但是其实Imagenet 2012竞赛中是单独提供了验证集的数据的(这部分数据有50000张图片,也是对应这1000个类别)。很多对Imagenent进行研究的论文都是以这个验证集的测试结果作为评测指标的。为了保持一致,我们也应该以所有训练集的数据进行训练,而以验证集的50000张图片进行测试。

以下是具体的处理过程。

Imagenet数据集的下载

首先,下载Imagenent train和validation的数据集并进行解压,下载地址为:

http://www.image-net.org/challenges/LSVRC/2012/nnoupb/ILSVRC2012_img_train.tar

http://www.image-net.org/challenges/LSVRC/2012/nnoupb/ILSVRC2012_img_val.tar

下载后的train数据集是一个146G的Tar文件,里面又包括了1000个Tar文件,每个文件对应一个类别的图片。我写了一个Python的小程序来做解压:

  1. import os
  2. filelist = os.popen("tar -tf ILSVRC2012_img_train.tar").readlines()
  3. num = 0
  4. for item in filelist:
  5. tarfile = item.strip()
  6. folder = tarfile[:-4]
  7. os.popen("mkdir data/"+folder+"/")
  8. os.popen("tar xf ILSVRC2012_img_train.tar "+tarfile)
  9. os.popen("tar xf "+tarfile+" -C data/"+folder+"/")
  10. os.popen("rm -f "+tarfile)
  11. num += 1
  12. print "processing %i/1000\r" %num,

解压之后包括了1000个文件夹,每个文件夹存放一个类别的图片,每个类别大约都有1300张图片。

下载后的validation数据集解压后有6.7G,包括了50000张图片。

Bounding Box数据的下载与处理

下一步就是下载bounding box的文件,地址是http://www.image-net.org/challenges/LSVRC/2012/nnoupb/ILSVRC2012_bbox_train_v2.tar

下载后的文件解压之后,可以看到每个类别对应一个文件夹,里面存放了各个图片对应的XML文件,文件里面定义了bounding box的具体位置。以下的Python程序对这些XML文件进行处理,把结果写入到一个CSV文件:

  1. import xml.etree.ElementTree as ET
  2. import os
  3. xmlRootDir = 'bbox/'
  4. dirs = os.listdir(xmlRootDir)
  5. files = os.listdir('bbox/'+dirs[0]+'/')
  6. def parseXML(filename):
  7. bbox = [[],[],[],[]]
  8. tree = ET.parse(filename)
  9. root = tree.getroot()
  10. size = root.find('size')
  11. width = float(size.find('width').text)
  12. height = float(size.find('height').text)
  13. for node in root.iter("object"):
  14. bndbox = node.find('bndbox')
  15. xmin = max(float(bndbox.find('xmin').text)/width, 0.0)
  16. ymin = max(float(bndbox.find('ymin').text)/height, 0.0)
  17. xmax = min(float(bndbox.find('xmax').text)/width, 1.0)
  18. ymax = min(float(bndbox.find('ymax').text)/height, 1.0)
  19. bbox[0].append(xmin)
  20. bbox[1].append(ymin)
  21. bbox[2].append(xmax)
  22. bbox[3].append(ymax)
  23. return bbox
  24. bboxfile = open('bbox_train.csv', 'w')
  25. content = ''
  26. i = 0
  27. for folder in dirs:
  28. i+=1
  29. folderpath = xmlRootDir + folder + '/'
  30. files = os.listdir(folderpath)
  31. for xmlfile in files:
  32. bbox = parseXML(folderpath+xmlfile)
  33. content += xmlfile
  34. for j in range(4):
  35. content += ','+';'.join([str(x) for x in bbox[j]])
  36. content += '\n'
  37. print("processing %i/1000\r"%i, end="")
  38. bboxfile.writelines(content)
  39. bboxfile.close()

Imagenet数据集转换为TFRECORD

之后就可以对解压后的数据进行读取和处理,把数据转换为TFRECORD的数据格式。在上一篇博客中已经提到,把多个图片放在一个TFRECORD中可以有效提升后续的训练的效率。对于TFRECORD里面每一条记录的字段,除了需要包括图片的JPEG编码后的数据以及标签之外,还需要包括这个图片对应的Bounding Box的数据,图片的长和宽,和标签的文字描述。具体的代码如下:

  1. #-*- encoding: utf-8 -*-
  2. import tensorflow as tf
  3. import cv2
  4. import numpy as np
  5. import os
  6. from multiprocessing import Process, Queue
  7. import sys
  8. import time
  9. import random
  10. import math
  11. max_num = 1000 #max record number in one file
  12. train_path = 'Imagenet/Imagenet/data/' #the folder stroes the train images
  13. valid_path = 'Imagenet/Imagenet/validation/' #the folder stroes the validation images
  14. cores = 4 #number of CPU cores to process
  15. #Imagenet图片都保存在/data目录下,里面有1000个子目录,获取这些子目录的名字
  16. classes = os.listdir(train_path)
  17. #构建一个字典,Key是目录名,value是类名0-999
  18. labels_dict = {}
  19. for i in range(len(classes)):
  20. labels_dict[classes[i]]=i
  21. #构建训练集文件列表,里面的每个元素是路径名+图片文件名+类名
  22. images_labels_list = []
  23. for i in range(len(classes)):
  24. path = train_path+classes[i]+'/'
  25. images_files = os.listdir(path)
  26. label = str(labels_dict[classes[i]])
  27. for image_file in images_files:
  28. images_labels_list.append(path+','+image_file+','+classes[i])
  29. random.shuffle(images_labels_list)
  30. #读取验证集的图片对应的类名标签文件
  31. valid_classes = []
  32. with open('imagenet_2012_validation_synset_labels.txt', 'r') as f:
  33. valid_classes = [line.strip() for line in f.readlines()]
  34. #构建验证集文件列表,里面的每个元素是路径名+图片文件名+类名
  35. valid_images_labels_list = []
  36. valid_images_files = os.listdir(valid_path)
  37. for file_item in valid_images_files:
  38. number = int(file_item[15:23])-1
  39. valid_images_labels_list.append(valid_path+','+file_item+','+valid_classes[number])
  40. #把图像数据和标签转换为TRRECORD的格式
  41. def make_example(image, height, width, label, bbox, text):
  42. colorspace = b'RGB'
  43. channels = 3
  44. img_format = b'JPEG'
  45. return tf.train.Example(features=tf.train.Features(feature={
  46. 'image' : tf.train.Feature(bytes_list=tf.train.BytesList(value=[image])),
  47. 'height' : tf.train.Feature(int64_list=tf.train.Int64List(value=[height])),
  48. 'width' : tf.train.Feature(int64_list=tf.train.Int64List(value=[width])),
  49. 'channels' : tf.train.Feature(int64_list=tf.train.Int64List(value=[channels])),
  50. 'colorspace' : tf.train.Feature(bytes_list=tf.train.BytesList(value=[colorspace])),
  51. 'img_format' : tf.train.Feature(bytes_list=tf.train.BytesList(value=[img_format])),
  52. 'label' : tf.train.Feature(int64_list=tf.train.Int64List(value=[label])),
  53. 'bbox_xmin' : tf.train.Feature(float_list=tf.train.FloatList(value=bbox[0])),
  54. 'bbox_xmax' : tf.train.Feature(float_list=tf.train.FloatList(value=bbox[2])),
  55. 'bbox_ymin' : tf.train.Feature(float_list=tf.train.FloatList(value=bbox[1])),
  56. 'bbox_ymax' : tf.train.Feature(float_list=tf.train.FloatList(value=bbox[3])),
  57. 'text' : tf.train.Feature(bytes_list=tf.train.BytesList(value=[text]))
  58. }))
  59. #读取bbox文件
  60. bbox_list = {}
  61. with open('bbox_train.csv', 'r') as bboxfile:
  62. records = bboxfile.readlines()
  63. for record in records:
  64. fields = record.strip().split(',')
  65. filename = fields[0][:-4]
  66. xmin = [float(x) for x in fields[1].split(';')]
  67. ymin = [float(x) for x in fields[2].split(';')]
  68. xmax = [float(x) for x in fields[3].split(';')]
  69. ymax = [float(x) for x in fields[4].split(';')]
  70. bbox_list[filename] = [xmin, ymin, xmax, ymax]
  71. #读取Labels的描述
  72. labels_text = {}
  73. with open('imagenet_metadata.txt', 'r') as metafile:
  74. records = metafile.readlines()
  75. for record in records:
  76. fields = record.strip().split('\t')
  77. label = fields[0]
  78. text = fields[1]
  79. labels_text[label] = text
  80. #这个函数用来生成TFRECORD文件,第一个参数是列表,每个元素是图片文件名加类名,第二个参数是写入的目录名
  81. #第三个参数是文件名的起始序号,第四个参数是队列名称,用于和父进程发送消息
  82. def gen_tfrecord(trainrecords, targetfolder, startnum, queue):
  83. tfrecords_file_num = startnum
  84. file_num = 0
  85. total_num = len(trainrecords)
  86. pid = os.getpid()
  87. queue.put((pid, file_num))
  88. writer = tf.python_io.TFRecordWriter(targetfolder+"train_"+str(tfrecords_file_num)+".tfrecord")
  89. for record in trainrecords:
  90. file_num += 1
  91. fields = record.split(',')
  92. img = cv2.imread(fields[0]+fields[1])
  93. height, width, _ = img.shape
  94. img_jpg = cv2.imencode('.jpg', img)[1].tobytes()
  95. label = labels_dict[fields[2]]
  96. bbox = []
  97. try:
  98. bbox = bbox_list[fields[1][:-5]]
  99. except KeyError:
  100. bbox = [[],[],[],[]]
  101. text = labels_text[fields[2]]
  102. ex = make_example(img_jpg, height, width, label, bbox, text.encode())
  103. writer.write(ex.SerializeToString())
  104. #每写入100条记录,向父进程发送消息,报告进度
  105. if file_num%100==0:
  106. queue.put((pid, file_num))
  107. if file_num%max_num==0:
  108. writer.close()
  109. tfrecords_file_num += 1
  110. writer = tf.python_io.TFRecordWriter(targetfolder+"train_"+str(tfrecords_file_num)+".tfrecord")
  111. writer.close()
  112. queue.put((pid, file_num))
  113. #这个函数用来多进程生成TFRECORD文件,第一个参数是要处理的图片的文件名列表,第二个参数是需要用的CPU核心数
  114. #第三个参数写入的文件目录名
  115. def process_in_queues(fileslist, cores, targetfolder):
  116. total_files_num = len(fileslist)
  117. each_process_files_num = int(total_files_num/cores)
  118. files_for_process_list = []
  119. for i in range(cores-1):
  120. files_for_process_list.append(fileslist[i*each_process_files_num:(i+1)*each_process_files_num])
  121. files_for_process_list.append(fileslist[(cores-1)*each_process_files_num:])
  122. files_number_list = [len(l) for l in files_for_process_list]
  123. each_process_tffiles_num = math.ceil(each_process_files_num/max_num)
  124. queues_list = []
  125. processes_list = []
  126. for i in range(cores):
  127. queues_list.append(Queue())
  128. #queue = Queue()
  129. processes_list.append(Process(target=gen_tfrecord,
  130. args=(files_for_process_list[i],targetfolder,
  131. each_process_tffiles_num*i+1,queues_list[i],)))
  132. for p in processes_list:
  133. Process.start(p)
  134. #父进程循环查询队列的消息,并且每0.5秒更新一次
  135. while(True):
  136. try:
  137. total = 0
  138. progress_str=''
  139. for i in range(cores):
  140. msg=queues_list[i].get()
  141. total += msg[1]
  142. progress_str+='PID'+str(msg[0])+':'+str(msg[1])+'/'+ str(files_number_list[i])+'|'
  143. progress_str+='\r'
  144. print(progress_str, end='')
  145. if total == total_files_num:
  146. for p in processes_list:
  147. p.terminate()
  148. p.join()
  149. break
  150. time.sleep(0.5)
  151. except:
  152. break
  153. return total
  154. if __name__ == '__main__':
  155. print('Start processing train data using %i CPU cores:'%cores)
  156. starttime=time.time()
  157. total_processed = process_in_queues(images_labels_list, cores, targetfolder='train_tf/')
  158. endtime=time.time()
  159. print('\nProcess finish, total process %i images in %i seconds'%(total_processed, int(endtime-starttime)))
  160. print('Start processing validation data using %i CPU cores:'%cores)
  161. starttime=time.time()
  162. total_processed = process_in_queues(valid_images_labels_list, cores, targetfolder='valid_tf/')
  163. endtime=time.time()
  164. print('\nProcess finish, total process %i images, using %i seconds'%(total_processed, int(endtime-starttime)))

以上代码在我的I3 CPU+16G RAM+SSD硬盘的处理下,每个核心大概不到1秒可以处理100张图片,4个核心大概花了1小时既可以处理这146G的图片,转换为TFRECORD的文件。在处理中我看到系统资源的占用情况,每个核心都基本维持在80%以上,可以看到以上代码充分利用了系统的资源来进行数据的处理。处理结果如下:

  1. Start processing train data using 4 CPU cores:
  2. PID10501:320291/320291|PID10503:320291/320291|PID10505:320291/320291|PID10507:320294/320294|
  3. Process finish, total process 1281167 images in 4113 seconds
  4. Start processing validation data using 4 CPU cores:
  5. PID11270:12500/12500|PID11272:12500/12500|PID11274:12500/12500|PID11276:12500/12500|
  6. Process finish, total process 50000 images, using 161 seconds

有意思的是,之前我的电脑配置的是机械硬盘,同样的代码,在刚处理前大约6000张图片时,4个核心的占用率都是基本在100%,但是之后就下降的很快了,每个核心大概占用率都不到10%,处理文件的速度也大大降低,每个核心大概要10几秒才能处理100张图片,因此我猜测是因为机械硬盘在读取大量的小文件时遇到了瓶颈,在缓存满了之后读取速度就大大下降了。趁着现在SSD硬盘便宜,为此我还特意买了一个SSD硬盘来验证我的猜想,果然是在换了SSD之后处理效率大大提升,看来SSD在处理大量小文件上是比机械硬盘强很多了,这个对于机器学习的频繁大量的数据预处理的工作来说还是很有用的。

TFRECORD数据的读取

TFRECORD文件处理完之后,我们可以通过以下的代码来读取这些数据并显示图片,检验一下数据是否生成正确:

  1. import tensorflow as tf
  2. import cv2
  3. import numpy as np
  4. import os
  5. def _parse_function(example_proto):
  6. features = {"image": tf.FixedLenFeature([], tf.string, default_value=""),
  7. "height": tf.FixedLenFeature([1], tf.int64, default_value=[0]),
  8. "width": tf.FixedLenFeature([1], tf.int64, default_value=[0]),
  9. "channels": tf.FixedLenFeature([1], tf.int64, default_value=[3]),
  10. "colorspace": tf.FixedLenFeature([], tf.string, default_value=""),
  11. "img_format": tf.FixedLenFeature([], tf.string, default_value=""),
  12. "label": tf.FixedLenFeature([1], tf.int64, default_value=[0]),
  13. "bbox_xmin": tf.VarLenFeature(tf.float32),
  14. "bbox_xmax": tf.VarLenFeature(tf.float32),
  15. "bbox_ymin": tf.VarLenFeature(tf.float32),
  16. "bbox_ymax": tf.VarLenFeature(tf.float32),
  17. "text": tf.FixedLenFeature([], tf.string, default_value=""),
  18. "filename": tf.FixedLenFeature([], tf.string, default_value="")
  19. }
  20. parsed_features = tf.parse_single_example(example_proto, features)
  21. xmin = tf.expand_dims(parsed_features["bbox_xmin"].values, 0)
  22. xmax = tf.expand_dims(parsed_features["bbox_xmax"].values, 0)
  23. ymin = tf.expand_dims(parsed_features["bbox_ymin"].values, 0)
  24. ymax = tf.expand_dims(parsed_features["bbox_ymax"].values, 0)
  25. bbox = tf.concat(axis=0, values=[ymin, xmin, ymax, xmax])
  26. bbox = tf.expand_dims(bbox, 0)
  27. bbox = tf.transpose(bbox, [0, 2, 1])
  28. height = parsed_features["height"]
  29. width = parsed_features["width"]
  30. channels = parsed_features["channels"]
  31. image_decoded = tf.cast(tf.image.decode_jpeg(parsed_features["image"], channels=3), tf.float32)
  32. begin, size, bbox_for_draw = tf.image.sample_distorted_bounding_box(tf.shape(image_decoded),
  33. bounding_boxes=bbox,
  34. min_object_covered=0.2,
  35. seed=123,
  36. use_image_if_no_bounding_boxes=True)
  37. images = tf.expand_dims(image_decoded, 0)
  38. new_bbox = tf.concat([bbox, bbox_for_draw],axis=1)
  39. image_bbox = tf.cast(tf.image.draw_bounding_boxes(images, new_bbox), tf.uint8)
  40. return image_bbox
  41. with tf.device('/cpu:0'):
  42. dataset_train = tf.data.TFRecordDataset('train_1.tfrecord')
  43. dataset_train = dataset_train.map(_parse_function)
  44. iterator = tf.data.Iterator.from_structure(dataset_train.output_types, dataset_train.output_shapes)
  45. #img, height, width, channels, colorspace, img_format, label, xmin, ymin, xmax, ymax, text = iterator.get_next()
  46. image_bbox = iterator.get_next()
  47. train_init_op = iterator.make_initializer(dataset_train)
  48. sess = tf.Session()
  49. sess.run(train_init_op)
  50. image_bbox_run = sess.run(image_bbox)
  51. img=cv2.cvtColor(image_bbox_run[0],cv2.COLOR_RGB2BGR)
  52. cv2.imshow("image", img)
  53. if cv2.waitKey(5000):
  54. cv2.destroyAllWindows()
  55. cv2.destroyAllWindows()

以上代码读取并显示TFRECORD里面的一张图片,同时也把图片的BBOX画在了图片上。另外代码中还通过sample_distorted_bounding_box函数,随机生成了一个新的BBOX,该BBOX至少覆盖了目标对象的20%以上的区域,这个新的BBOX对应的图像内容可以作为训练集输入的图像增强,提高训练效果。

输出的图片结果如下所示,其中小的BOX是人工标注的,大的BOX是随机生成的。

至此我们对于Imagenet的数据集的处理就全部完成了。在下一篇博客,我将开始基于这些数据集来进行训练和测试了。稍后再和各位分享。:)

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/我家小花儿/article/detail/295633
推荐阅读
相关标签
  

闽ICP备14008679号