resnet Questions

5

Solved

I am using a ResNet152 model from PyTorch. I'd like to strip off the last FC layer from the model. Here's my code: from torchvision import datasets, transforms, models model = models.resnet152(pre...
Emanative asked 28/9, 2018 at 4:13

2

Solved

I'm trying to implement following ResNet block, which ResNet consists of blocks with two convolutional layers and a skip connection. For some reason it doesn't add the output of skip connection, if...
Granddad asked 23/3, 2020 at 16:14

3

I am trying to use resnet50 pretrained model on Kaggle kernel. But, when I run the following code, Error occurs and it could not download the pretrained model. How Can I make it work? from keras...
Persinger asked 19/11, 2017 at 15:27

4

Are there any resnet implementations in tensorflow? I came across a few (e.g. https://github.com/ry/tensorflow-resnet, https://github.com/xuyuwei/resnet-tf) but these implementations have some bugs...
Inventive asked 15/10, 2016 at 1:30

4

Solved

I have a pyTorch-code to train a model that should be able to detect placeholder-images among product-images. I didn't write the code by myself as I am very unexperienced with CNNs and Machine Lear...
Redstone asked 13/6, 2021 at 14:30

10

Solved

Using ResNet50 pre-trained Weights I am trying to build a classifier. The code base is fully implemented in Keras high-level Tensorflow API. The complete code is posted in the below GitHub Link. So...
Eveevection asked 12/5, 2018 at 8:9

1

I am trying to save the trained model below. resnet = ResNet50V2(input_shape=(im_size,im_size,3), weights='imagenet', include_top=False) headModel = AvgPool2D(pool_size=(3,3))(resnet.output) headMo...
Troll asked 17/1, 2022 at 9:40

2

Solved

I am trying to use the convolutional residual network neural network architecture (ResNet). So far, I have implemented simple convolutions (conv1D) for time series data classification using Keras. ...
Democracy asked 17/3, 2018 at 14:16

8

I'm unable to import this module import keras.applications.resnet ModuleNotFoundError in () ----> 1 import keras.applications.resnet ModuleNotFoundError: No module named 'keras.application...
Romina asked 14/2, 2019 at 2:53

1

I'm following a tutorial on quantization aware training here for a modified Resnet18 model which is here: #!/usr/bin/env python # coding: utf-8 # In[ ]: # Modified from # https://github.com/pyto...

2

"Obviously!", you might say... But there's one significant difference that I have trouble explaining by the difference in random initialization. Take the two pre-trained basenets (before ...

3

Solved

I am implementing ApesNet in keras. It has an ApesBlock that has skip connections. How do I add this to a sequential model in keras? The ApesBlock has two parallel layers that merge at the end by e...
Gibbie asked 22/2, 2017 at 6:54

1

Solved

I am trying to run an image-based project on colab. I found the project on github. Everything runs fine till I reached the cell with the following code: import keras from keras.preprocessing.image ...
Bareback asked 14/2, 2022 at 11:19

4

I have a dataset in which i need to classify certain set of labelled images. Currently this is done by human experts so the dataset available is of good quality. The images have some very similar...

2

Solved

The Pytorch implementation of ResNet-18. has the following structure, which appears to be 54 layers, not 18. So why is it called "18"? How many layers does it actually have? ResNet ( (c...

2

With the residual block in residual neural networks, is the addition at the end of the block true element addition or is it concatenation? For example, would addition([1, 2], [3, 4]) produce [1, 2...
Dullard asked 24/10, 2017 at 4:45

2

I have trained SSD ResNet V1 model using Tensorflow 2 Object Detection API. Then I wanted to use this model with OpenCV in C++ code. First of all, after training I had three files: checkpoint ckpt...
Bui asked 2/10, 2020 at 12:54

3

Solved

I code with pytorch and I want to use resnet-18 as backbone of Faster R-RCNN. When I print structure of resnet18, this is the output: >>import torch >>import torchvision >>import...
Exorcism asked 13/10, 2019 at 10:58

1

This line works fine self.conv = nn.Conv2d(3, 64, kernel_size=3, stride=2, padding=1, bias=False) I introduced ResNet18 self.conv = ResNet18() **ResNet Class** '''ResNet in PyTorch. For Pre-ac...

2

When I use my dataset to turn base on Resnet-50 in Keras(backend is tensorflow), I find it very odd that when after each epoch, val is slower than train. I don't know why, is it because my GPU do n...
Boanerges asked 1/4, 2017 at 10:11

1

So, I was trying to train on ResNet model in PyTorch using the ImageNet example in the GitHub repository. Here's what my train method looks like (it is almost similar to that in example) def tra...
Paresis asked 18/6, 2018 at 14:35

1

Solved

I am trying to do image recognition with ResNet50 in Python (keras). I tried to do the same task with VGG16, and I got some results like these (which seem okay to me): resultsVGG16 . The training a...
Gammadion asked 15/4, 2020 at 14:4

6

This is my first attempt at doing something with CNNs, so I am probably doing something very stupid - but can't figure out where I am wrong... The model seems to be learning fine, but the validat...
Gudrin asked 16/5, 2018 at 7:24

2

I'm learning Residual Networks (ResNet50) from Andrew Ng coursera lectures. I understand that one of the main reasons why ResNets work is that they can learn identity function and that's why adding...
Gatling asked 2/10, 2019 at 10:58

2

So I'm trying to load a model using: learn = create_cnn(data, models.resnet50, lin_ftrs=[2048], metrics=accuracy) learn.clip_grad(); learn.load(f'{name}-stage-2.1') But I get the following erro...
Novick asked 27/2, 2019 at 20:39

© 2022 - 2024 — McMap. All rights reserved.