zoukankan      html  css  js  c++  java
  • tensorflow-Inception-v3模型训练自己的数据代码示例

    一、声明

      本代码非原创,源网址不详,仅做学习参考。

    二、代码  

      1 # -*- coding: utf-8 -*-
      2 
      3 import glob  # 返回一个包含有匹配文件/目录的数组
      4 import os.path
      5 import random
      6 import numpy as np
      7 import tensorflow as tf
      8 from tensorflow.python.platform import gfile
      9 
     10 # inception-v3瓶颈层的节点个数
     11 BOTTLENECT_TENSOR_SIZE = 2048
     12 
     13 # 在谷歌提供的inception-v3模型中,瓶颈层结果的张量名称为'pool_3/_reshape:0'
     14 # 可以使用tensor.name来获取张量名称
     15 BOTTLENECT_TENSOR_NAME = 'pool_3/_reshape:0'
     16 
     17 # 图像输入张量所对应的名称
     18 JPEG_DATA_TENSOR_NAME = 'DecodeJpeg/contents:0'
     19 
     20 # 下载的谷歌inception-v3模型文件目录
     21 MODEL_DIR = '/tensorflow_google/inception_model'
     22 
     23 # 下载的训练好的模型文件名
     24 MODEL_FILE = 'tensorflow_inception_graph.pb'
     25 
     26 # 将原始图像通过inception-v3模型计算得到的特征向量保存在文件中,下面定义文件存放地址
     27 CACHE_DIR = '/tensorflow_google/bottleneck'
     28 
     29 # 图片数据文件夹,子文件为类别
     30 INPUT_DATA = '/tensorflow_google/flower_photos'
     31 
     32 # 验证的数据百分比
     33 VALIDATION_PRECENTAGE = 10
     34 # 测试的数据百分比
     35 TEST_PRECENTAGE = 10
     36 
     37 # 定义神经网络的参数
     38 LEARNING_RATE = 0.01
     39 STEPS = 4000
     40 BATCH = 100
     41 
     42 
     43 # 从数据文件夹中读取所有的图片列表并按训练、验证、测试数据分开
     44 # testing_percentage和validation_percentage指定测试和验证数据集的大小
     45 def create_image_lists(testing_percentage, validation_percentage):
     46     # 得到的图片放到result字典中,key为类别名称,value为类别下的各个图片(也是字典)
     47     result = {}
     48     # 获取当前目录下所有的子目录
     49     sub_dirs = [x[0] for x in os.walk(INPUT_DATA)]
     50     # sub_dirs中第一个目录是当前目录,即flower_photos,不用考虑
     51     is_root_dir = True
     52     for sub_dir in sub_dirs:
     53         if is_root_dir:
     54             is_root_dir = False
     55             continue
     56 
     57         # 获取当前目录下所有的有效图片文件
     58         extensions = ['jpg', 'jpeg', 'JPG', 'JPEG']
     59         file_list = []
     60         # 获取当前文件名
     61         dir_name = os.path.basename(sub_dir)
     62         for extension in extensions:
     63             # 将分离的各部分组成一个路径名,如/flower_photos/roses/*.JPEG
     64             file_glob = os.path.join(INPUT_DATA, dir_name, '*.'+extension)
     65             # glob.glob()返回的是所有路径下的符合条件的文件名的列表
     66             file_list.extend(glob.glob(file_glob))
     67         if not file_list: continue
     68 
     69         # 通过目录名获取类别的名称(全部小写)
     70         label_name = dir_name.lower()
     71         # 初始化当前类别的训练数据集、测试数据集和验证数据集
     72         training_images = []
     73         testing_images = []
     74         validation_images = []
     75         for file_name in file_list:
     76             base_name = os.path.basename(file_name) #获取当前文件名
     77             # 随机将数据分到训练数据集、测试数据集以及验证数据集
     78             chance = np.random.randint(100) #随机返回一个整数
     79             if chance < validation_percentage:
     80                 validation_images.append(base_name)
     81             elif chance < (testing_percentage + validation_percentage):
     82                 testing_images.append(base_name)
     83             else:
     84                 training_images.append(base_name)
     85 
     86         # 将当前类别的数据放入结果字典
     87         result[label_name] = {'dir': dir_name, 'training': training_images,
     88                               'testing': testing_images, 'validation': validation_images}
     89     return result
     90 
     91 
     92 # 通过类别名称、所属数据集和图片编号获取一张图片的地址
     93 # image_lists为所有图片信息,image_dir给出根目录,label_name为类别名称,index为图片编号,category指定图片是在哪个训练集
     94 def get_image_path(image_lists, image_dir, label_name, index, category):
     95     # 获取给定类别中所有图片的信息
     96     label_lists = image_lists[label_name]
     97     # 根据所属数据集的名称获取集合中的全部图片信息
     98     category_list = label_lists[category]
     99     mod_index = index % len(category_list)
    100     # 获取图片的文件名
    101     base_name = category_list[mod_index]
    102     sub_dir = label_lists['dir']
    103     # 最终的地址为数据根目录的地址加上类别的文件夹加上图片的名称
    104     full_path = os.path.join(image_dir, sub_dir, base_name)
    105     return full_path
    106 
    107 
    108 # 通过类别名称、所属数据集和图片编号经过inception-v3处理之后的特征向量文件地址
    109 def get_bottleneck_path(image_lists, label_name, index, category):
    110     return get_image_path(image_lists, CACHE_DIR, label_name, index, category)+'.txt'
    111 
    112 
    113 # 使用加载的训练好的网络处理一张图片,得到这个图片的特征向量
    114 def run_bottleneck_on_image(sess, image_data, image_data_tensor, bottleneck_tensor):
    115     # 将当前图片作为输入,计算瓶颈张量的值
    116     # 这个张量的值就是这张图片的新的特征向量
    117     bottleneck_values = sess.run(bottleneck_tensor, {image_data_tensor: image_data})
    118     # 经过卷积神经网络处理的结果是一个四维数组,需要将这个结果压缩成一个一维数组
    119     bottleneck_values = np.squeeze(bottleneck_values) #从数组的形状中删除单维条目
    120     return  bottleneck_values
    121 
    122 
    123 # 获取一张图片经过inception-v3模型处理之后的特征向量
    124 # 先寻找已经计算并且保存的向量,若找不到则计算然后保存到文件
    125 def get_or_create_bottleneck(sess, image_lists, label_name, index, category,
    126                              jpeg_data_tensor, bottleneck_tensor):
    127     # 获取一张图片对应的特征向量文件路径
    128     label_lists = image_lists[label_name]
    129     sub_dir = label_lists['dir']
    130     sub_dir_path = os.path.join(CACHE_DIR, sub_dir)
    131     if not os.path.exists(sub_dir_path):
    132         os.makedirs(sub_dir_path) #若不存在则创建
    133     bottleneck_path = get_bottleneck_path(image_lists, label_name, index, category)
    134 
    135     # 如果这个特征向量文件不存在,则通过inception-v3计算,并存入文件
    136     if not os.path.exists(bottleneck_path):
    137         # 获取原始的图片路径
    138         image_path = get_image_path(image_lists, INPUT_DATA, label_name, index, category)
    139         # 获取图片内容,对图片的读取
    140         image_data = gfile.FastGFile(image_path, 'rb').read()
    141         # 通过inception-v3计算特征向量
    142         bottleneck_values = run_bottleneck_on_image(sess, image_data, jpeg_data_tensor, bottleneck_tensor)
    143         # 将计算得到的特征向量存入文件,join()连接字符串
    144         bottleneck_string = ','.join(str(x) for x in bottleneck_values)
    145         with open(bottleneck_path, 'w') as bottleneck_file:  #打开文件并写入
    146             bottleneck_file.write(bottleneck_string)
    147     else:
    148         # 直接从文件中获取图片相应的特征向量
    149         with open(bottleneck_path, 'r') as bottleneck_file:
    150             bottleneck_string = bottleneck_file.read()
    151         bottleneck_values = [float(x) for x in bottleneck_string.split(',')]
    152     # 返回特征向量
    153     return bottleneck_values
    154 
    155 
    156 # 随机选取一个batch的图片作为训练数据
    157 def get_random_cached_bottlenecks(sess, n_classes, image_lists, how_many, category,
    158                                   jpeg_data_tensor, bottleneck_tensor):
    159     bottlenecks = []
    160     ground_truths = []
    161     for _ in range(how_many):
    162         # 随机一个类别和图片的编号加入当前的训练数据
    163         label_index = random.randrange(n_classes)  # 返回指定递增基数集合中的一个随机数,基数缺省值为1,随机类别号
    164         label_name = list(image_lists.keys())[label_index]
    165         image_index = random.randrange(65536)
    166         bottleneck = get_or_create_bottleneck(sess, image_lists, label_name, image_index,
    167                                               category, jpeg_data_tensor, bottleneck_tensor)
    168         ground_truth = np.zeros(n_classes, dtype=np.float32)
    169         ground_truth[label_index] = 1.0
    170         bottlenecks.append(bottleneck)
    171         ground_truths.append(ground_truth)
    172 
    173     return bottlenecks, ground_truths
    174 
    175 
    176 # 获取全部的测试数据,在最终测试的时候在所有测试数据上计算正确率
    177 def get_test_bottlenecks(sess, image_lists, n_classes, jpeg_data_tensor, bottleneck_tensor):
    178     bottlenecks = []
    179     ground_truths = []
    180     label_name_list = list(image_lists.keys())
    181     # 枚举所有类别和每个类别中的测试图片
    182     for label_index, label_name in enumerate(label_name_list):
    183         category = 'testing'
    184         for index, unused_base_name in enumerate(image_lists[label_name][category]):
    185             # 通过inception-v3计算图片对应的特征向量,并将其加入最终数据的列表
    186             bottleneck = get_or_create_bottleneck(sess, image_lists, label_name, index, category,
    187                                                   jpeg_data_tensor, bottleneck_tensor)
    188             ground_truth = np.zeros(n_classes, dtype=np.float32)
    189             ground_truth[label_index] = 1.0
    190             bottlenecks.append(bottleneck)
    191             ground_truths.append(ground_truth)
    192     return bottlenecks, ground_truths
    193 
    194 
    195 def main(_):
    196     # 读取所有图片
    197     image_lists = create_image_lists(TEST_PRECENTAGE, VALIDATION_PRECENTAGE)
    198     # image_lists.keys()为dict_keys(['roses', 'sunflowers', 'daisy', 'dandelion', 'tulips'])
    199     n_classes = len(image_lists.keys()) # 类别数
    200     # 读取已经训练好的inception-v3模型,谷歌训练好的模型保存在了GraphDef Protocol Buffer中
    201     # 里面保存了每一个节点取值的计算方法以及变量的取值
    202     # 对模型的读取,二进制
    203     with gfile.FastGFile(os.path.join(MODEL_DIR, MODEL_FILE), 'rb') as f:
    204         #  新建GraphDef文件,用于临时载入模型中的图
    205         graph_def = tf.GraphDef()
    206         # 加载模型中的图
    207         graph_def.ParseFromString(f.read())
    208         # 加载读取的inception模型,并返回数据输出所对应的张量以及计算瓶颈层结果所对应的张量
    209         # 从图上读取张量,同时把图设为默认图
    210         # Tensor("import/pool_3/_reshape:0", shape=(1, 2048), dtype=float32)
    211         # Tensor("import/DecodeJpeg/contents:0", shape=(), dtype=string)
    212         bottleneck_tensor, jpeg_data_tensor = tf.import_graph_def(graph_def, return_elements=[BOTTLENECT_TENSOR_NAME,
    213                                                                                               JPEG_DATA_TENSOR_NAME])
    214 
    215         # 定义新的神经网络输入,这个输入就是新的图片经过inception模型前向传播达到瓶颈层的节点取值,None为了batch服务
    216         bottleneck_input = tf.placeholder(tf.float32, [None, BOTTLENECT_TENSOR_SIZE],
    217                                           name='BottleneckInputPlaceholder')
    218         # 定义新的标准答案
    219         ground_truth_input = tf.placeholder(tf.float32, [None, n_classes], name='GroundTruthInput')
    220 
    221         # 定义一层全连接层来解决新的图片分类问题
    222         with tf.name_scope('final_training_ops'):
    223             weights = tf.Variable(tf.truncated_normal([BOTTLENECT_TENSOR_SIZE, n_classes], stddev=0.001))
    224             biases = tf.Variable(tf.zeros([n_classes]))
    225             logits = tf.matmul(bottleneck_input, weights) + biases
    226             final_tensor = tf.nn.softmax(logits)
    227 
    228         # 定义交叉熵损失函数
    229         # tf.nn.softmax中dim默认为-1,即tf.nn.softmax会以最后一个维度作为一维向量计算softmax
    230         cross_entropy = tf.nn.softmax_cross_entropy_with_logits(logits=logits, labels=ground_truth_input)
    231         cross_entropy_mean = tf.reduce_mean(cross_entropy)
    232         train_step = tf.train.GradientDescentOptimizer(LEARNING_RATE).minimize(cross_entropy_mean)
    233 
    234         # 计算正确率
    235         with tf.name_scope('evaluation'):
    236             correct_prediction = tf.equal(tf.argmax(final_tensor, 1), tf.argmax(ground_truth_input, 1))
    237             # 平均错误率,cast将bool值转成float
    238             evaluation_step = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
    239 
    240         with tf.Session() as sess:
    241             init = tf.initialize_all_variables()
    242             sess.run(init)
    243 
    244             # 训练过程
    245             for i in range(STEPS):
    246                 # 每次获取一个batch的训练数据
    247                 train_bottlenecks, train_ground_truth = get_random_cached_bottlenecks
    248                     (sess, n_classes, image_lists, BATCH, 'training', jpeg_data_tensor, bottleneck_tensor)
    249                 sess.run(train_step, feed_dict={bottleneck_input: train_bottlenecks,
    250                                                 ground_truth_input: train_ground_truth})
    251 
    252                 # 在验证数据上测试正确率
    253                 if i % 100 == 0 or i+1 == STEPS:
    254                     validation_bottlenecks, validation_ground_truth = 
    255                         get_random_cached_bottlenecks(sess, n_classes, image_lists, BATCH,
    256                                                       'validation', jpeg_data_tensor, bottleneck_tensor)
    257                     validation_accuracy = sess.run(evaluation_step,
    258                                                    feed_dict={bottleneck_input: validation_bottlenecks,
    259                                                               ground_truth_input: validation_ground_truth})
    260                     print('Step %d :Validation accuracy on random sampled %d examples = %.1f%%' %
    261                           (i, BATCH, validation_accuracy*100))
    262 
    263             # 在最后的测试数据上测试正确率
    264             test_bottlenecks, test_ground_truth = get_test_bottlenecks(sess, image_lists, n_classes,
    265                                                                        jpeg_data_tensor, bottleneck_tensor)
    266             test_accuracy = sess.run(evaluation_step, feed_dict={bottleneck_input: test_bottlenecks,
    267                                                                  ground_truth_input: test_ground_truth})
    268             print('Final test accuracy = %.1f%%' % (test_accuracy*100))
    269 
    270 
    271 if __name__ == '__main__':
    272     tf.app.run()
    View Code
  • 相关阅读:
    Java并发编程:synchronized
    对一致性Hash算法,Java代码实现的深入研究
    在Xcode中使用Git进行源码版本控制
    这些 Git 技能够你用一年了
    简明 Git 命令速查表
    Git 分支管理是一门艺术
    2016年Web前端面试题目汇总
    iOS 面试基础题目
    Json数据交互格式介绍和比较
    SpringBoot端口和访问路径
  • 原文地址:https://www.cnblogs.com/EstherLjy/p/10087424.html
Copyright © 2011-2022 走看看