目标:介绍如何对图像数据进行预处理使训练得到的神经网络模型尽可能小地被无关因素所影响。但与此同时,复杂的预处理过程可能导致训练效率的下降。为了减少预处理对于训练速度的影响,TensorFlow 提供了多线程处理输入数据的解决方案。
TFRecord 输入数据格式
TensorFlow 提供了一种统一的格式来存储数据(TFRecord)。TFRecord 文件中的数据都是通过 tf.train.Example Protocol Buffer
的格式存储的。
tf.train.Example
的定义:
| message Example { |
| Features features = 1; |
| }; |
| |
| message Features { |
| map<string, Feature> feature = 1; |
| }; |
| |
| message Features { |
| oneof kind { |
| BytesList bytes_list = 1; |
| FloatList float_list = 2; |
| Int64List int64_list = 3; |
| } |
| }; |
train.Example 的数据结构比较简洁,包含了一个从属性名称到取值的字典。其中属性名称为一个字符串,属性的取值可以为字符串(BytesList),实数列表(FloatList)或者整数列表(Int64List)。
| %pylab inline |
| import tensorflow as tf |
| import numpy as np |
| from tensorflow.examples.tutorials.mnist import input_data |
| Populating the interactive namespace from numpy and matplotlib |
| def __int64__feature(value): |
| '''生成整数型的属性''' |
| return tf.train.Feature(int64_list= tf.train.Int64List(value=[value])) |
| |
| def __bytes__feature(value): |
| '''生成字符型的属性''' |
| return tf.train.Feature(bytes_list= tf.train.BytesList(value=[value])) |
| mnist = input_data.read_data_sets('E:/datasets/mnist/data', dtype= tf.uint8, one_hot= True) |
| Extracting E:/datasets/mnist/data\train-images-idx3-ubyte.gz |
| Extracting E:/datasets/mnist/data\train-labels-idx1-ubyte.gz |
| Extracting E:/datasets/mnist/data\t10k-images-idx3-ubyte.gz |
| Extracting E:/datasets/mnist/data\t10k-labels-idx1-ubyte.gz |
| images = mnist.train.images |
| |
| labels = mnist.train.labels |
| |
| |
| pixels = images.shape[1] |
| num_examples = mnist.train.num_examples |
| |
| filename = 'E:/datasets/mnist/output.tfrecords' |
| |
| writer = tf.python_io.TFRecordWriter(filename) |
| for index in range(num_examples): |
| |
| image_raw = images[index].tostring() |
| |
| examle = tf.train.Example(features = tf.train.Features(feature={ |
| 'pixels': __int64__feature(pixels), |
| 'label': __int64__feature(np.argmax(labels[index])), |
| 'image_raw': __bytes__feature(image_raw) |
| })) |
| |
| |
| writer.write(examle.SerializeToString()) |
| writer.close() |
以上程序将 MNIST 数据集中所有的训练数据存储到一个 TFRecord 文件中。当数据量很大时,也可以将数据写入到多个 TFRecord 文件。
读取 TFRecord 文件中的数据
| import tensorflow as tf |
| |
| |
| reader = tf.TFRecordReader() |
| |
| filename_queue = tf.train.string_input_producer(['E:/datasets/mnist/output.tfrecords']) |
| |
| |
| _, serialized_example = reader.read(filename_queue) |
| |
| features = tf.parse_single_example(serialized_example, |
| features= { |
| |
| |
| |
| 'image_raw': tf.FixedLenFeature([], tf.string), |
| 'pixels': tf.FixedLenFeature([], tf.int64), |
| 'label': tf.FixedLenFeature([], tf.int64), |
| }) |
| |
| |
| images = tf.decode_raw(features['image_raw'], tf.uint8) |
| labels = tf.cast(features['label'], tf.int32) |
| pixels = tf.cast(features['pixels'], tf.int32) |
| |
| sess = tf.Session() |
| |
| coord = tf.train.Coordinator() |
| threads = tf.train.start_queue_runners(sess= sess, coord= coord) |
| |
| |
| for i in range(10): |
| image, label, pixel = sess.run([images, labels, pixels]) |
| |
| sess.close() |
| INFO:tensorflow:Error reported to Coordinator: <class |
| |
| |
| INFO:tensorflow:Error reported to Coordinator: <class |
图像数据处理
通过对图像的预处理,可以尽量避免模型受到无关因素的影响。在大部分图像识别问题中,通过图像预处理过程可以提高模型的准确率。
图像编码处理
一张 RGB 色彩模式的图片可看作一个三维矩阵,矩阵的每一个数字表示图像上不同位置,不同颜色的亮度。然而图像在存储时并不是直接记录这些矩阵中的数字,而是记录经过压缩编码之后的结果。所要将一张图像还原成一个三维矩阵,需要解码的过程。TensorFlow 提供了对 jpeg 和 png 格式图像的编码/解码函数。
| import matplotlib.pyplot as plt |
| import tensorflow as tf |
| import numpy as np |
| |
| image_raw_data = tf.gfile.FastGFile('E:/datasets/cat.jpg', 'rb').read() |
| with tf.Session() as sess: |
| |
| |
| |
| img_data = tf.image.decode_jpeg(image_raw_data) |
| |
| |
| print(img_data.eval()) |
| [[[162 161 140] |
| [162 162 138] |
| [161 161 137] |
| ..., |
| [106 140 46] |
| [101 137 47] |
| [102 141 52]] |
| |
| [[164 162 139] |
| [163 161 136] |
| [163 161 138] |
| ..., |
| [104 138 43] |
| [102 139 46] |
| [108 138 50]] |
| |
| [[165 163 140] |
| [165 163 138] |
| [163 161 136] |
| ..., |
| [104 135 41] |
| [102 137 43] |
| [108 139 45]] |
| |
| ..., |
| [[207 200 181] |
| [206 199 180] |
| [206 199 180] |
| ..., |
| [109 84 53] |
| [107 84 53] |
| [106 81 50]] |
| |
| [[205 200 180] |
| [205 200 180] |
| [206 199 180] |
| ..., |
| [106 83 49] |
| [105 82 51] |
| [106 81 50]] |
| |
| [[205 200 180] |
| [205 198 179] |
| [205 198 179] |
| ..., |
| [108 86 49] |
| [105 82 48] |
| [104 81 49]]] |
打印图片
| with tf.Session() as sess: |
| plt.imshow(img_data.eval()) |
| plt.show() |
data:image/s3,"s3://crabby-images/d9e97/d9e97545b1c44a3fef54e27d5681f46517130d86" alt=""
| with tf.Session() as sess: |
| |
| img_data = tf.image.convert_image_dtype(img_data, dtype= tf.float32) |
| img_data = tf.image.convert_image_dtype(img_data, dtype= tf.uint8) |
| |
| |
| |
| encoded_image = tf.image.encode_jpeg(img_data) |
| with tf.gfile.GFile('E:/datasets/output.jpg', 'wb') as f: |
| f.write(encoded_image.eval()) |
重新调整图片大小
一般地,网上获取的图片的大小是不固定的,但是神经网络输入节点的个数是固定的。所以在将图像的像素作为输入提供给神经网络之前,需要将图片的大小统一。图片的大小调整有两种方式:
- 通过算法使得新的图片尽可能的保存原始图像上的所有信息。
- Tensorflow 提供了四种不同的方法,并且将它们封装在
tf.image.resize_images
函数中。
- 裁剪或填充
保存完整信息
| with tf.Session() as sess: |
| resized = tf.image.resize_images(img_data, [300, 300], method=0) |
| |
| |
| print("Digital type: ", resized.dtype) |
| print("Digital shape: ", resized.get_shape()) |
| cat = np.asarray(resized.eval(), dtype='uint8') |
| |
| plt.imshow(cat) |
| plt.show() |
| Digital type: <dtype: 'float32'> |
| Digital shape: (300, 300, 3) |
data:image/s3,"s3://crabby-images/fc0a3/fc0a371341c56b21dd4ae2de5975abae5b477d52" alt=""
tf.image.resize_images
的 method
参数:
Method 取值 |
图像大小调整算法 |
0 |
双线性插值法(Bilinear interpolation) |
1 |
最近邻居法(Nearest neighbor interpolation) |
2 |
双三次插值法(Bicubic interpolation) |
3 |
面积插值法(Area interpolation) |
裁剪和填充
tf.image.resize_image_with_crop_or_pad
函数可以调整图像的大小。如果原始图像的尺寸大于目标图像这个函数会自动裁取原始图像中居中的部分;如果目标图像大于原始图像,这个函数会自动在原始图像的四周填充全 0 背景。
| with tf.Session() as sess: |
| croped = tf.image.resize_image_with_crop_or_pad(img_data, 1000, 1000) |
| padded = tf.image.resize_image_with_crop_or_pad(img_data, 3000, 3000) |
| plt.imshow(croped.eval()) |
| plt.show() |
| plt.imshow(padded.eval()) |
| plt.show() |
data:image/s3,"s3://crabby-images/2589e/2589e566b66c6cfb95a5e5fef13870b20a1108c3" alt=""
data:image/s3,"s3://crabby-images/d73ff/d73ff78456b0e301fddd5e341e1330d4ce382779" alt=""
通过比例调整图片大小
tf.image.central_crop
函数可以按比例裁剪图像。其中比例取值:(0,1] 的实数。
| with tf.Session() as sess: |
| central_cropped = tf.image.central_crop(img_data, 0.5) |
| plt.imshow(central_cropped.eval()) |
| plt.show() |
data:image/s3,"s3://crabby-images/c9357/c93574001aee093a28c1d3bae8be2797227659f6" alt=""
以上的函数都是截取或填充图像的中间部分。使用 tf.image.crop_to_bounding_box
和 tf.image.pad_to_bounding_box
函数可以裁剪或填充给定区域的图像。
翻转图片
| with tf.Session() as sess: |
| |
| flipped1 = tf.image.flip_up_down(img_data) |
| plt.imshow(flipped1.eval()) |
| plt.show() |
| |
| flipped2 = tf.image.flip_left_right(img_data) |
| plt.imshow(flipped2.eval()) |
| plt.show() |
| |
| |
| transposed = tf.image.transpose_image(img_data) |
| plt.imshow(transposed.eval()) |
| plt.show() |
data:image/s3,"s3://crabby-images/f6b1a/f6b1a8aa4913c25dfe13f912a3019d22359ac670" alt=""
data:image/s3,"s3://crabby-images/7d07b/7d07b5b5cbbc5e57925ecab9a1e428c6a075d128" alt=""
data:image/s3,"s3://crabby-images/d5536/d55366c8380656ffc3e82d00736c023894a6e464" alt=""
在很多图像识别问题中,图像的翻转不会影响识别结果。于是在训练图像识别的神经网络时,可以随机地翻转训练图像,这样训练得到的模型可以识别不同角度的实体。因而随机翻转训练图像是一种零成本的很常用的图像预处理方式。TensorFlow 提供了方便的 API 完成随机图像翻转的过程。以下代码实现了这个过程:
| with tf.Session() as sess: |
| |
| flipped = tf.image.random_flip_up_down(img_data) |
| plt.imshow(flipped.eval()) |
| plt.show() |
| |
| |
| flipped = tf.image.random_flip_left_right(img_data) |
| plt.imshow(flipped.eval()) |
| plt.show() |
data:image/s3,"s3://crabby-images/a7de0/a7de08f2d874d23e73fdbb318b117d3d6b55ec1f" alt=""
data:image/s3,"s3://crabby-images/177fa/177fa2e1f0f525bac3dadebe50b2f6255c88f7bc" alt=""
图片色彩调整
和图像翻转类似,调整图像的亮度、对比度、饱和度和色相在很多图像识别应用中都不会影响识别结果。所以在训练神经网络模型时,可以随机调整训练图像的这些属性,从而使训练得到的模型尽可能小的受到无关因素的影响。以下代码可以完成此功能:
| with tf.Session() as sess: |
| |
| adjusted = tf.image.adjust_brightness(img_data, -0.5) |
| plt.imshow(adjusted.eval()) |
| plt.show() |
| |
| |
| adjusted = tf.image.adjust_brightness(img_data, 0.5) |
| plt.imshow(adjusted.eval()) |
| plt.show() |
| |
| |
| adjusted = tf.image.random_brightness(img_data, max_delta=0.5) |
| plt.imshow(adjusted.eval()) |
| plt.show() |
data:image/s3,"s3://crabby-images/50cb0/50cb01baf91975bb6b70bf6d983286ae6793cca8" alt=""
data:image/s3,"s3://crabby-images/aa8ef/aa8efe5c9d444f1899f2635949d01bd0160fb9c0" alt=""
data:image/s3,"s3://crabby-images/cda65/cda659f1ca31937ed48feb19ea90ca8167f19111" alt=""
| with tf.Session() as sess: |
| |
| adjusted = tf.image.adjust_contrast(img_data, -5) |
| plt.imshow(adjusted.eval()) |
| plt.show() |
| |
| |
| adjusted = tf.image.adjust_contrast(img_data, 5) |
| plt.imshow(adjusted.eval()) |
| plt.show() |
| |
| |
| lower = 7 |
| upper = 88 |
| adjusted = tf.image.random_contrast(img_data, lower, upper) |
| plt.imshow(adjusted.eval()) |
| plt.show() |
data:image/s3,"s3://crabby-images/897ae/897aec886e42d37f133af125349e728b260b00a8" alt=""
data:image/s3,"s3://crabby-images/df820/df8207b1ae2a63623d945d9c28b34859930e119b" alt=""
data:image/s3,"s3://crabby-images/6ad75/6ad751798a7b4f8e6d38713fc6156fd638bce27c" alt=""
添加色相和饱和度
| with tf.Session() as sess: |
| '''调节色相''' |
| adjusted = tf.image.adjust_hue(img_data, 0.1) |
| plt.imshow(adjusted.eval()) |
| plt.show() |
| |
| adjusted = tf.image.adjust_hue(img_data, 0.3) |
| plt.imshow(adjusted.eval()) |
| plt.show() |
| |
| adjusted = tf.image.adjust_hue(img_data, 0.6) |
| plt.imshow(adjusted.eval()) |
| plt.show() |
| |
| adjusted = tf.image.adjust_hue(img_data, 0.9) |
| plt.imshow(adjusted.eval()) |
| plt.show() |
| |
| |
| adjusted = tf.image.random_hue(img_data, 0.5) |
| plt.imshow(adjusted.eval()) |
| plt.show() |
data:image/s3,"s3://crabby-images/f0f4f/f0f4fb5f86d6bfd280ae147a6146b5904dbded93" alt=""
data:image/s3,"s3://crabby-images/5f4cf/5f4cfee670dcd0c6e8288753e9c7b8a1252e995e" alt=""
data:image/s3,"s3://crabby-images/75b0b/75b0b7c1d3f1e5dbe3cfc3350d3fec62562073a8" alt=""
data:image/s3,"s3://crabby-images/ad1f1/ad1f1739e728ac242c99cc4e99cc889cab24c3fb" alt=""
data:image/s3,"s3://crabby-images/461ea/461eafe2f7dcdecc557f767ba55118736bcd6c26" alt=""
| with tf.Session() as sess: |
| |
| adjusted = tf.image.adjust_saturation(img_data, -5) |
| plt.imshow(adjusted.eval()) |
| plt.show() |
| |
| |
| adjusted = tf.image.adjust_saturation(img_data, 5) |
| plt.imshow(adjusted.eval()) |
| plt.show() |
| |
| |
| |
data:image/s3,"s3://crabby-images/3c756/3c756169f6d339b042db15e27cfe94313072c8b2" alt=""
data:image/s3,"s3://crabby-images/750f1/750f193346db42de45c463e4302c6beca0f9634e" alt=""
| with tf.Session() as sess: |
| |
| image = img.imread('E:/datasets/cat.jpg') |
| adjusted = tf.image.per_image_standardization(image) |
| cat = np.asarray(adjusted.eval(), dtype='uint8') |
| plt.imshow(cat) |
| plt.show() |
data:image/s3,"s3://crabby-images/299e1/299e1a2ad2745c1092cce5209412e6337ae054e6" alt=""
标准化处理可以使得不同的特征具有相同的尺度(Scale)。这样,在使用梯度下降法学习参数的时候,不同特征对参数的影响程度就一样了。tf.image.per_image_standardization(image)
,此函数的运算过程是将整幅图片标准化(不是归一化),加速神经网络的训练。主要有如下操作,x−meanadjusted_stddev,其中x为图片的 RGB 三通道像素值,mean分别为三通道像素的均值,adjusted_stddev=max(stddev,1.0√image.NumElements())。
- stddev为三通道像素的标准差,image.NumElements()
计算的是三通道各自的像素个数。
| import tensorflow as tf |
| import matplotlib.image as img |
| import matplotlib.pyplot as plt |
| import numpy as np |
| sess = tf.InteractiveSession() |
| image = img.imread('E:/datasets/cat.jpg') |
| shape = tf.shape(image).eval() |
| h,w = shape[0],shape[1] |
| standardization_image = tf.image.per_image_standardization(image) |
| |
| fig = plt.figure() |
| fig1 = plt.figure() |
| ax = fig.add_subplot(111) |
| ax.set_title('orginal image') |
| ax.imshow(image) |
| ax1 = fig1.add_subplot(311) |
| ax1.set_title('original hist') |
| ax1.hist(sess.run(tf.reshape(image,[h*w,-1]))) |
| ax1 = fig1.add_subplot(313) |
| ax1.set_title('standardization hist') |
| ax1.hist(sess.run(tf.reshape(standardization_image,[h*w,-1]))) |
| plt.ion() |
| plt.show() |
data:image/s3,"s3://crabby-images/651cb/651cb767c186fe755d13a3009e3d0cb47780efaf" alt=""
data:image/s3,"s3://crabby-images/a931c/a931c01da0095eba9a54e0d0c86c3ed2bcdf3950" alt=""
添加标注框并裁减
在很多图像识别数据集中,图像中需要关注的物体通常会被标注框圈出来。使用 tf.image.draw_bounding_boxes
函数便可以实现。
| with tf.Session() as sess: |
| |
| img_data = tf.image.resize_images(img_data, [180, 267], method= 1) |
| |
| |
| batched = tf.expand_dims(tf.image.convert_image_dtype(img_data, tf.float32), 0) |
| |
| |
| |
| boxes = tf.constant([[[0.05, 0.05, 0.9, 0.7], [0.35, 0.47, 0.5, 0.56]]]) |
| result = tf.image.draw_bounding_boxes(batched, boxes) |
| plt.imshow(result[0].eval()) |
| plt.show() |
data:image/s3,"s3://crabby-images/60f47/60f47e014ce144956558ae88278d6296701fe8d3" alt=""
和随机翻转图像、随机调整颜色类似,随机截取图像上有信息含量的部分也是一个提高模型健壮性(robustness)的一种方式。这样可以使训练得到的模型不受被识别物体的大小的影响。tf.image.sample_distorted_bounding_box
函数可以完成随机截取图像的过程。
| with tf.Session() as sess: |
| boxes = tf.constant([[[0.05, 0.05, 0.9, 0.7], [0.35, 0.47, 0.5, 0.56]]]) |
| |
| begin, size, bbox_for_draw = tf.image.sample_distorted_bounding_box( |
| tf.shape(img_data), bounding_boxes=boxes) |
| |
| |
| batched = tf.expand_dims(tf.image.convert_image_dtype(img_data, tf.float32), 0) |
| image_with_box = tf.image.draw_bounding_boxes(batched, bbox_for_draw) |
| plt.imshow(image_with_box[0].eval()) |
| plt.show() |
| |
| |
| distorted_image = tf.slice(img_data, begin, size) |
| plt.imshow(distorted_image.eval()) |
| plt.show() |
data:image/s3,"s3://crabby-images/8f457/8f4577cb2f9a51ab15ee9b437f950fc89753c338" alt=""
data:image/s3,"s3://crabby-images/27099/270996857912030ffb2159afbb519380274fd650" alt=""
· PostgreSQL 和 SQL Server 在统计信息维护中的关键差异
· C++代码改造为UTF-8编码问题的总结
· DeepSeek 解答了困扰我五年的技术问题
· 为什么说在企业级应用开发中,后端往往是效率杀手?
· 用 C# 插值字符串处理器写一个 sscanf
· [翻译] 为什么 Tracebit 用 C# 开发
· 腾讯ima接入deepseek-r1,借用别人脑子用用成真了~
· Deepseek官网太卡,教你白嫖阿里云的Deepseek-R1满血版
· DeepSeek崛起:程序员“饭碗”被抢,还是职业进化新起点?
· RFID实践——.NET IoT程序读取高频RFID卡/标签