如何使用我自己训练的模型与tensorflow中实现的facenet?

时间:2017-05-17 06:28:08

标签: tensorflow

我使用shell命令训练模型:

python src/facenet_train.py \
           --batch_size 15 \
           --gpu_memory_fraction 0.25 \
           --models_base_dir trained_model_2017_05_15_10_24 \
           --pretrained_model trained_model_2017_05_15_10_24/20170515-121856/model-20170515-121856.ckpt-182784 \
           --model_def models.nn2 \
           --logs_base_dir logs \
           --data_dir /data/user_set/training/2017_05_15_10_24 \
           --lfw_pairs /data/user_set/lfw_pairs.txt \
           --image_size 224 \
           --lfw_dir /data/user_set/lfw \
           --optimizer ADAM \
           --max_nrof_epochs 1000 \
           --learning_rate 0.00001

但是当我使用我自己训练的模型时,我得到这样的错误信息:

  

2017-05-17 14:23:05.448285:W   tensorflow / core / platform / cpu_feature_guard.cc:45] TensorFlow   库未编译为使用SSE4.1指令,但这些是   在您的机器上可用,可以加快CPU计算。       2017-05-17 14:23:05.448318:W tensorflow / core / platform / cpu_feature_guard.cc:45] TensorFlow   库没有编译为使用SSE4.2指令,但这些是   在您的机器上可用,可以加快CPU计算。       2017-05-17 14:23:05.448324:W tensorflow / core / platform / cpu_feature_guard.cc:45] TensorFlow   库没有编译为使用AVX指令,但这些是   在您的机器上可用,可以加快CPU计算。       2017-05-17 14:23:05.448329:W tensorflow / core / platform / cpu_feature_guard.cc:45] TensorFlow   库没有编译为使用AVX2指令,但这些是   在您的机器上可用,可以加快CPU计算。       2017-05-17 14:23:05.448334:W tensorflow / core / platform / cpu_feature_guard.cc:45] TensorFlow   库未编译为使用FMA指令,但这些是   在您的机器上可用,可以加快CPU计算。       2017-05-17 14:23:05.674872:I tensorflow / core / common_runtime / gpu / gpu_device.cc:887]找到设备0   具有属性:       名称:Quadro M4000       major:5 minor:2 memoryClockRate(GHz)0.7725       pciBusID 0000:03:00.0       总内存:7.93GiB       可用内存:2.89GiB       2017-05-17 14:23:05.674917:I tensorflow / core / common_runtime / gpu / gpu_device.cc:908] DMA:0       2017-05-17 14:23:05.674935:I tensorflow / core / common_runtime / gpu / gpu_device.cc:918] 0:Y       2017-05-17 14:23:05.674957:I tensorflow / core / common_runtime / gpu / gpu_device.cc:977]创建   TensorFlow设备(/ gpu:0) - > (设备:0,名称:Quadro M4000,pci总线   id:0000:03:00.0)       Traceback(最近一次调用最后一次):         文件“forward.py”,第21行,in           images_placeholder = tf.get_default_graph()。get_tensor_by_name(“input:0”)         在get_tensor_by_name中输入文件“/home/chen/.pyenv/versions/anaconda3-4.2.0/lib/python3.5/site-packages/tensorflow/python/framework/ops.py”,第2563行           return self.as_graph_element(name,allow_tensor = True,allow_operation = False)         在as_graph_element中输入文件“/home/chen/.pyenv/versions/anaconda3-4.2.0/lib/python3.5/site-packages/tensorflow/python/framework/ops.py”,第2414行           return self._as_graph_element_locked(obj,allow_tensor,allow_operation)         在_as_graph_element_locked中输入文件“/home/chen/.pyenv/versions/anaconda3-4.2.0/lib/python3.5/site-packages/tensorflow/python/framework/ops.py”,第2456行           “图形。” %(repr(name),repr(op_name)))       KeyError:“名称'输入:0'指的是一个不存在的Tensor。图中不存在'input'操作。”

获取功能代码:

import tensorflow as tf
import facenet
w_MODEL_PATH_='/home/chen/demo_dir/facenet_tensorflow_train/trained_model_2017_05_15_10_24/20170515-121856'

with tf.Graph().as_default():
    with tf.Session() as sess:
        # load the model
        meta_file, ckpt_file = facenet.get_model_filenames(w_MODEL_PATH_)
        facenet.load_model(w_MODEL_PATH_, meta_file, ckpt_file)
        # print("model_path:", w_MODEL_PATH_,"meta_file:", meta_file,"ckpt_file:", ckpt_file)

        # Get input and output tensors
        # ops = tf.get_default_graph().get_operations()
        #
        # print(ops)

        images_placeholder = tf.get_default_graph().get_tensor_by_name("input:0")
        embeddings = tf.get_default_graph().get_tensor_by_name("embeddings:0")
        phase_train_placeholder = tf.get_default_graph().get_tensor_by_name("phase_train:0")

        image_size = images_placeholder.get_shape()[1]
        embedding_size = embeddings.get_shape()[1]

        # print(image_size)

        paths = ['one.png', 'two.png']

        # Run forward pass to calculate embeddings
        images = facenet.load_data(paths, do_random_crop=False, do_random_flip=False, image_size=image_size,
                                   do_prewhiten=True)
        # print("images:", idx, images)
        feed_dict = {images_placeholder: images, phase_train_placeholder: False}
        # print(idx,"embeddings:", embeddings)
        emb_array = sess.run(embeddings, feed_dict=feed_dict)
        # print(idx, "emb_array:", emb_array)
        print(emb_array)

我不知道如何使用我自己训练的模型,请帮忙。

1 个答案:

答案 0 :(得分:0)

如果您正在讨论最后一部分,请使用此代码查看您的模型有哪些操作。

for i in tf.get_default_graph().get_operations():
    print(i.name)

如果你在谈论优化。

您收到此错误是因为您需要在自己的计算机上编译tensorflow。这很容易做到。

您可以阅读文档以获取完整的选项列表,但基本上您需要执行几个步骤。

https://www.tensorflow.org/install/install_sources

  1. git clone tensorflow
  2. repo install
  3. bazel a tensorflow构建系统
  4. 配置tensorflow
  5. 构建tensorflow
  6. 在您的环境中安装tensorflow(如果您使用的是anaconda或virtualenv)如果您使用的是python
  7. 就是这样,当然需要安装其他必需的库。在Ubuntu上很容易做到。

    或者你可以尝试使用anaconda的conda forge版本的tensorflow-gpu,但我无法验证它是否也为你的cpu进行了优化编译。

    https://conda-forge.org/

    1. 安装anaconda
    2. 添加conda forge repo url
    3. 更新conda
    4. 安装tensorflow-gpu