TorchVision Detection models have a weights and a weights_backbone parameter. Does using pretrained weights imply that the model uses pretrained weights_backbone under the hood? I am training a RetinaNet model and um unsure which of the two options I should use and what the differences are.
TorchVision using pretrained weights for entire model vs backbone
692 views Asked by Harry Stuart At
1
There are 1 answers
Related Questions in PYTHON
- How to store a date/time in sqlite (or something similar to a date)
- Instagrapi recently showing HTTPError and UnknownError
- How to Retrieve Data from an MySQL Database and Display it in a GUI?
- How to create a regular expression to partition a string that terminates in either ": 45" or ",", without the ": "
- Python Geopandas unable to convert latitude longitude to points
- Influence of Unused FFN on Model Accuracy in PyTorch
- Seeking Python Libraries for Removing Extraneous Characters and Spaces in Text
- Writes to child subprocess.Popen.stdin don't work from within process group?
- Conda has two different python binarys (python and python3) with the same version for a single environment. Why?
- Problem with add new attribute in table with BOTO3 on python
- Can't install packages in python conda environment
- Setting diagonal of a matrix to zero
- List of numbers converted to list of strings to iterate over it. But receiving TypeError messages
- Basic Python Question: Shortening If Statements
- Python and regex, can't understand why some words are left out of the match
Related Questions in PYTORCH
- Influence of Unused FFN on Model Accuracy in PyTorch
- Conda CMAKE CXX Compiler error while compiling Pytorch
- Which library can replace causal_conv1d in machine learning programming?
- yolo v5 export to torchscript: how to generate constants.pkl
- Pytorch distribute process across nodes and gpu
- My ICNN doesn't seem to work for any n_hidden
- a problem for save and load a pytorch model
- The meaning of an out_channel in nn.Conv2d pytorch
- config QConfig in pytorch QAT
- Can't load the saved model in PyTorch
- How can I convert a flax.linen.Module to a torch.nn.Module?
- Snuffle in PyTorch Dataloader
- Cuda out of Memory but I have no free space
- Can not load scripted model using torch::jit::load
- Should I train my model with a set of pictures as one input data or I need to crop to small one using Pytorch
Related Questions in TORCHVISION
- How to convert CIFAR-10 to a tensor object
- Adding sliding window dimension to data causes error: "Expected 3D or 4D (batch mode) tensor ..."
- iteration over torch DataSet not loading multiple targets
- Fine tune resnet-50
- TypeError: RandomIoUCrop() requires input sample to contain tensor or PIL images and bounding boxes. Sample can also contain masks
- how to downlad EMNIST Letters dataset
- Pytorch and torchvision VS Python versions
- module 'torch' has no attribute 'SymInt
- ImportError: cannot import name 'KO_NAMES' from 'charset_normalizer.constant'
- Can't install torchrl into Google Colab after torch 2.2.1
- visualizing attention maps in a VIT transformer
- module 'torchvision.models' has no attribute 'ViT_B_16_Weights'
- Why does ResNet101 have less accuracy than ResNet50 in classification of sport-celebrity dataset?
- Can't install pytorch3d
- What is the replacement for `check_compiler_abi_compatibility`?
Related Questions in RETINANET
- Random non deterministic results from pretrained retinanet
- Get realtime data from DeepFace Stream function
- Problems with saving keras model (.h5) to TensorFlow SavedModel format (KeyError: 'inputs')
- UserWarning: Encountered more than 100 detections in a single image
- calculate other keras retinanet metrics like f1score, recall, precision
- RetinaNet for satellite image based object detection - annotation assignment error
- The classification module returns a tensor filled with '0' from the second epoch
- Creating a custom dataset in TensorFlow for training RetinaNet on image and XML annotation data
- How to solve 'InvalidArgumentError' during RetinaNet object detection training with Keras and ResNet152?
- Training a retinanet with varying bounding box output sizes
- Object Detection with RetinaNet(Keras) the model does not make any detection
- TorchVision using pretrained weights for entire model vs backbone
- TF-lite model fails to invoke with RuntimeError
- Torchvision RetinaNet predicts unwanted class background
- AttributeError: 'DataParallel' object has no attribute 'copy'
Popular Questions
- How do I undo the most recent local commits in Git?
- How can I remove a specific item from an array in JavaScript?
- How do I delete a Git branch locally and remotely?
- Find all files containing a specific text (string) on Linux?
- How do I revert a Git repository to a previous commit?
- How do I create an HTML button that acts like a link?
- How do I check out a remote Git branch?
- How do I force "git pull" to overwrite local files?
- How do I list all files of a directory?
- How to check whether a string contains a substring in JavaScript?
- How do I redirect to another webpage?
- How can I iterate over rows in a Pandas DataFrame?
- How do I convert a String to an int in Java?
- Does Python have a string 'contains' substring method?
- How do I check if a string contains a specific word?
Trending Questions
- UIImageView Frame Doesn't Reflect Constraints
- Is it possible to use adb commands to click on a view by finding its ID?
- How to create a new web character symbol recognizable by html/javascript?
- Why isn't my CSS3 animation smooth in Google Chrome (but very smooth on other browsers)?
- Heap Gives Page Fault
- Connect ffmpeg to Visual Studio 2008
- Both Object- and ValueAnimator jumps when Duration is set above API LvL 24
- How to avoid default initialization of objects in std::vector?
- second argument of the command line arguments in a format other than char** argv or char* argv[]
- How to improve efficiency of algorithm which generates next lexicographic permutation?
- Navigating to the another actvity app getting crash in android
- How to read the particular message format in android and store in sqlite database?
- Resetting inventory status after order is cancelled
- Efficiently compute powers of X in SSE/AVX
- Insert into an external database using ajax and php : POST 500 (Internal Server Error)
The difference is pretty simple: you can either choose to do transfer learning on the backbone only or on the whole network.
RetinaNet from Torchvision has a Resnet50 backbone. You should be able to do both of:
retinanet_resnet50_fpn(weights=RetinaNet_ResNet50_FPN_Weights.COCO_V1)retinanet_resnet50_fpn(backbone_weights=ResNet50_Weights.IMAGENET1K_V1)As implied by their names, the backbone weights are different. The former were trained on COCO (object detection) while the later were trained on ImageNet (classification).
To answer your question, pretrained
weightsimplies that the whole network, including backbone weights, are initialized. However, I don't think that it callsbackbone_weightsunder the hood.