Robin Atom Dulal
Robin Atom Dulal
### Search before asking - [X] I have searched the YOLOv5 [issues](https://github.com/ultralytics/yolov5/issues) and found no similar feature requests. ### Description I have not found any repo or implementation about transformer...
from torchvision.models.feature_extraction import create_feature_extractor import random import seaborn as sns import matplotlib.pyplot as plt return_nodes = ['blocks.0', 'blocks.10', 'blocks.20', 'blocks.23'] feat_ext = create_feature_extractor(model, return_nodes=return_nodes) with torch.no_grad(): out = feat_ext(inps[0]) fig,...
I tried to compare Resnet50 vs ViT but got this error ValueError: Input image size (32*32) doesn't match model (224*224). The code I used is model1 = resnet50(pretrained=False) layers_Res1 =...
!pip install transformers import torch from torchvision import transforms from torch.utils.data import Dataset, DataLoader import torch.nn as nn import torch.nn.functional as F from transformers import ViTFeatureExtractor, ViTModel, ViTConfig, AutoConfig #...
I tried Alexnet from pytorch but got this error. import torchvision.models as models # Load pre-trained AlexNet model resnet = models.resnet50(pretrained=True) receptive_field_dict = receptive_field(resnet, (3, 256, 256)) the error: ValueError:...
I am trying to implement this code to check CKA similarity of ResNet50, MobileNetV3, EfficientNet, and many others. How can we implement it without running through the error?
Can you write a code how to implement cbam and se module.
how can I print CKA of ViT and ResNet50 layer by layer
Can you share the training code and dataset mentioned in the papers and github codes? I am interested to learn more, but, without running training and testing on my own...
ValueError: num_samples should be a positive integer value, but got num_samples=0 I have 22 classes and each class has 2-3 images. It is a small datasets. How to fix this...