Questions tagged [transfer-learning]
749 questions
-1
votes
1 answer
Adding a layer stops learning Keras
Code
import numpy as np
from keras.preprocessing.image import ImageDataGenerator
from keras.models import Sequential,Model
from keras.layers import LeakyReLU,Dropout, Flatten, Dense,Input
from keras import applications
from keras.preprocessing…

Niteya Shah
- 1,809
- 1
- 17
- 30
-2
votes
1 answer
'Assertion failed error while im trying to read frame with opencv'
I'm trying to use a .pt model to detect an object via webcam. When I execute this code:
# Importamos librerias
import torch
import cv2
import numpy as np
import pandas
# Leemos el modelo
model = torch.hub.load('ultralytics/yolov5', 'custom',
…
-2
votes
2 answers
Is FastAI performing transfer learning when calling a vision learner?
learn = vision_learner(dls, models.resnet18)
In the above code snippet, I am calling a Vision Learner Resnet 18 model using FastAI and passing in a Dataloader containing my data.
I wonder if this process is performing any transfer learning within…

M5RKED
- 73
- 1
- 16
-2
votes
1 answer
Pretrained alexnet in tensorflow
I want to use pretrained Alexnet for transfer learning. I dont see its available in Keras library.
Am I missing something here?
Other Alternative I see here is to create model and
load pretrained weight
train from scratch
Training from scratch…

Mano
- 49
- 6
-2
votes
1 answer
how to detect not in trained-for-category images when using resnet50
I have trained resnet50 on four categories of images. It works fantastic when I feed it an image in any one of the four categories -- I have essentially 100% accuracy on images in these categories.
However, when I feed my trained Resnet50 model an…

marlon1492
- 21
- 5
-2
votes
3 answers
Transfer Learning with Tensorflow Problem
I am trying to solve a problem for a deep learning class and the block of code i have to modify looks like this
def alpaca_model(image_shape=IMG_SIZE, data_augmentation=data_augmenter()):
""" Define a tf.keras model for binary classification out…

dbiber
- 39
- 1
- 4
-2
votes
1 answer
ResNet50() not displaying summary and throwing error
inputs = tf.keras.layers.Input(shape=(32,32,3))
resize = tf.keras.layers.UpSampling2D(size=(7,7))(inputs)
feature_extractor = tf.keras.applications.resnet.ResNet50(input_shape=(224,…

Sethu Madhavan
- 3
- 2
-2
votes
4 answers
Image Classification with single class dataset using Transfer Learning
I only have around 1000 images of computers. I need to train a model that can identify if the image is computer or not-computer. I do not have a dataset for not-computer, as it could be anything.
I guess the best method for this would be to apply…

Bishal Th.
- 60
- 9
-2
votes
1 answer
transfer learning practice for distinguishing cat and dog
i'm trying to practice transfer learning myself.
I'm trying to count the number of each cat and dog files (each 12500 pictures for cat and dog with the total of 25000 pictures).
Here is my code.Code
And here is my path for the picture folderenter…

curtis sohn
- 47
- 1
- 6
-2
votes
1 answer
Two-level classification using single model
At first, i want to binary classify "Fire" event in 5000 images. Secondly, if fire is available in images, then classify further either its urban area(buildings) or rural (As forest). I am using Transfer learning with different models including…

Muhammad Hanif
- 26
- 2
-3
votes
1 answer
How to increase Emotion Detection Validation Accuracy on VGG16 model ? [Transfer Learning]
import pandas as pd
import numpy as np
import keras
import tensorflow
from keras.models import Model
from keras.layers import Dense
from keras import optimizers
from keras.preprocessing.image import ImageDataGenerator
from keras.preprocessing import…

Pratik Pradhan
- 1
- 1
-5
votes
1 answer
Transfer learning for facial identification using classifiers
I wish to know whether I can use an Inception or ResNet model to identify faces. I want to know whether transfer learning and training is even considerable for my task.
I just want to be able to identify faces but I am also curious whether I can…

Jerome Ariola
- 135
- 1
- 11