Questions tagged [resnet]

740 questions
-1
votes
2 answers

Extract features from pretrained resnet50 in pytorch

Hy guys, i want to extract the in_features of Fully connected layer of my pretrained resnet50. I create before a method that give me the vector of features: def get_vector(image): #layer = model._modules.get('fc') layer = model.fc my_embedding =…
Giuseppe Puglisi
  • 423
  • 2
  • 6
  • 17
-1
votes
2 answers

Can I create an image classification algorithm model with online image links instead of downloaded images

Is it possible to create an image classification algorithm model if I dont have the training data downloaded. However, I have all the image links from which I can extract the images. I want to avoid downloading all the images since there is lots of…
-1
votes
1 answer

Duplicating a row in CSV file 100 times

I have image labels for my data, but I have reproduced 101 images for each image label that I have so in my CSV file I have Filename/Label file 1/3.4 file 2/5.6 I want 101 rows of file 1, 101 rows of file 2, and so on for a total of 1518 rows I…
-1
votes
1 answer

Creating and merging layers in Resnet

I am working on image dataset I first resized all images im_size1 = 128 im_size2 = 128 i = 0 for f, breed in tqdm(df_train.values): if type(cv2.imread('train/{}.jpeg'.format(f)))==type(None): continue else: img =…
Kashif
  • 69
  • 1
  • 1
  • 8
-1
votes
2 answers

How do you choose a neural network model for a particular purpose?

I am a beginner with very less knowledge about CNN & RNN. For Eg: RNN works better for time series and CNN for spacial features, knowing this it might make easy for me to select between RNN and CNN. Though, if I am made to make a choice between…
-1
votes
1 answer

Resnet training - L2 loss decreases while cross-entropy stays around 0.69

I am using this https://github.com/tensorflow/models/tree/master/official/resnet official tensorflow implementation of resnet to train a binary classifier on my own dataset. I modified a little bit of the input_fn in imagenet_main.py to do my own…
Hua
  • 184
  • 8
-1
votes
2 answers

What wrong when i load state_dict of resnet50.pth with pytorch

i load the resnet50.pth and KeyError of 'state_dict' pytorch version is 0.4.1 i tried delete/add torch.nn.parallel but it didn't help and resnet50.pth loaded from pytorch API related code model = ResNet(len(CLASSES),…
YuzheMao
  • 19
  • 1
  • 3
-1
votes
1 answer

How do I get detected boxes on evaluation set for tensorflow's object detection API?

I was working with the recently released Tensorflow's API for object detection, with Faster RCNN on Resnet 101 on my own dataset. It seems to train and evaluate on Validation data, but I was hoping if there was a way I could get/store bounding boxes…
-1
votes
1 answer

Extracted features from general pretrained image models give different results

Testing extracted features from InceptionV3 and ResNet50 pretrained models (with keras plus tensorflow) and each gives different (in fact, wildly) different results for simple image similarity. The extracted features are used as-is and normalized…
Henry Thornton
  • 4,381
  • 9
  • 36
  • 43
-2
votes
1 answer

Do I have to have the same class number for training dataset, validation dataset and test dataset?

When I download the dataset for resnet model, the data file shows me 33 classes for training and 6 classes for validation. But when I compile it, it reports the class number is wrong. Like the following code: resnet_model =…
Calla
  • 111
  • 1
  • 1
  • 9
-2
votes
1 answer

How to display graphs of loss and accuracy on pytorch using matplotlib simple code

I am new to pytorch, and i would like to know how to display graphs of loss and accuraccy And how exactly should i store these values,knowing that i'm applying a cnn model for image classification using RESNET34 and 101 here is my code def…
Anak Cerdas
  • 21
  • 1
  • 1
  • 4
-2
votes
1 answer

What is the difference between (ResNet50, VGG16, etc..) and (RCNN, Faster RCNN, etc..)?

I am confused with the difference between Kearas Applications such as (VGG16, Xception, ResNet50 etc..) and (RCNN, Faster RCNN etc...). Beause in some places it is mentioned that ResNet50 is just a feature extractor and FasterRCNN/RCN, YOLO and SSD…
Muntha
  • 41
  • 1
  • 7
-2
votes
1 answer

Feeding an image to stacked resnet blocks to create an embedding

Do you have any code example or paper that refers to something like the following diagram? I want to know why we want to stack multiple resnet blocks as opposed to multiple convolutional block as in more traditional architectures? Any code sample…
Mona Jalal
  • 34,860
  • 64
  • 239
  • 408
-2
votes
1 answer

How do I get rid of this error: max() received an invalid combination of arguments - got (str, int), but expected one of: * (Tensor input)

I have used FCN ResNet50 model for semantic segmentation of document images. I've been trying to resolve this issue but so far have not been able to find success. This is the link for the model on google colab:…
-2
votes
1 answer

why python opencv only read the first frame from my webcam?

i've tried to detect faces from my webcam , but it was only detect the first face which appeared in the first frame , then it will crush , i have used mtcnn to detection operation , after detecting the first face (if it exist ) then it will stop…
artiest
  • 23
  • 1
  • 1
  • 9
1 2 3
49
50