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.

505 questions
5
votes
1 answer

Where can I find a pre-trained variational autoencoder that's trained on natural images?

Does anyone know a pre-trained variational autoencoder (VAE) or a VAE-GAN that's trained on natural images? I have been searching for a variational autoencoder that is trained on natural images (e.g. ImageNet) where I can extract latent features…
Lynn Le
  • 113
  • 2
  • 8
5
votes
1 answer

ResNet50v2 in Keras

I want to load pre-trained ResNet50v2 model in Keras. I tried keras.applications.resnet_v2.ResNet50V2() This gave an error Traceback (most recent call last): File "", line 1, in AttributeError: module 'keras.applications' has no…
Nagabhushan S N
  • 6,407
  • 8
  • 44
  • 87
5
votes
1 answer

Combine outputs of two Pre Trained models (trained on different dataset) and use some form of binary classifier to predict images

I have two Pre-Trained models. Model_1 = Inception Model with Imagenet Dataset (1000 classes) My_Model = Inception Model trained with a custom dataset (20 classes) via Transfer Learning and Fine-Tuning I would like to combine the outputs of both…
5
votes
2 answers

Does keras have a pretrained AlexNet like VGG19?

If I want to use pretrained VGG19 network, I can simply do from keras.applications.vgg19 import VGG19 VGG19(weights='imagenet') Is there a similar implementation for AlexNet in keras or any other library?
Nagabhushan S N
  • 6,407
  • 8
  • 44
  • 87
5
votes
2 answers

Accuracy Stuck at 50% Keras

Code import numpy as np from keras.preprocessing.image import ImageDataGenerator from keras.models import Sequential,Model from keras.layers import Dropout, Flatten, Dense,Input from keras import applications from keras.preprocessing import…
5
votes
2 answers

ValueError: `decode_predictions` expects a batch of predictions (i.e. a 2D array of shape (samples, 1000)). Found array with shape: (1, 7)

I am using VGG16 with keras for transfer learning (I have 7 classes in my new model) and as such I want to use the build-in decode_predictions method to output the predictions of my model. However, using the following code: preds =…
5
votes
2 answers

Why do I have to do two train steps for fine-tuning InceptionV3 in Keras?

I don't understand why I have to call the fit()/fit_generator() function twice in order to fine-tune InceptionV3 (or any other pretrained model) in Keras (version 2.0.0). The documentation suggests the following: Fine-tune InceptionV3 on a new set…
D.Laupheimer
  • 1,074
  • 1
  • 9
  • 21
5
votes
0 answers

Trained models for tensorflow ocr

I start the course of tensorflow in udacity, and simultaneously I am looking on the web for the topic. I suppose that the typical use cases are well solved already, in a better way that i can achieve by my own. In other words in some place exists…
mls_dev
  • 511
  • 2
  • 6
  • 21
5
votes
1 answer

how to load pretrained LSTM models weights in Tensorflow

I want to implement a LSTM model with pretrained weights in Tensorflow. These weights may come from Caffee or Torch. I found there are LSTM cells in file rnn_cell.py, such as rnn_cell.BasicLSTMCell and rnn_cell.MultiRNNCell. But how can I load the…
4
votes
2 answers

How to use model architecture of pretrained models but no weights

I want to use ResNet model architecture and want to change last few layers; how can I only use model architecture from model zoo in Tensorflow?
nerdalert
  • 41
  • 1
  • 2
4
votes
1 answer

How to retrain a sagemaker model on new data, after a training job is created

I have a sagemaker model that is trained on a specific dataset, and training job is created. Now i have a new dataset that the model has to be trained on, how do I retrain the model on new data from the already existing model ? Can we have the model…
hks
  • 43
  • 3
4
votes
1 answer

Weight Initialization from pretrained BERT error in pytorch

I am trying to train the model using pretrained model(BERT) using pytorch. The pretrained model weights still arent accepted. I see this error: Weights of BertForMultiLable not initialized from pretrained model: ['classifier.weight',…
4
votes
1 answer

TF Objection Detection Zoo models don't have Trainable Variables?

The models in the TF Objection Detection Zoo have meta+ckpt file, Frozen.pb file, and Saved_model file. I tried to use the meta+ckpt file to train further and also to extract some weights for particular tensors for research purpose. I see that the…
4
votes
2 answers

Use pretrained pytorch model in C?

So I have a pretrained pytorch model, I have saved both the model and the parameters just in case, but I need to use this model in C or C++ code, anybody know how I can do that? Thanks a lot.
Rael
  • 149
  • 2
  • 10
4
votes
2 answers

Can't restore pre-trained network with Tensorflow

I'm stuck with restoring pre-trained network with Tensorflow.... import tensorflow as tf import os os.environ['TF_CPP_MIN_LOG_LEVEL']='2' sess=tf.Session() saver =…
soshi shimada
  • 425
  • 1
  • 7
  • 21
1 2
3
33 34