Questions tagged [resnet]
740 questions
0
votes
1 answer
How to save feature values of all batch data from pretrained torch networks?
Now I'm using fb torch library from github fb torch resnet
It's my first time to use torch and lua, so Im encountering some problems.
My goal is to save the feature vector of specific layer (last avg pooling of resnet) into a one file with the class…

user3867261
- 109
- 1
- 2
- 7
0
votes
0 answers
Caffe: feature extractor using python
I'm trying to extract features from pretrained ResNet models.
Howewer at some point it crash with error:
F0131 01:10:06.501891 17766 math_functions.cu:79] Check failed: error == cudaSuccess (4 vs. 0) unspecified launch failure
*** Check failure…

mrgloom
- 20,061
- 36
- 171
- 301
-1
votes
0 answers
Do we need to resize to 224 when using pretrained Resnet for Tiny imageNet?
I'd like to fine-tune a resnet50 net = resnet50(weights=ResNet50_Weights.DEFAULT) models on Tinyimage Net data. As the resnet50 in pytorch has been trained on 3x256x256 images and Tinyimagetnet is sized at 3x64x64 I wonder if I need to have,…

linkho
- 99
- 2
-1
votes
1 answer
where to add dropout layer in the model?
from my understanding the use of dropout regularization randomly disables some portion of neurons in a hidden layer and it helps with the overfitting problem
I am using this implementation of resnet with pytorch and I want to add a dropout…

amy
- 1
- 1
-1
votes
1 answer
Can you use a custom trained model for feature extraction?
I am trying to develop an algorithm using features extracted from images to find similar items.
I have this code I am working with:
def get_pil_image_from_path(path):
try:
image = Image.open(path)
except Exception as e:
…

AynonT
- 225
- 5
- 13
-1
votes
1 answer
how to save pytorch model?
I use pytorch's resnet model
I am participating in a Kaggle competition with a very large data set!
The accuracy percentage I get in train, val is about 80%.
But in the test I get a very low accuracy percentage - 5% accuracy.
I thought it might be…

Yov
- 11
- 3
-1
votes
1 answer
TypeError: __init__() missing 1 required positional argument: 'kernel_size'
I'm trying to learn ResNet for Text data. I'm stuck in this error TypeError: init() missing 1 required positional argument: 'kernel_size'. code is below. As by previous question post and the suggestion I get This is what I implement according to…

Python
- 41
- 6
-1
votes
1 answer
Pytorch MNIST ResNet50 ValueError: Target is multiclass but average='binary'
https://colab.research.google.com/github/kjamithash/Pytorch_DeepLearning_Experiments/blob/master/FashionMNIST_ResNet_TransferLearning.ipynb#scrollTo=QrIm8SnsUmaK
When I ran this code, I encountered a problem that:
ValueError: Target is multiclass…
-1
votes
1 answer
Trouble Understanding ResNet Implementation
I'm having trouble understanding and replicating the original implementation of ResNet on the CIFAR-10 dataset, as described in the paper "Deep Residual Learning for Image Recognition". Specifically, I have a few questions about the following…

Alex
- 13
- 2
-1
votes
1 answer
How to send image as JSON to tensorflow_model_server?
I have trained resnet with an additional layer to predict a dog vs cat model and serving it from localhost using
tensorflow_model_server --port=8500 --rest_api_port=8501 \
--model_name=resnet_model \
…

blnks
- 600
- 5
- 15
-1
votes
1 answer
ResNet50: high validation accuracy but poor performances in recall, precision and f-1 score
Good evening everyone.
I'm currently working on a project aiming at diagnose Covid-19 from X-ray images.
I do not understand why I obtain great results in terms of validation set accuracy, but very poor performance in terms of recall, precision and…

Mattia Andreolli
- 1
- 1
-1
votes
2 answers
Transfer Learning with ResNet50 for image classification
Hello guys I could use some advice on whether my approach that I employed in order to apply transfer learning on the resNet50 model is correct, after reading many articles and resources online, it is hard to say if the method I adopted is correct. I…

highwiz10
- 23
- 1
- 4
-1
votes
1 answer
How do I solve this problem during transfer learning ResNet-50?
I am training Resnet-50 to classify 9 classes. I am using following code, transfer learning, to train the model.
Train and test loss and accuracy seem to be fine but when I am testing network against new images I see lots of mistakes.
I feel like…

nikki
- 365
- 4
- 20
-1
votes
1 answer
How did Tensorflow process images of ImageNet in Tfrecord format when training resnet?
emm, converting imagenet to Tfrecord format is quite complicated, so I downloaded the processed Tfrecord imagenet from somewhere.
I applied it to resnet34 in tensorflow with parameters from Pytorch, but found that the accuracy is just 55%, too low.…

WBR
- 57
- 1
- 11
-1
votes
1 answer
Bert + Resnet joint learning, pytorch model is empty after instantiation
I'm writing a simple joint model, which has two branches, one branch is a resnet50 another one is a bert. I concatenate the two outputs and pass that to a simple linear layer with 2 output neurons.
I implemented the following model :
import…

Zabir Al Nazi
- 10,298
- 4
- 33
- 60