
    h()                     .   d dl Z d dlmZmZmZ d dlmZmZ d dlm	Z
 d dlmZmZmZ ddlmZmZ ddlmZmZ dd	lmZmZ  G d
 dej0                        Z edd f      e
j4                  dddddedee   dedej0                  f   dedeee      dee   defd       Z	 	 	 d%dej>                  dedeee      dee   deedej0                  f      defdZ de!dee   dededef
d Z" edd! f      e
j4                  dddddedee   d"e!dedej0                  f   dedeee      dee   dej0                  fd#       Z#	 	 	 d%deejH                  ejJ                  f   d"e!dedeee      dee   deedej0                  f      dej0                  fd$Z&y)&    N)CallableOptionalUnion)nnTensor)misc)ExtraFPNBlockFeaturePyramidNetworkLastLevelMaxPool   )	mobilenetresnet)_get_enum_from_fnWeightsEnum)handle_legacy_interfaceIntermediateLayerGetterc                        e Zd ZdZ	 	 ddej
                  deeef   dee	   de	de
e   de
ed	ej
                  f      d
df fdZded
eeef   fdZ xZS )BackboneWithFPNa  
    Adds a FPN on top of a model.
    Internally, it uses torchvision.models._utils.IntermediateLayerGetter to
    extract a submodel that returns the feature maps specified in return_layers.
    The same limitations of IntermediateLayerGetter apply here.
    Args:
        backbone (nn.Module)
        return_layers (Dict[name, new_name]): a dict containing the names
            of the modules for which the activations will be returned as
            the key of the dict, and the value of the dict is the name
            of the returned activation (which the user can specify).
        in_channels_list (List[int]): number of channels for each feature map
            that is returned, in the order they are present in the OrderedDict
        out_channels (int): number of channels in the FPN.
        norm_layer (callable, optional): Module specifying the normalization layer to use. Default: None
    Attributes:
        out_channels (int): the number of channels in the FPN
    Nbackbonereturn_layersin_channels_listout_channelsextra_blocks
norm_layer.returnc                     t         |           |
t               }t        ||      | _        t        ||||      | _        || _        y )N)r   )r   r   r   r   )super__init__r   r   bodyr
   fpnr   )selfr   r   r   r   r   r   	__class__s          i/var/www/html/eduruby.in/venv/lib/python3.12/site-packages/torchvision/models/detection/backbone_utils.pyr   zBackboneWithFPN.__init__!   sN     	+-L+HMR	(-%%!	
 )    xc                 J    | j                  |      }| j                  |      }|S )N)r   r    )r!   r%   s     r#   forwardzBackboneWithFPN.forward8   s!    IIaLHHQKr$   )NN)__name__
__module____qualname____doc__r   Moduledictstrlistintr   r	   r   r   r   r'   __classcell__)r"   s   @r#   r   r      s    2 159=)))) CH~) s)	)
 ) }-) Xc299n56) 
). Df$5 r$   r   
pretrainedc                 F    t        t        j                  | d            d   S Nbackbone_nameIMAGENET1K_V1)r   r   __dict__kwargss    r#   <lambda>r:   A   s     (9P)QRSbc r$   )weights   )r   trainable_layersreturned_layersr   r5   r;   r   .r=   r>   r   r   c                 R    t        j                  |    ||      }t        ||||      S )aJ  
    Constructs a specified ResNet backbone with FPN on top. Freezes the specified number of layers in the backbone.

    Examples::

        >>> import torch
        >>> from torchvision.models import ResNet50_Weights
        >>> from torchvision.models.detection.backbone_utils import resnet_fpn_backbone
        >>> backbone = resnet_fpn_backbone(backbone_name='resnet50', weights=ResNet50_Weights.DEFAULT, trainable_layers=3)
        >>> # get some dummy image
        >>> x = torch.rand(1,3,64,64)
        >>> # compute the output
        >>> output = backbone(x)
        >>> print([(k, v.shape) for k, v in output.items()])
        >>> # returns
        >>>   [('0', torch.Size([1, 256, 16, 16])),
        >>>    ('1', torch.Size([1, 256, 8, 8])),
        >>>    ('2', torch.Size([1, 256, 4, 4])),
        >>>    ('3', torch.Size([1, 256, 2, 2])),
        >>>    ('pool', torch.Size([1, 256, 1, 1]))]

    Args:
        backbone_name (string): resnet architecture. Possible values are 'resnet18', 'resnet34', 'resnet50',
             'resnet101', 'resnet152', 'resnext50_32x4d', 'resnext101_32x8d', 'wide_resnet50_2', 'wide_resnet101_2'
        weights (WeightsEnum, optional): The pretrained weights for the model
        norm_layer (callable): it is recommended to use the default value. For details visit:
            (https://github.com/facebookresearch/maskrcnn-benchmark/issues/267)
        trainable_layers (int): number of trainable (not frozen) layers starting from final block.
            Valid values are between 0 and 5, with 5 meaning all backbone layers are trainable.
        returned_layers (list of int): The layers of the network to return. Each entry must be in ``[1, 4]``.
            By default, all layers are returned.
        extra_blocks (ExtraFPNBlock or None): if provided, extra operations will
            be performed. It is expected to take the fpn features, the original
            features and the names of the original features as input, and returns
            a new list of feature maps and their corresponding names. By
            default, a ``LastLevelMaxPool`` is used.
    r;   r   )r   r7   _resnet_fpn_extractor)r5   r;   r   r=   r>   r   r   s          r#   resnet_fpn_backbonerB   >   s,    h }-g*UH +;_l[[r$   r   c           	      r   |dk  s|dkD  rt        d|       g dd | }|dk(  r|j                  d       | j                         D ]@  \  }}t        |D cg c]  }|j	                  |        c}      s0|j                  d       B |
t               }|g d}t        |      dk  st        |      dk\  rt        d|       t        |      D 	
ci c]  \  }	}
d	|
 t        |	       }}	}
| j                  d
z  }|D cg c]  }|d|dz
  z  z   }}d}t        | |||||      S c c}w c c}
}	w c c}w )Nr      z3Trainable layers should be in the range [0,5], got )layer4layer3layer2layer1conv1bn1F)   r   r<      z6Each returned layer should be in the range [1,4]. Got layer   r   rK      r   r   )
ValueErrorappendnamed_parametersall
startswithrequires_grad_r   minmax	enumerater.   inplanesr   )r   r=   r>   r   r   layers_to_trainname	parameterrM   vkr   in_channels_stage2ir   r   s                   r#   rA   rA   v   sp    !/!3NO_N`abbGHYIYZO1u%#446 ,iHuDOOE**HI$$U+, ')&
?q C$8A$=QRaQbcdd5>5OPTQuQC[#a&(PMP!**a/CRSa*Q1q5\9SSL-!1<lgq  I Q Ts   D)
D.D4
is_trainedtrainable_backbone_layers	max_valuedefault_valuec                     | s|t        j                  d| d       |}||}|dk  s||kD  rt        d| d| d      |S )NzChanging trainable_backbone_layers has no effect if neither pretrained nor pretrained_backbone have been set to True, falling back to trainable_backbone_layers=z! so that all layers are trainabler   z4Trainable backbone layers should be in the range [0,], got  )warningswarnrQ   )rb   rc   rd   re   s       r#   _validate_trainable_layersrk      s|     $0MM==FKGhj
 %.! !($1! 1$(AI(MB9+WUnToopq
 	
 %$r$   c                 F    t        t        j                  | d            d   S r4   )r   r   r7   r8   s    r#   r:   r:      s"    (););F?<S)TUVef r$   r    c                 T    t        j                  |    ||      }t        |||||      S )Nr@   )r   r7   _mobilenet_extractor)r5   r;   r    r   r=   r>   r   r   s           r#   mobilenet_backbonero      s0      !!-0ZXH#/?R^__r$   c           
      l   | j                   } dgt        |       D cg c]  \  }}t        |dd      s| c}}z   t        |       dz
  gz   }t        |      }	|dk  s||	kD  rt	        d|	 d| d      |dk(  rt        |       n||	|z
     }
| d |
 D ](  }|j                         D ]  }|j                  d        * d}|r|
t               }|
|	d	z
  |	dz
  g}t        |      dk  st        |      |	k\  rt	        d
|	dz
   d| d      t        |      D ci c]  \  }}||    t        |       }}}|D cg c]  }| ||      j                   }}t        | |||||      S t        j                  | t        j                  | d   j                  |d            }||_        |S c c}}w c c}}w c c}w )Nr   _is_cnFrK   z+Trainable layers should be in the range [0,rg   rh   rO   r   z.Each returned layer should be in the range [0,rP   )featuresrY   getattrlenrQ   
parametersrV   r   rW   rX   r.   r   r   r   
SequentialConv2d)r   r    r=   r>   r   r   ra   bstage_indices
num_stagesfreeze_beforer]   r   r^   r_   r   r   ms                     r#   rn   rn      s
      H C8)<\A8UZ@[1\\`cdl`mpq`q_rrM]#J !/*<FzlRYZjYkklmnn%5%:CMj[kNk@lMn}% , 	,I$$U+	,, L
+-L")A~zA~>O!#s?';z'IMj[\nM]]detduuvwxxCL_C]^41aM!,-A6^^M\]H]1%56CC]]m%5|R^ku
 	
 MMIIhrl//qA

 &E ]* _]s   F%F%F+8F1)NNN)'ri   typingr   r   r   torchr   r   torchvision.opsr   misc_nn_ops'torchvision.ops.feature_pyramid_networkr	   r
   r    r   r   _apir   r   _utilsr   r   r,   r   FrozenBatchNorm2dr.   r0   r/   rB   ResNetrA   boolrk   ro   MobileNetV2MobileNetV3rn    r$   r#   <module>r      s    , ,  / j j   1 E.bii .b c ,7+H+H+/,0/\/\ k"/\ bii(	/\
 /\ d3i(/\ =)/\ /\/\j ,0,059 mm   d3i(  =)	 
 #ryy.12   F%%'}% % 	%
 	%4 f ,7+H+H+/,0`` k"` 
	`
 bii(` ` d3i(` =)` YY``$ ,0,059-I))9+@+@@A-	- - d3i(	-
 =)- #ryy.12- YY-r$   