tensorflow-slim

tf object detection api - extract feature vector for each detection bbox

北城以北 提交于 2020-11-30 07:30:23
问题 I'm using Tensorflow object detection API and working on pretrainedd ssd-mobilenet model. is there a way to extact the last global pooling of the mobilenet for each bbox as a feature vector? I can't find the name of the operation holding this info. I've been able to extract detection labels and bboxes based on the example on github: image_tensor = detection_graph.get_tensor_by_name( 'image_tensor:0' ) # Each box represents a part of the image where a particular object was detected. detection

What are input and output node names in inception v3 with slim library?

╄→гoц情女王★ 提交于 2020-01-25 06:41:08
问题 I retrained inceptionV3 model on my own data using Tensorflow slim. Below files are generated after training :- graph.pbtxt, model.ckpt, model.meta, model.index, checkpoint, events.out.tfevents I want to freeze the graph files and create a .pb file. I don't know what is input node and output node in inception v3. And using Tensorboard is complex for me. What are the input/output nodes in inceptionV3?(in slim/nets) OR how can I find the input/output nodes ? OS : window 7 回答1: (A). If you will

How to save training model at each training step instead of periodic save based on time interval.? - in TensorFlow-Slim

限于喜欢 提交于 2020-01-15 05:30:29
问题 slim.learning.train(...) accepts two arguments pertaining to saving the model( save_interval_secs ) or saving the summaries( save_summaries_secs ). The problem with this API is, it only allows to save the model/summary based on some "time interval" but I need to do this based on "each step" of the training. how to achieve this using TF-slim api.? Here is the slim.learning train api - def train(train_op, logdir, train_step_fn=train_step, train_step_kwargs=_USE_DEFAULT, log_every_n_steps=1,

Changing Optimizer results in “Not found in checkpoint” errors

不问归期 提交于 2020-01-06 06:12:09
问题 I've trained a MobilenetV1 model using rmsprop optimizer for certain number of steps. And now I would like to switch the optimizer from rmsprop to adam and resume the training from here on. But when it's loading the trained model I get the following errors when I change the optimizer from rmsprop to adam . I'm using TF-slim for training the model. 2017-11-08 12:02:55.104019: W tensorflow/core/framework/op_kernel.cc:1192] Not found: Key MobilenetV1/Conv2d_0/weights/Adam_1 not found in

Changing Optimizer results in “Not found in checkpoint” errors

爱⌒轻易说出口 提交于 2020-01-06 06:11:11
问题 I've trained a MobilenetV1 model using rmsprop optimizer for certain number of steps. And now I would like to switch the optimizer from rmsprop to adam and resume the training from here on. But when it's loading the trained model I get the following errors when I change the optimizer from rmsprop to adam . I'm using TF-slim for training the model. 2017-11-08 12:02:55.104019: W tensorflow/core/framework/op_kernel.cc:1192] Not found: Key MobilenetV1/Conv2d_0/weights/Adam_1 not found in

Reproduce Tensorflow Hub module output with Tensorflow Slim

女生的网名这么多〃 提交于 2020-01-06 05:44:09
问题 I am trying to reproduce the output from a Tensorflow Hub module that is based on a Tensorflow Slim checkpoint, using the Tensorflow Slim modules. However, I can't seem to get the expected output. For example, let us load the required libraries, create a sample input and the placeholder to feed the data: import tensorflow_hub as hub from tensorflow.contrib.slim import nets images = np.random.rand(1,224,224,3).astype(np.float32) inputs = tf.placeholder(shape=[None, 224, 224, 3], dtype=tf