Questions tagged [pre-trained-model]

A machine learning model created by someone else. Questions about the practical use and implementation details (using a pretrained model as a starting point, or benchmark) are allowed; however, questions about the theory behind these models are off-topic.

A machine learning model created by someone else. Questions about the practical use and implementation details (using a pretrained model as a starting point, or benchmark) are allowed, questions about the theory behind these models are off-topic and should be asked on the Artificial Intelligence site.

358 questions
38
votes
4 answers

Is it possible to make a trainable variable not trainable?

I created a trainable variable in a scope. Later, I entered the same scope, set the scope to reuse_variables, and used get_variable to retrieve the same variable. However, I cannot set the variable's trainable property to False. My get_variable line…
Wei Liu
  • 974
  • 1
  • 9
  • 16
15
votes
4 answers

AttributeError: 'Node' object has no attribute 'output_masks'

I use Keras pretrained model VGG16. The problem is that after configuring tensorflow to use the GPU I get an error that I didn't have before when using the CPU. The error is the following one: Traceback (most recent call last): File…
Saroten
  • 285
  • 1
  • 4
  • 16
14
votes
2 answers

GPU utilization 0% during TensorFlow retraining for poets

I am following instructions for TensorFlow Retraining for Poets. GPU utilization seemed low so I instrumented the retrain.py script per the instructions in Using GPU. The log verifies that the TF graph is being built on GPU. I am retraining for a…
Lars Ericson
  • 1,241
  • 2
  • 20
  • 32
14
votes
1 answer

How to Fine tune existing Tensorflow Object Detection model to recognize additional classes?

Thanks to Google for providing a few pre-trained models with tensorflow API. I would like to know how to retrain a pre-trained model available from the above repository, by adding new classes to the model. For example, the trained COCO dataset model…
13
votes
2 answers

Can i finetune deeplab to a custom dataset in tensorflow?

I would like to customize deeplab for image segmentation using my own dataset ? Is this achievable by retraining ?
10
votes
6 answers

How to save/load a tensorflow hub module to/from a custom path?

The tensorflow_hub library maintainers has made it every easy for users to download and use the pre-trained tensorflow modules, e.g.: import tensorflow_hub as hub embed = hub.Module("https://tfhub.dev/google/universal-sentence-encoder/1") But from…
alvas
  • 94,813
  • 90
  • 365
  • 641
9
votes
3 answers

Is there any way I can download the pre-trained models available in PyTorch to a specific path?

I am referring to the models that can be found here: https://pytorch.org/docs/stable/torchvision/models.html#torchvision-models
9
votes
1 answer

TypeError: ('Keyword argument not understood:', 'data_format')

I trained and downloaded a model(a CNN) using Keras from google colaboratory when I tried to load the model on my local machine(Mac OS X El Capitan), I received the following error. Traceback (most recent call last): File "", line 1, in…
Siddhant Bansal
  • 109
  • 1
  • 1
  • 4
8
votes
4 answers

How to choose which pre-trained weights to use for my model?

I am a beginner, and I am very confused about how we can choose a pre-trained model that will improve my model. I am trying to create a cat breed classifier using pre-trained weights of a model, lets say VGG16 trained on digits dataset, will that…
8
votes
2 answers

How to save a trained model by scikit-learn?

I am trying to re-create the prediction of a trained model but I don't know how to save a model. For example, I want to save the trained Gaussian processing regressor model and recreate the prediction after I trained the model. The package I used to…
Long
  • 93
  • 1
  • 3
8
votes
2 answers

Loading Torch7 trained models (.t7) in PyTorch

I am using Torch7 library for implementing neural networks. Mostly, I rely on pre-trained models. In Lua I use torch.load function to load a model saved as torch .t7 file. I am curious about switching to PyTorch( http://pytorch.org) and I read the…
Arul
  • 151
  • 1
  • 4
  • 12
7
votes
1 answer

Modify trained model architecture and continue training Keras

I want to train a model in a sequential manner. That is I want to train the model initially with a simple architecture and once it is trained, I want to add a couple of layers and continue training. Is it possible to do this in Keras? If so, how? I…
Nagabhushan S N
  • 4,063
  • 5
  • 26
  • 54
7
votes
1 answer

Data Preprocessing for NLP Pre-training Models (e.g. ELMo, Bert)

I plan to train ELMo or Bert model from scratch based on data(notes typed by people) on hand. The data I have now is all typed by different people. There are problems with spelling, formatting, and inconsistencies in sentences. After read the ELMo…
7
votes
2 answers

Download pretrained ImageNet model of ResNet, VGG, etc. (.PB file)

I have downloaded a pre-trained model on ImageNet of Inception v3 from http://download.tensorflow.org/models/image/imagenet/inception-2015-12-05.tgz (found this link while following one of the tutorials on codelabs). This zip file contains .pb file…
Ajay Maity
  • 550
  • 1
  • 7
  • 14
6
votes
3 answers

Duplicate node name in graph: 'conv2d_0/kernel/Adam'

I just saved a model, by that code: def train(): with tf.Session() as sess: saver = tf.train.Saver(max_to_keep = 2) Loss = myYoloLoss([Scale1,Scale2,Scale3],[Y1, Y2 ,Y3]) opt = tf.train.AdamOptimizer(2e-4).minimize(Loss) init =…
heiheihei
  • 407
  • 1
  • 5
  • 14
1
2 3
23 24