Questions tagged [tf-slim]

TF-Slim is a lightweight library for defining, training and evaluating complex models in TensorFlow.

117 questions
2
votes
1 answer

Multiple GPU training with tensorfow.slim.learning

The new learning module in tensorflow.contrib.slim looks very promising : https://github.com/tensorflow/tensorflow/blob/master/tensorflow/contrib/slim/python/slim/learning.py I'm trying to figure out how can I reproduce the CIFAR 10 multi-gpu…
jrabary
  • 2,411
  • 1
  • 28
  • 50
1
vote
0 answers

Weights sharing over tf-slim implementation of ResNet

I'm trying to apply the first technique described here (https://arxiv.org/abs/1510.00149). Basically I want to lighten a ResNet Convolutional network modifying the way in which the weights are stored and used - briefly I want to transform each…
ceradini
  • 455
  • 1
  • 3
  • 11
1
vote
1 answer

Using model optimizer for tensorflow slim models

I am aiming to inference tensorflow slim model with Intel OpenVINO optimizer. Using open vino docs and slides for inference and tf slim docs for training model. It's a multi-class classification problem. I have trained tf slim mobilnet_v2 model from…
f4f
  • 891
  • 5
  • 13
1
vote
1 answer

how to log validation loss and accuracy using tfslim

Is there any way that I can log the validaton loss and accuracy to tensorboard when using tf-slim? When I was using keras, the following code can do this for me: model.fit_generator(generator=train_gen(), validation_data=valid_gen(),...) Then the…
Abraham Ben
  • 147
  • 1
  • 2
  • 12
1
vote
1 answer

Is it possible to use mobilenet_v2 from tf-slim with anaconda and jupyter notebook?

I have an assignment that leverages tf-slim for inception. We are supposed to train a new model using a predefined architecture and pretrained weights. The example code looks like the following. from tensorflow.contrib.slim.nets import…
Joey Carson
  • 2,973
  • 7
  • 36
  • 60
1
vote
1 answer

Issue with fine-tuning inceptionv3 in slim tensorflow and tf record batches

I am trying to fine-tune inceptionv3 model using slim tensorflow library. I am unable to understand certain things while writing the code for it. I tried to read source code (no proper documentation) and figured out few things and I am able to…
talos1904
  • 952
  • 3
  • 9
  • 24
1
vote
2 answers

how to load saved checkpoint in Tf SLIM

I am using TF-slim to train my own dataset. According to the tutorial, in the finetune_inception_v1_on_flowers.sh, I set the checkpoint path as ./inception_resnet_v2.ckpt, and get lots of new checkpoints in another file folder, and the latest files…
xsj
  • 11
  • 2
1
vote
0 answers

Reproducing results for CIFAR-10 with the TF-Slim NASNet model

I want to reproduce the results for the NASNet models on CIFAR-10 for some benchmarking purposes, using the TF-Slim implementation in https://github.com/tensorflow/models/tree/master/research/slim. In order to train this model from scratch I added…
arber .z
  • 23
  • 4
1
vote
1 answer

variables_to_train flag in Tf-slim

I am fine-tuning my model from a pretrained model using TF-Slim. When I used the create_train_op, I found that it has a parameter that is variables_to_train. In some tutorial, it used the flag as follows: all_trainable = [v for v in…
Jame
  • 3,746
  • 6
  • 52
  • 101
1
vote
1 answer

How to add slim.batch_norm after custom ops/layer in tensorflow?

I have a function that aims to build an architecture as Input(x) -> o=My_ops(x,128) -> o=slim.batch_norm(o) So, my function is def _build_block(self, x, name, is_training=True): with tf.variable_scope(name) as scope: o = my_ops(x, 256) …
Jame
  • 3,746
  • 6
  • 52
  • 101
1
vote
2 answers

resizing JPGs before creating `TFRecord` files?

I'm building a model to use with tf.slim which will run against the AVA dataset –– 32GB in size for about 256K JPG images. Against the full-res images, I created 20 sharded TFRecord files for training, each of size 1.54 GB. During training, my…
michael
  • 4,377
  • 8
  • 47
  • 73
1
vote
1 answer

Distributed training using multiple GPUs with tensorflow.slim.learning

I understand that TensorFlow supports distributed training. I find num_clones in train_image_classifier.py so that I can use multiple GPUs locally. python $TF_MODEL_HOME/slim/train_image_classifier.py \ --num_clones=2 --train_dir=${TRAIN_DIR}…
daixiang0
  • 193
  • 2
  • 10
1
vote
2 answers

How can I run a Tensorflow file on GPUs?

Do you have any idea how can I run "eval_image_classifier.py" on GPUs? Should I change any functions or do any modifications? Or whether there exist any other specific functions for evaluation on GPUs? I can already run "train_image_classifier.py"…
Hosein
  • 81
  • 1
  • 6
1
vote
1 answer

Tensorflow: why inception_v3 predictions are Nan in evaluation?

I have a part of my model that is an inception_v3: logits, end_points = inception.inception_v3(input, num_classes=num_classes, is_training=trainable) predictions = end_points['Multi_predictions_pretrained_model'] = tf.nn.sigmoid( logits,…
S. Ricci
  • 181
  • 11
1
vote
1 answer

Where is Github tf - slim pre-trained model zoo? The page returns 404

A well known place to download many pretrained model weights for tensorflow slim is this page https://github.com/tensorflow/models/tree/master/slim. This page is also referenced by lots of links(now all invalid). I remember a couple of days ago I…
Zhao Chen
  • 143
  • 1
  • 10