
    کh~                        U d dl Z d dlZd dlmZ d dlmZ d dlmZ d dlm	Z	m
Z
 d dlZd dlmZ d dlmZ d dlmZmZmZ d d	lmZ d d
lmZ g dZd ai aeeeef   e	e   f   ed<   ed        Zd Z dededdfdZ! G d de      Z"deddfdZ#dededdfdZ$dddededede%def
dZ&d%dede	e   de%fdZ'	 d&dedede%defd Z(dede)fd!Z*	 d%d"ed#ede	e   defd$Z+y)'    N)Sequence)contextmanager)deepcopy)OptionalUnion)Tensor)$get_swap_module_params_on_conversion)Module
ModuleDict
ModuleList)	Parameter)is_traceable_wrapper_subclass)cachedParametrizationListregister_parametrizationis_parametrizedremove_parametrizationstype_before_parametrizations$transfer_parametrizations_and_params_cachec               #   z   K   t         dz  a 	 d t         dz  a t         si ayy# t         dz  a t         si aw w xY ww)aZ  Context manager that enables the caching system within parametrizations registered with :func:`register_parametrization`.

    The value of the parametrized objects is computed and cached the first time
    they are required when this context manager is active. The cached values are
    discarded when leaving the context manager.

    This is useful when using a parametrized parameter more than once in the forward pass.
    An example of this is when parametrizing the recurrent kernel of an RNN or when
    sharing weights.

    The simplest way to activate the cache is by wrapping the forward pass of the neural network

    .. code-block:: python

        import torch.nn.utils.parametrize as P

        ...
        with P.cached():
            output = model(inputs)

    in training and evaluation. One may also wrap the parts of the modules that use
    several times the parametrized tensors. For example, the loop of an RNN with a
    parametrized recurrent kernel:

    .. code-block:: python

        with P.cached():
            for x in xs:
                out_rnn = self.rnn_cell(x, out_rnn)
       N)_cache_enabledr        X/var/www/html/eduruby.in/venv/lib/python3.12/site-packages/torch/nn/utils/parametrize.pyr   r       sL     D aN!F  	!F s   
;$ ;8;c                 n    t        |t              r| j                  ||       y | j                  ||       y N)
isinstancer   register_parameterregister_buffer)modulenameXs      r   _register_parameter_or_bufferr%   K   s,    !Y!!$*tQ'r   destsrcreturnc                    t               xs t        |       }|rXt        | t              r't        |t              st        || j                        }t
        j                  j                  | |       y | j                  |       y )N)requires_grad)	r	   r   r   r   r*   torchutilsswap_tensorsset_)r&   r'   should_swaps      r   
_maybe_setr0   R   sb    ,.U2OPT2U  dI&z#y/ICt/A/ABC  s+		#r   c            	       z     e Zd ZU dZeed<   eed<   	 ddee   de	ee
f   deddf fdZdeddfd	Zdefd
Z xZS )r   a0  A sequential container that holds and manages the original parameters or buffers of a parametrized :class:`torch.nn.Module`.

    It is the type of ``module.parametrizations[tensor_name]`` when ``module[tensor_name]``
    has been parametrized with :func:`register_parametrization`.

    If the first registered parametrization has a ``right_inverse`` that returns one tensor or
    does not have a ``right_inverse`` (in which case we assume that ``right_inverse`` is the identity),
    it will hold the tensor under the name ``original``.
    If it has a ``right_inverse`` that returns more than one tensor, these will be registered as
    ``original0``, ``original1``, ...

    .. warning::
        This class is used internally by :func:`register_parametrization`. It is documented
        here for completeness. It shall not be instantiated by the user.

    Args:
        modules (sequence): sequence of modules representing the parametrizations
        original (Parameter or Tensor): parameter or buffer that is parametrized
        unsafe (bool): a boolean flag that denotes whether the parametrization
            may change the dtype and shape of the tensor. Default: `False`
            Warning: the parametrization is not checked for consistency upon registration.
            Enable this flag at your own risk.
    originalunsafemodulesr(   Nc           	         t        |      dk(  rt        d      t        |   |       || _        |j
                  }|j                  }t        j                         5  |}t        |       D ]!  }t        |d      s	 |j                  |      }# 	 d d d        t        t              s1t        |t              s!t        dt!        |      j"                         t        |t              | _        | j$                  rdn
t        |      | _        | j$                  ru|j                  |j                  k7  r%t        d|j                   d|j                         t        j                         5  t)        ||       d d d        t+        | d|       nt-        |      D ]  \  }}	t        |	t              s%t        d	| d
t!        |	      j"                   d      t        |t.              rt/        |	|j0                        }	|	j3                  |j0                         t+        | d| |	        | j                  s |        }
t        |
t              s"t        dt!        |
      j"                   d      |
j                  |k7  rt        d| d|
j                         |
j
                  |k7  rt        d| d|
j
                         y y # t        $ r Y bw xY w# 1 sw Y   CxY w# 1 sw Y   ixY w)Nr   z1ParametrizationList requires one or more modules.right_inversezT'right_inverse' must return a Tensor or a Sequence of tensors (list, tuple...). Got r   zVWhen `right_inverse` outputs one tensor, it may not change the dtype.
original.dtype: z 
right_inverse(original).dtype: r2   z\'right_inverse' must return a Tensor or a Sequence of tensors (list, tuple...). Got element z of the sequence with type .,A parametrization must return a tensor. Got z}Registering a parametrization may not change the dtype of the tensor, unless `unsafe` flag is enabled.
unparametrized dtype: z
parametrized dtype: z}Registering a parametrization may not change the shape of the tensor, unless `unsafe` flag is enabled.
unparametrized shape: z
parametrized shape: )len
ValueErrorsuper__init__r3   shapedtyper+   no_gradreversedhasattrr6   NotImplementedErrorr   r   r   type__name__	is_tensorntensorsr0   r%   	enumerater   r*   requires_grad_)selfr4   r2   r3   original_shapeoriginal_dtypenewr"   i	originaliZ	__class__s              r   r<   zParametrizationList.__init__z   s    w<1PQQ!, "! ]]_ 	C"4. 6?3$2237	 #v&z#x/HCy))*,  $C0!^^S >>~~* ''/~~&6 7669ii[B   *8S)*)$
HE )# O9!)V4$''(c)DT)_E]E]D^^_a  h	2 ))X5K5K LI(()?)?@-dhqcNINO  {{ Aa( B47CSCSBTTUV  ww.( --;,< =++,77)5 
 ww.( --;,< =++,77)5  ) Y / 	 	<* *s<   K<KK*K	K
KKKKK(valuec                    t        j                         5  t        |       D ]A  }t        |d      r|j	                  |      }!t        dt        |      j                   d       | j                  rt        |t              s!t        dt        |      j                         |j                  | j                  j                  k7  r/t        d|j                   d| j                  j                         t        | j                  |       n)t        |t        j                   j"                        s"t        dt        |      j                   d      t%        |      | j&                  k7  r%t        d	| j&                   d
t%        |       d      t)        |      D ]  \  }}t+        | d|       }t        |t              s$t        d| dt        |      j                         |j                  |j                  k7  r+t        d| d|j                   d| d|j                         t        ||        ddd       y# 1 sw Y   yxY w)ah  Call the ``right_inverse`` methods of the parametrizations in the inverse registration order.

        Then, it stores the result in ``self.original`` if ``right_inverse`` outputs one tensor
        or in ``self.original0``, ``self.original1``, ... if it outputs several.

        Args:
            value (Tensor): Value to which initialize the module
        r6   zparametrization z" does not implement right_inverse.z,`right_inverse` should return a tensor. Got z1The tensor returned by `right_inverse` has dtype z while `original` has dtype z7'right_inverse' must return a sequence of tensors. Got r7   z<'right_inverse' must return a sequence of tensors of length z. Got a sequence of length r2   z?`right_inverse` must return a sequence of tensors. Got element z	 of type zTensor z' returned by `right_inverse` has dtype z while `originalz` has dtype N)r+   r?   r@   rA   r6   RuntimeErrorrC   rD   rE   r   r   r:   r>   r2   r0   collectionsabcr   r9   rF   rG   getattr)rI   rQ   r"   rM   tensor
original_is         r   r6   z!ParametrizationList.right_inverse   sM    ]]_ /	3"4. 6?3"007E&*4<+@+@*A B) ) 	 ~~ "%0$FtE{G[G[F\]  ;;$--"5"55$KEKK= Y66:mm6I6I5JL 
 4==%0!%)A)AB$#E{334A7  u:.$V==/)DSZLPQS  "+5!1 3IAv!(!~!>J%ff5(++,#YtF|7L7L6MO  "''6<<7(%aS(OPVP\P\~ ^../SZ=M=M<NP  z623G/	3 /	3 /	3s   H H>>Ic                 d    t         j                  j                         rt        d       j                  r  d    j
                        }n& fdt         j                        D        }  d   | }d}t         t        |            r&  |   |      }|dz  }t         t        |            r&|S )N.Parametrization is not working with scripting.r   c              3   <   K   | ]  }t        d |         yw)r2   N)rV   ).0rM   rI   s     r   	<genexpr>z.ParametrizationList.forward.<locals>.<genexpr>.  s     U1!~6Us   r   )
r+   jitis_scriptingrS   rE   r2   rangerF   rA   str)rI   x	originalscurr_idxs   `   r   forwardzParametrizationList.forward'  s    99!!#OPP>>Q&AUdmm@TUIQ#A dCM*Xq!AMH dCM* r   )F)rD   
__module____qualname____doc__r   __annotations__boolr   r
   r   r   r<   r6   re   __classcell__)rP   s   @r   r   r   ^   sz    0 L 	l&!l 	)*l 	l
 
l\=36 =3d =3~ r   r   r"   c                     | j                   }d }d }d|i}t        |d      s||d<   t        d|j                   |f|      }|| _         y)zSet up a module to be parametrized.

    This works by substituting the class of the module by a class
    that extends it to be able to inject a property

    Args:
        module (nn.Module): module into which to inject the property
    c                 t   |j                  t        |       d       }||S | j                  | j                        }||t        |       <   t	        | j
                  |      |_        t        j                  | j                        }|D ]0  }t        | |      st        ||t	        t        | |      |             2 |S r   )getid__new__rP   r   __dict__copyreg
_slotnamesrA   setattrrV   )rI   memoobjreplicaslots_to_saveslots         r   default_deepcopyz+_inject_new_class.<locals>.default_deepcopyD  s    hhr$x&?J,,t~~. RX#DMM48**4>>:! 	LDtT"xd0CT'JK	L r   c                     t        d      )NzSerialization of parametrized modules is only supported through state_dict(). See:
https://pytorch.org/tutorials/beginner/saving_loading_models.html#saving-loading-a-general-checkpoint-for-inference-and-or-resuming-training)rS   )rI   s    r   getstatez#_inject_new_class.<locals>.getstateS  s    Z
 	
r   __getstate____deepcopy__ParametrizedN)rP   rA   rC   rD   )r"   clsrz   r|   dct	param_clss         r   _inject_new_classr   9  se     

C
 8
$C 3'.N
s||n%	I !Fr   tensor_namec                      t               rJ t        j                  j                  dt        f fd       dt        ffd}dt        ddffd}t         j                  t        ||             y)a  Injects a property into module[tensor_name].

    It assumes that the class in the module has already been modified from its
    original one using _inject_new_class and that the tensor under :attr:`tensor_name`
    has already been moved out

    Args:
        module (nn.Module): module into which to inject the property
        tensor_name (str): name of the name of the property to create
    r(   c                 p    t              f}t        j                  |      }| |        }|t        |<   |S r   )ro   r   rn   )parametrizationkeyrW   r"   r   s      r   get_cached_parametrizationz4_inject_property.<locals>.get_cached_parametrizationy  s;     &z;'C>$&F F3Kr   c                 B   t         j                  j                         rt        d      | j                     }t
        rZt         j                  j                         rt        d      t         j                  j                         t        d       |      S  |       S )NrZ   zTCaching is not implemented for scripting. Either disable caching or avoid scripting.z4Cannot trace a model while caching parametrizations.)r+   r^   r_   rS   parametrizationsr   _C_get_tracing_state)rI   r   r   r   s     r   get_parametrizedz*_inject_property.<locals>.get_parametrized  s    99!!#OPP//<yy%%'"A  ,,.:"J  2/BB #$$r   rQ   Nc                     t         j                  j                         rt        d      | j                     j                  |       y )NrZ   )r+   r^   r_   rS   r   r6   )rI   rQ   r   s     r   set_originalz&_inject_property.<locals>.set_original  s8    99!!#OPPk*88?r   )rA   r+   r^   unusedr   rt   rP   property)r"   r   r   r   r   s   ``  @r   _inject_propertyr   j  sv     v{+++
YYv  %& %,@& @T @
 Fk84Dl+STr   Fr3   r   r3   c          
         |j                  | j                         t        | |      r|st        | |      } ||      }t	        |t
              s"t        dt        |      j                   d      |j                  |j                  k7  r+t        d| d|j                   d| d|j                         |j                  |j                  k7  r+t        d| d|j                   d| d	|j                         t        |d
      r	 |j                  |      }t	        |t
              s!t        dt        |      j                         |j                  |j                  k7  r+t        d| d| d|j                   d|j                         |j                  |j                  k7  r+t        d| d| d|j                   d|j                         t	        | j                  t              sJ | j                  |   j!                  |       | j                  |   xj"                  |z  c_        | S || j$                  v s|| j&                  v rt        | |      }t)        |g||      }t+        | |       t        |       st-        |        t               | _        t/        | |       t	        | j                  t              sJ || j                  |<   | S t        d|  d| d      # t        $ r Y w xY w)a  Register a parametrization to a tensor in a module.

    Assume that ``tensor_name="weight"`` for simplicity. When accessing ``module.weight``,
    the module will return the parametrized version ``parametrization(module.weight)``.
    If the original tensor requires a gradient, the backward pass will differentiate
    through :attr:`parametrization`, and the optimizer will update the tensor accordingly.

    The first time that a module registers a parametrization, this function will add an attribute
    ``parametrizations`` to the module of type :class:`~ParametrizationList`.

    The list of parametrizations on the tensor ``weight`` will be accessible under
    ``module.parametrizations.weight``.

    The original tensor will be accessible under
    ``module.parametrizations.weight.original``.

    Parametrizations may be concatenated by registering several parametrizations
    on the same attribute.

    The training mode of a registered parametrization is updated on registration
    to match the training mode of the host module

    Parametrized parameters and buffers have an inbuilt caching system that can be activated
    using the context manager :func:`cached`.

    A :attr:`parametrization` may optionally implement a method with signature

    .. code-block:: python

        def right_inverse(self, X: Tensor) -> Union[Tensor, Sequence[Tensor]]

    This method is called on the unparametrized tensor when the first parametrization
    is registered to compute the initial value of the original tensor.
    If this method is not implemented, the original tensor will be just the unparametrized tensor.

    If all the parametrizations registered on a tensor implement `right_inverse` it is possible
    to initialize a parametrized tensor by assigning to it, as shown in the example below.

    It is possible for the first parametrization to depend on several inputs.
    This may be implemented returning a tuple of tensors from ``right_inverse``
    (see the example implementation of a ``RankOne`` parametrization below).

    In this case, the unconstrained tensors are also located under ``module.parametrizations.weight``
    with names ``original0``, ``original1``,...

    .. note::

        If unsafe=False (default) both the forward and right_inverse methods will be called
        once to perform a number of consistency checks.
        If unsafe=True, then right_inverse will be called if the tensor is not parametrized,
        and nothing will be called otherwise.

    .. note::

        In most situations, ``right_inverse`` will be a function such that
        ``forward(right_inverse(X)) == X`` (see
        `right inverse <https://en.wikipedia.org/wiki/Inverse_function#Right_inverses>`_).
        Sometimes, when the parametrization is not surjective, it may be reasonable
        to relax this.

    .. warning::

        If a parametrization depends on several inputs, :func:`~register_parametrization`
        will register a number of new parameters. If such parametrization is registered
        after the optimizer is created, these new parameters will need to be added manually
        to the optimizer. See :meth:`torch.Optimizer.add_param_group`.

    Args:
        module (nn.Module): module on which to register the parametrization
        tensor_name (str): name of the parameter or buffer on which to register
            the parametrization
        parametrization (nn.Module): the parametrization to register
    Keyword args:
        unsafe (bool): a boolean flag that denotes whether the parametrization
            may change the dtype and shape of the tensor. Default: `False`
            Warning: the parametrization is not checked for consistency upon registration.
            Enable this flag at your own risk.

    Raises:
        ValueError: if the module does not have a parameter or a buffer named :attr:`tensor_name`

    Examples:
        >>> # xdoctest: +REQUIRES(env:TORCH_DOCTEST_LAPACK)
        >>> import torch
        >>> import torch.nn as nn
        >>> import torch.nn.utils.parametrize as P
        >>>
        >>> class Symmetric(nn.Module):
        >>>     def forward(self, X):
        >>>         return X.triu() + X.triu(1).T  # Return a symmetric matrix
        >>>
        >>>     def right_inverse(self, A):
        >>>         return A.triu()
        >>>
        >>> m = nn.Linear(5, 5)
        >>> P.register_parametrization(m, "weight", Symmetric())
        >>> print(torch.allclose(m.weight, m.weight.T))  # m.weight is now symmetric
        True
        >>> A = torch.rand(5, 5)
        >>> A = A + A.T  # A is now symmetric
        >>> m.weight = A  # Initialize the weight to be the symmetric matrix A
        >>> print(torch.allclose(m.weight, A))
        True

        >>> class RankOne(nn.Module):
        >>>     def forward(self, x, y):
        >>> # Form a rank 1 matrix multiplying two vectors
        >>>         return x.unsqueeze(-1) @ y.unsqueeze(-2)
        >>>
        >>>     def right_inverse(self, Z):
        >>> # Project Z onto the rank 1 matrices
        >>>         U, S, Vh = torch.linalg.svd(Z, full_matrices=False)
        >>> # Return rescaled singular vectors
        >>>         s0_sqrt = S[0].sqrt().unsqueeze(-1)
        >>>         return U[..., :, 0] * s0_sqrt, Vh[..., 0, :] * s0_sqrt
        >>>
        >>> linear_rank_one = P.register_parametrization(
        ...     nn.Linear(4, 4), "weight", RankOne()
        ... )
        >>> print(torch.linalg.matrix_rank(linear_rank_one.weight).item())
        1

    r8   r7   zrRegistering a parametrization may not change the dtype of the tensor, unless the `unsafe` flag is enabled.
module.z.dtype: z
parametrization(module.z	).dtype: zrRegistering a parametrization may not change the shape of the tensor, unless the `unsafe` flag is enabled.
module.z.shape: z	).shape: r6   z9parametrization.right_inverse must return a tensor. Got: zXThe tensor returned by parametrization.right_inverse must have the same dtype as module.z., unless the `unsafe` flag is enabled.
module.z
returned dtype: zXThe tensor returned by parametrization.right_inverse must have the same shape as module.z
returned shape: r   zModule 'zL' does not have a parameter, a buffer, or a parametrized element with name '')traintrainingr   rV   r   r   r:   rC   rD   r>   r=   rA   r6   rB   r   r   appendr3   _buffers_parametersr   delattrr   r   )	r"   r   r   r3   Yr$   rO   r2   r   s	            r   r   r     s&   D &//*v{+
 ,A"Aa( B47CSCSBTTUV  ww!''! )](177) <..9])AGG9N 
 ww!''! )](177) <..9])AGG9N 
 8'55a8A &a0(WX\]^X_XhXhWij  ww!'')())4 6&&1](177) D//0wwi9  ww!'')())4 6&&1](177) D//0wwi9  &11:>>>,33OD,33v=38 M7 
	';&:L:L+L 6;/.x
 	$ v&f%&0lF#-&11:>>>/?, M	 vh //:m1>
 	
g + s   K" "	K/.K/c                 j    t        | dd      }|t        |t              sy|t        |      dkD  S ||v S )a  Determine if a module has a parametrization.

    Args:
        module (nn.Module): module to query
        tensor_name (str, optional): name of the parameter in the module
            Default: ``None``
    Returns:
        ``True`` if :attr:`module` has a parametrization for the parameter named :attr:`tensor_name`,
        or if it has any parametrization when :attr:`tensor_name` is ``None``;
        otherwise ``False``
    r   NFr   )rV   r   r   r9   )r"   r   r   s      r   r   r   y  sJ     v'94@z2BJ'O#$q((...r   leave_parametrizedc                    t        | |      st        d|  d|       t        | j                  t              sJ | j                  |   }|j
                  r|j                  }t        |t        j                        sJ d       |rt        j                         5  t        | |      }ddd       t        j                         5  t        |      t        j                  u rt        |       n	 t        |       ddd       n3|r&t        | |      }|j                  rt        |      n|}nt        d      t!        | j"                  |       | j                  |= t%        | ||       t        |       s,t!        | d       | j"                  j&                  d   }|| _        | S # 1 sw Y   xY w# t        $ r}t        d      |d}~ww xY w# 1 sw Y   xY w)	a  Remove the parametrizations on a tensor in a module.

    - If ``leave_parametrized=True``, ``module[tensor_name]`` will be set to
      its current output. In this case, the parametrization shall not change the ``dtype``
      of the tensor.
    - If ``leave_parametrized=False``, ``module[tensor_name]`` will be set to
      the unparametrised tensor in ``module.parametrizations[tensor_name].original``.
      This is only possible when the parametrization depends on just one tensor.

    Args:
        module (nn.Module): module from which remove the parametrization
        tensor_name (str): name of the parametrization to be removed
        leave_parametrized (bool, optional): leave the attribute :attr:`tensor_name` parametrized.
            Default: ``True``

    Returns:
        Module: module

    Raises:
        ValueError: if ``module[tensor_name]`` is not parametrized
        ValueError: if ``leave_parametrized=False`` and the parametrization depends on several tensors
    zModule z$ does not have a parametrization on zis_tensor promised us a TensorNa  Calling remove_parametrizations() with leave_parametrized=True for a parameter that is an instance of a tensor subclass requires set_() to be implemented correctly for the tensor subclass.Alternatively, one can opt into the swap_tensors pathEither set leave_parametrized=False or provide a working implementationfor set_() in the tensor subclass or set torch.__future__.set_swap_module_params_on_conversion(True).zyCannot leave unparametrized (`leave_parametrized=False`) a tensor that is parametrized in terms of a sequence of tensors.r   r   )r   r:   r   r   r   rE   r2   r+   r   r?   rV   rC   r0   rS   r*   r   r   rP   r%   	__bases__)r"   r   r   r   r2   teorig_clss           r   r   r     s   6 6;/fXA+O
 	

 f--z:::..{;!!#,,(ELL1S3SS1 1FK01  !>U\\1x+!"8Q/! !&  ,A'(y|AHJ  Fk*, "&+x@ 6"*+##--a0#Mi1 1 ( ! +[  !!!! !s6   F)G+F(F%(	G1F==GGGc                 `    t        |       r| j                  j                  d   S t        |       S )zReturn the module type before parametrizations were applied and if not, then it returns the module type.

    Args:
        module (nn.Module): module to get type of
    r   )r   rP   r   rC   )r"   s    r   r   r     s-     v))!,,F|r   from_module	to_modulec                    t        |       rzt        | j                  t              sJ || j                  n|g}t	        |d      sJ |D ]9  }t	        ||      s t        ||t        t        | |                   | j                  |   D ]  }t        |||        t        |j                  t              sJ t	        | j                  |   d      r,| j                  |   j                  |j                  |   _	        d}dt        |      z   }t	        | j                  |   |      st        |j                  |   |t        | j                  |   |             |dz   }dt        |      z   }t	        | j                  |   |      r^< |S )aM  Transfer parametrizations and the parameters they parametrize from :attr:`from_module` to :attr:`to_module`.

    If :attr:`tensor_name` is specified, only transfers the specified parameter, otherwise
    transfers all parametrized parameters. If those parameters do not exist in to_module, it will create them.
    Does nothing if from_module is not parametrized.

    Args:
        from_module (nn.Module): module to transfer from
        to_module (nn.Module): module to transfer to
        tensor_name (str, optional): parameter to transfer

    Returns:
        Module: to_module
    __iter__r2   r   r   )r   r   r   r   rA   rt   r   rV   r   r2   ra   )r   r   r   parameters_to_transferparameter_name
param_funcnumorig_nums           r   r   r     s   & {#+66
CCC -8,?K((k] 	 -z:::4 !	5N9n5"gk>BC *:: P
 )NJOP i88*EEE {33NCZP )99.IRR **"%C0k::>JHU!22>B  < <^ LhW
 'C)CH4H k::>JHU5!	5F r   r   )T),rT   rr   collections.abcr   
contextlibr   copyr   typingr   r   r+   r   torch.__future__r	   torch.nn.modules.containerr
   r   r   torch.nn.parameterr   torch.utils._python_dispatchr   __all__r   r   dicttupleintra   ri   r   r%   r0   r   r   r   rj   r   r   r   rC   r   r   r   r   r   <module>r      s     $ %  "   A E E ( F 24U38_hv../ 4 ' 'T(	V 	& 	T 	X* Xv.!f .! .!b4UV 4U# 4U$ 4Ux UUU U
 U Up/F /# /$ /2  $[[[ [ 	[|	 	D 	 "&??? #? 	?r   