
    کh#             
          d dl Z d dlZd dlZd dlZd dlmZmZ d dlmZ d dl	Z	d dl	m
Z
mZ d dlmZ d dlmZ d dlmZ dd	lmZ g d
Ze
j*                  e
j,                  dZd$dedededefdZ ede      d$dedededefd       Z G d de      Z G d de      Z G d de      Z G d de      Z G d de      Z  G d de       Z! G d  d!e       Z" G d" d#e       Z#y)%    N)Optionaloverload)
deprecated)_VFTensor)init)	Parameter)PackedSequence   )Module)RNNBaseRNNLSTMGRURNNCellBaseRNNCellLSTMCellGRUCell)RNN_TANHRNN_RELUtensorpermutationdimreturnc                 &    | j                  ||      S N)index_selectr   r   r   s      R/var/www/html/eduruby.in/venv/lib/python3.12/site-packages/torch/nn/modules/rnn.py_apply_permutationr    $   s    sK00    z]`apply_permutation` is deprecated, please use `tensor.index_select(dim, permutation)` instead)categoryc                     t        | ||      S r   r    r   s      r   apply_permutationr%   (   s    
 fk377r!   c                       e Zd ZU dZg dZdgZeed<   eed<   eed<   eed<   e	ed<   e	ed	<   e
ed
<   e	ed<   eed<   	 	 	 	 	 	 	 	 d(dedededede	d	e	d
e
de	deddf fdZd Z fdZd)dZd* fd	Zd)dZdedee   ddfdZdedee   deeeef   fdZ	 d+dedeeeef   deddfdZd Zdededee   fdZded ee   fd!Zdefd"Zd# Zd$ Z fd%Zedeee       fd&       Z! fd'Z" xZ#S ),r   a  Base class for RNN modules (RNN, LSTM, GRU).

    Implements aspects of RNNs shared by the RNN, LSTM, and GRU classes, such as module initialization
    and utility methods for parameter storage management.

    .. note::
        The forward method is not implemented by the RNNBase class.

    .. note::
        LSTM and GRU classes override some methods implemented by RNNBase.
    )	mode
input_sizehidden_size
num_layersbiasbatch_firstdropoutbidirectional	proj_sizeall_weightsr'   r(   r)   r*   r+   r,   r-   r.   r/   Nr   c           	         |
|d}t         |           || _        || _        || _        || _        || _        || _        t        |      | _	        || _
        |	| _        g | _        |rdnd}t        |t        j                        r(d|cxk  rdk  rn t#        d      t        |t               rt#        d      |dkD  r |dk(  rt%        j&                  d| d|        t        |t(              s!t+        dt-        |      j.                         |dk  rt#        d	      |dk  rt#        d
      |	dk  rt#        d      |	|k\  rt#        d      |dk(  rd|z  }n)|dk(  rd|z  }n|dk(  r|}n|dk(  r|}nt#        d|z         g | _        g | _        t5        |      D ]  }t5        |      D ]  }|	dkD  r|	n|}|dk(  r|n||z  }t7        t9        j:                  ||ffi |      }t7        t9        j:                  ||ffi |      }t7        t9        j:                  |fi |      }t7        t9        j:                  |fi |      }d}| j                  dk(  r|r||||f}n5||f}n0t7        t9        j:                  |	|ffi |      }|r|||||f}n|||f}|dk(  rdnd}ddg}|r|ddgz  }| j                  dkD  r|dgz  }|D cg c]  }|j=                  ||       }}t?        ||      D ]  \  }}tA        | ||        | j0                  jC                  |       | j2                  jE                  |         | jG                          | jI                          y c c}w )Ndevicedtype   r   r   zbdropout should be a number in range [0, 1] representing the probability of an element being zeroedzdropout option adds dropout after all but last recurrent layer, so non-zero dropout expects num_layers greater than 1, but got dropout=z and num_layers=z(hidden_size should be of type int, got: z%hidden_size must be greater than zeroz$num_layers must be greater than zerozEproj_size should be a positive integer or zero to disable projectionsz,proj_size has to be smaller than hidden_sizer      r      r   r   zUnrecognized RNN mode:  _reverse weight_ih_l{}{}weight_hh_l{}{}bias_ih_l{}{}bias_hh_l{}{}weight_hr_l{}{})%super__init__r'   r(   r)   r*   r+   r,   floatr-   r.   r/   _flat_weight_refs
isinstancenumbersNumberbool
ValueErrorwarningswarnint	TypeErrortype__name___flat_weights_names_all_weightsranger	   torchemptyformatzipsetattrextendappend_init_flat_weightsreset_parameters)selfr'   r(   r)   r*   r+   r,   r-   r.   r/   r3   r4   factory_kwargsnum_directions	gate_sizelayer	directionreal_hidden_sizelayer_input_sizew_ihw_hhb_ihb_hhlayer_paramsw_hrsuffixparam_namesxnameparam	__class__s                                 r   rA   zRNNBase.__init__T   s    %+U;	$&$	&W~*"SU+ 7GNN3$1$   '4( 
 Q;:?MM>>EY G(\+ +s+:4;L;U;U:VW  !DEE?CDDq=W  #KLL6>KIU]KIZ#IZ#I6=>>#% :& +	6E">2 *6	09A9; "'1*J2B^2S ! !KK,< =PP !KK,< =PP !Y!I.!IJ !Y!I.!IJ35>>Q&(,dD$'?(,d|$Y$<OOD (,dD$'E(,dD'9'0A~202CDO_#EEK>>A%$5#66K@KL1qxxv6LL#&{L#A /KD%D$./((//<!!((5U*6+	6Z 	! Ms    Mc                    | j                   D cg c]  }t        | |      rt        | |      nd  c}| _        | j                  D cg c]  }|t	        j
                  |      nd  c}| _        | j                          y c c}w c c}w r   )rO   hasattrgetattr_flat_weightsweakrefrefrC   flatten_parameters)r[   wnws      r   rY   zRNNBase._init_flat_weights   s     ..
 ")r!2GD"<

 @D?Q?Q"
:;amGKKN5"
 	!
"
s   !A? Bc                     t        | d      r8|| j                  v r*| j                  j                  |      }|| j                  |<   t        |   ||       y )NrO   )rp   rO   indexrr   r@   __setattr__)r[   attrvalueidxrn   s       r   rz   zRNNBase.__setattr__   sP    4./DD<T<T4T**006C&+Ds#D%(r!   c                    t        | j                        t        | j                        k7  ry| j                  D ]  }t        |t              r y | j                  d   }|j
                  }| j                  D ]X  }t        |t              rE|j
                  |k(  r6|j                  r*t        j                  j                  j                  |      rX y | j                  D ch c]  }|j                          }}t        |      t        | j                        k7  ryt        j                  j                  |      5  ddlmc m	c m} t        j                          5  t        j"                         r| j$                  rdnd}| j&                  dkD  r|dz  }t        j(                  | j                  || j*                  |j-                  | j.                        | j0                  | j&                  | j2                  | j4                  t7        | j8                        	       ddd       ddd       yc c}w # 1 sw Y   xY w# 1 sw Y   yxY w)zReset parameter data pointer so that they can use faster code paths.

        Right now, this works only if the module is on the GPU and cuDNN is enabled.
        Otherwise, it's a no-op.
        Nr   r6   r5   r   )lenrr   rO   rD   r   r4   is_cudarR   backendscudnnis_acceptabledata_ptrcuda	device_oftorch.backends.cudnn.rnnrnnno_grad_use_cudnn_rnn_flatten_weightr+   r/   _cudnn_rnn_flatten_weightr(   get_cudnn_moder'   r)   r*   r,   rG   r.   )	r[   rw   first_fwr4   fwpunique_data_ptrsr   num_weightss	            r   ru   zRNNBase.flatten_parameters   s    t!!"c$*B*B&CC## 	Aa(	 %%a($$ 	Br6*E)zz~~++99"=	 ''
 JJL
 
  C(:(:$;;ZZ!!(+ 	22  668'+yy!aK~~)#q(33**#**4995((((T//0
	 	
 	 	s+    H*:!H;B>H/H;/H8	4H;;Ic                 V    g | _         t        | 	  ||      }| j                          |S r   )rC   r@   _applyrY   )r[   fnrecurseretrn   s       r   r   zRNNBase._apply  s.    !#gnR)
 	!
r!   c                     | j                   dkD  r"dt        j                  | j                         z  nd}| j                         D ]  }t	        j
                  || |        y Nr   g      ?r)   mathsqrt
parametersr   uniform_r[   stdvweights      r   rZ   zRNNBase.reset_parameters'  R    484D4Dq4HsTYYt//00aoo' 	/FMM&4%.	/r!   inputbatch_sizesc                 ,   t         j                  j                         sv|j                  | j                  d   j                  k7  rPt         j
                  j                         s2t        d| j                  d   j                   d|j                         |dnd}|j                         |k7  rt        d| d|j                                | j                  |j                  d      k7  r*t        d	| j                   d
|j                  d             y )Nr   zinput must have the type z, got type r5   r7   zinput must have z dimensions, got z5input.size(-1) must be equal to input_size. Expected z, got )rR   jitis_scriptingr4   rr   _C_is_any_autocast_enabledrH   r   RuntimeErrorr(   size)r[   r   r   expected_input_dims       r   check_inputzRNNBase.check_input,  s   yy%%'t11!4:::99; /0B0B10E0K0K/LKX]XcXcWde  #."9Qq99;,,"#5"66G		}U  ??ejjn,GGXX^_d_i_ijl_m^no  -r!   c                 6   |t        |d         }n.| j                  r|j                  d      n|j                  d      }| j                  rdnd}| j                  dkD  r| j
                  |z  || j                  f}|S | j
                  |z  || j                  f}|S Nr   r   r5   )rK   r,   r   r.   r/   r*   r)   r[   r   r   
mini_batchr]   expected_hidden_sizes         r   get_expected_hidden_sizez RNNBase.get_expected_hidden_size?  s     "[^,J*.*:*:A

1J"00a>>A.0$  $#	 .0  $ 
 $#r!   hxr   msgc           	          |j                         |k7  r2t        |j                  |t        |j                                           y r   )r   r   rT   list)r[   r   r   r   s       r   check_hidden_sizezRNNBase.check_hidden_sizeU  s9     779,,szz*>RWWYPQQ -r!   c                     d}t        | j                  | j                        D ]3  \  }}t        | |      rt	        | |      nd }|#|& |       |us0d} |S  |S )NFT)rU   rC   rO   rp   rq   )r[   weights_changedrt   rl   r   s        r   _weights_have_changedzRNNBase._weights_have_changed^  so      T33T5M5MN 	IC,3D$,?WT4(TF!co#%v:M"&	
 r!   hiddenc                 p    | j                  ||       | j                  ||      }| j                  ||       y r   )r   r   r   )r[   r   r   r   r   s        r   check_forward_argszRNNBase.check_forward_argsi  s8     	,#<<UKPv';<r!   r   c                 "    ||S t        ||      S r   r$   r[   r   r   s      r   permute_hiddenzRNNBase.permute_hiddenq  s    I!"k22r!   c                 (   d}| j                   dk7  r|dz  }| j                  dk7  r|dz  }| j                  dur|dz  }| j                  dur|d	z  }| j                  dk7  r|d
z  }| j
                  dur|dz  } |j                  di | j                  S )N{input_size}, {hidden_size}r   z, proj_size={proj_size}r   z, num_layers={num_layers}T, bias={bias}Fz, batch_first={batch_first}z, dropout={dropout}z, bidirectional={bidirectional}r8   )r/   r*   r+   r,   r-   r.   rT   __dict__r[   ss     r   
extra_reprzRNNBase.extra_reprv  s    )>>Q**A??a,,A99D  A5(..A<<1&&AU*22Aqxx($--((r!   c                     t         j                  j                         s"| j                         r| j	                          y y y r   )rR   r   r   r   rY   )r[   s    r   _update_flat_weightszRNNBase._update_flat_weights  s4    yy%%'))+'') , (r!   c                 `    | j                          | j                  j                         }|d= |S )NrC   )r   r   copy)r[   states     r   __getstate__zRNNBase.__getstate__  s.    !!#""$%&r!   c           	         t         |   |       d|v r
|d   | _        d|vrd| _        t	        | j                  d   d   t
              s| j                  }| j                  rdnd}g | _        g | _        t        |      D ]S  }t        |      D ]A  }|dk(  rdnd}g d}|D cg c]  }|j                  ||       }}| j                  ry| j                  dkD  r2| xj                  |gz  c_        | j                  j                  |       }| xj                  |d d	 gz  c_        | j                  j                  |d d	        | j                  dkD  rG| xj                  |d d g|d
d  gz   z  c_        | j                  j                  |d d |d
d  gz          | xj                  |d d gz  c_        | j                  j                  |d d        D V | j                  D 	cg c]  }	t        | |	      rt        | |	      nd  c}	| _        | j                  D 
cg c]  }
|
t!        j"                  |
      nd  c}
| _        y c c}w c c}	w c c}
w )Nr0   r/   r   r5   r   r9   r:   )r;   r<   r=   r>   r?   r6   r   )r@   __setstate__rP   r/   rD   strr*   r.   rO   rQ   rT   r+   rW   rp   rq   rr   rs   rt   rC   )r[   dr*   r]   r_   r`   ri   weightsrk   rv   rw   rn   s              r   r   zRNNBase.__setstate__  sS   QA !- 0D aDN$++A.q137J"&"4"4Q!N')D$ "Dz* I!&~!6 II+4>ZrFG AHH1qxxv6HGHyy>>A- --':- 44;;GD --'"1+>- 44;;GBQKH>>A- --'"1+'"#,1OO- 44;; 'wrs|n < !--'"1+>- 44;;GBQKH3II: 22" &-T2%6b!D@"D @D?Q?Q"
:;amGKKN5"
- I""
"
s   $I%!I
 Ic                     | j                   D cg c]  }|D cg c]  }t        | |       c} c}}S c c}w c c}}w r   )rP   rq   )r[   r   r   s      r   r0   zRNNBase.all_weights  s?      ,,
 299vWT6"9
 	
9
s   	:5::c                 t    t         |          }|j                  d d  |_        |j                  d d  |_        |S r   )r@   _replicate_for_data_parallelrr   rO   )r[   replicarn   s     r   r   z$RNNBase._replicate_for_data_parallel  s=    '68 !( 5 5a 8&-&A&A!&D#r!   r   TF        Fr   NNr   N)T)zExpected hidden size {}, got {})$rN   
__module____qualname____doc____constants____jit_unused_properties__r   __annotations__rK   rG   rB   rA   rY   rz   ru   r   rZ   r   r   r   tupler   r   r   r   r   r   r   r   r   propertyr   r	   r0   r   __classcell__rn   s   @r   r   r   0   s   

M "/
IOO
JNN !#y y  y  	y 
 y  y  y  y  y  y  
y v"):x	/
 hv6F 4 &$$*26*:$	sC}	$4 5	RR $CcM2R 	R
 
R	==%+=:B6:J=3 3hv6F 3
)C ) *
1
f 
T$y/2 
 
 r!   r   c                   J    e Zd ZdZe	 	 	 	 	 	 	 	 ddedededededed	ed
eddfd       Z	ed        Z	 fdZ	ee
j                  j                  	 ddedee   deeef   fd              Zee
j                  j                  	 ddedee   deeef   fd              ZddZ xZS )r   a7  __init__(input_size,hidden_size,num_layers=1,nonlinearity='tanh',bias=True,batch_first=False,dropout=0.0,bidirectional=False,device=None,dtype=None)

    Apply a multi-layer Elman RNN with :math:`\tanh` or :math:`\text{ReLU}`
    non-linearity to an input sequence. For each element in the input sequence,
    each layer computes the following function:

    .. math::
        h_t = \tanh(x_t W_{ih}^T + b_{ih} + h_{t-1}W_{hh}^T + b_{hh})

    where :math:`h_t` is the hidden state at time `t`, :math:`x_t` is
    the input at time `t`, and :math:`h_{(t-1)}` is the hidden state of the
    previous layer at time `t-1` or the initial hidden state at time `0`.
    If :attr:`nonlinearity` is ``'relu'``, then :math:`\text{ReLU}` is used instead of :math:`\tanh`.

    .. code-block:: python

        # Efficient implementation equivalent to the following with bidirectional=False
        rnn = nn.RNN(input_size, hidden_size, num_layers)
        params = dict(rnn.named_parameters())
        def forward(x, hx=None, batch_first=False):
            if batch_first:
                x = x.transpose(0, 1)
            seq_len, batch_size, _ = x.size()
            if hx is None:
                hx = torch.zeros(rnn.num_layers, batch_size, rnn.hidden_size)
            h_t_minus_1 = hx.clone()
            h_t = hx.clone()
            output = []
            for t in range(seq_len):
                for layer in range(rnn.num_layers):
                    input_t = x[t] if layer == 0 else h_t[layer - 1]
                    h_t[layer] = torch.tanh(
                        input_t @ params[f"weight_ih_l{layer}"].T
                        + h_t_minus_1[layer] @ params[f"weight_hh_l{layer}"].T
                        + params[f"bias_hh_l{layer}"]
                        + params[f"bias_ih_l{layer}"]
                    )
                output.append(h_t[-1].clone())
                h_t_minus_1 = h_t.clone()
            output = torch.stack(output)
            if batch_first:
                output = output.transpose(0, 1)
            return output, h_t

    Args:
        input_size: The number of expected features in the input `x`
        hidden_size: The number of features in the hidden state `h`
        num_layers: Number of recurrent layers. E.g., setting ``num_layers=2``
            would mean stacking two RNNs together to form a `stacked RNN`,
            with the second RNN taking in outputs of the first RNN and
            computing the final results. Default: 1
        nonlinearity: The non-linearity to use. Can be either ``'tanh'`` or ``'relu'``. Default: ``'tanh'``
        bias: If ``False``, then the layer does not use bias weights `b_ih` and `b_hh`.
            Default: ``True``
        batch_first: If ``True``, then the input and output tensors are provided
            as `(batch, seq, feature)` instead of `(seq, batch, feature)`.
            Note that this does not apply to hidden or cell states. See the
            Inputs/Outputs sections below for details.  Default: ``False``
        dropout: If non-zero, introduces a `Dropout` layer on the outputs of each
            RNN layer except the last layer, with dropout probability equal to
            :attr:`dropout`. Default: 0
        bidirectional: If ``True``, becomes a bidirectional RNN. Default: ``False``

    Inputs: input, hx
        * **input**: tensor of shape :math:`(L, H_{in})` for unbatched input,
          :math:`(L, N, H_{in})` when ``batch_first=False`` or
          :math:`(N, L, H_{in})` when ``batch_first=True`` containing the features of
          the input sequence.  The input can also be a packed variable length sequence.
          See :func:`torch.nn.utils.rnn.pack_padded_sequence` or
          :func:`torch.nn.utils.rnn.pack_sequence` for details.
        * **hx**: tensor of shape :math:`(D * \text{num\_layers}, H_{out})` for unbatched input or
          :math:`(D * \text{num\_layers}, N, H_{out})` containing the initial hidden
          state for the input sequence batch. Defaults to zeros if not provided.

        where:

        .. math::
            \begin{aligned}
                N ={} & \text{batch size} \\
                L ={} & \text{sequence length} \\
                D ={} & 2 \text{ if bidirectional=True otherwise } 1 \\
                H_{in} ={} & \text{input\_size} \\
                H_{out} ={} & \text{hidden\_size}
            \end{aligned}

    Outputs: output, h_n
        * **output**: tensor of shape :math:`(L, D * H_{out})` for unbatched input,
          :math:`(L, N, D * H_{out})` when ``batch_first=False`` or
          :math:`(N, L, D * H_{out})` when ``batch_first=True`` containing the output features
          `(h_t)` from the last layer of the RNN, for each `t`. If a
          :class:`torch.nn.utils.rnn.PackedSequence` has been given as the input, the output
          will also be a packed sequence.
        * **h_n**: tensor of shape :math:`(D * \text{num\_layers}, H_{out})` for unbatched input or
          :math:`(D * \text{num\_layers}, N, H_{out})` containing the final hidden state
          for each element in the batch.

    Attributes:
        weight_ih_l[k]: the learnable input-hidden weights of the k-th layer,
            of shape `(hidden_size, input_size)` for `k = 0`. Otherwise, the shape is
            `(hidden_size, num_directions * hidden_size)`
        weight_hh_l[k]: the learnable hidden-hidden weights of the k-th layer,
            of shape `(hidden_size, hidden_size)`
        bias_ih_l[k]: the learnable input-hidden bias of the k-th layer,
            of shape `(hidden_size)`
        bias_hh_l[k]: the learnable hidden-hidden bias of the k-th layer,
            of shape `(hidden_size)`

    .. note::
        All the weights and biases are initialized from :math:`\mathcal{U}(-\sqrt{k}, \sqrt{k})`
        where :math:`k = \frac{1}{\text{hidden\_size}}`

    .. note::
        For bidirectional RNNs, forward and backward are directions 0 and 1 respectively.
        Example of splitting the output layers when ``batch_first=False``:
        ``output.view(seq_len, batch, num_directions, hidden_size)``.

    .. note::
        ``batch_first`` argument is ignored for unbatched inputs.

    .. include:: ../cudnn_rnn_determinism.rst

    .. include:: ../cudnn_persistent_rnn.rst

    Examples::

        >>> rnn = nn.RNN(10, 20, 2)
        >>> input = torch.randn(5, 3, 10)
        >>> h0 = torch.randn(2, 3, 20)
        >>> output, hn = rnn(input, h0)
    Nr(   r)   r*   nonlinearityr+   r,   r-   r.   r   c                      y r   r8   )r[   r(   r)   r*   r   r+   r,   r-   r.   r3   r4   s              r   rA   zRNN.__init__Z       r!   c                      y r   r8   r[   argskwargss      r   rA   zRNN.__init__i      ),r!   c                 :   d|v rt        d      t        |      dkD  r|d   | _        |d d |dd  z   }n|j                  dd      | _        | j                  dk(  rd}n+| j                  dk(  rd	}nt        d
| j                   d      t	        |   |g|i | y )Nr/   =proj_size argument is only supported for LSTM, not RNN or GRUr7   r6   r   tanhr   relur   zUnknown nonlinearity 'z '. Select from 'tanh' or 'relu'.)rH   r   r   popr@   rA   )r[   r   r   r'   rn   s       r   rA   zRNN.__init__l  s    & O  t9q= $QD8d12h&D &

>6 BD&D&(D():):(;;[\  	///r!   r   r   c                      y r   r8   r[   r   r   s      r   forwardzRNN.forward      
 	r!   c                      y r   r8   r   s      r   r   zRNN.forward  r   r!   c                    | j                          | j                  rdnd}|}t        |t              ri|\  }}}}|d   }|Gt	        j
                  | j                  |z  || j                  |j                  |j                        }n}| j                  ||      }nid }|j                         dvrt        d|j                          d      |j                         dk(  }	| j                  rdnd}
|	sU|j                  |
      }|t|j                         dk7  rt        d	|j                          d
      |j                  d      }n2|0|j                         dk7  rt        d|j                          d
      | j                  r|j!                  d      n|j!                  d      }d }d }|Ft	        j
                  | j                  |z  || j                  |j                  |j                        }n| j                  ||      }|J | j#                  |||       | j$                  dk(  s| j$                  dk(  sJ || j$                  dk(  ret'        j(                  ||| j*                  | j,                  | j                  | j.                  | j0                  | j                  | j                  	      }n&t'        j2                  ||| j*                  | j,                  | j                  | j.                  | j0                  | j                  | j                  	      }n| j$                  dk(  rZt'        j(                  |||| j*                  | j,                  | j                  | j.                  | j0                  | j                  	      }nYt'        j2                  |||| j*                  | j,                  | j                  | j.                  | j0                  | j                  	      }|d   }|d   }t        |t              r"t        ||||      }|| j                  ||      fS 	s"|j5                  
      }|j5                  d      }|| j                  ||      fS )Nr5   r   r   r4   r3   r5   r7   z(RNN: Expected input to be 2D or 3D, got zD tensor insteadr7   7For unbatched 2-D input, hx should also be 2-D but got 	-D tensor5For batched 3-D input, hx should also be 3-D but got r   r   )r   r.   rD   r
   rR   zerosr*   r)   r4   r3   r   r   rH   r,   	unsqueezer   r   r   r'   r   rnn_tanhrr   r+   r-   trainingrnn_relusqueeze)r[   r   r   r]   
orig_inputr   sorted_indicesunsorted_indicesmax_batch_size
is_batched	batch_dimresultoutputr   output_packeds                  r   r   zRNN.forward  s   !!#"00a
j.1CH@E;0@(^Nz[[OOn4"$$++ << ((^<Kyy{&( >uyy{mK[\  )J!--1I	2>vvx1}*UVXV\V\V^U__hi  aB>bffh!m&OPRPVPVPXzYbc  /3.>.>UZZ]EJJqMN!N#z[[OOn4"$$++ << ((^<~~r;7yyJ&$))z*AAAyyJ&&&IIOOLLMM&&$$
 &&IIOOLLMM&&$$
 yyJ&&&IIOOLLMM&&
 &&IIOOLLMM&&
 j.1*^5EM !$"5"5f>N"OOO^^I.F^^A&Ft**63CDDDr!   )r   r   TFr   FNNr   )rN   r   r   r   r   rK   r   rG   rB   rA   rR   _jit_internal_overload_methodr   r   r   r   r
   r   r   s   @r   r   r     sO   AF 
 "!#  	
      
  , ,0( 
))48!)&!1	vv~	 * 
 
))<@#)1&)9	~v%	& * 
~Er!   r   c                       e Zd ZdZe	 	 	 	 	 	 	 	 ddedededededed	ed
eddfd       Zed        Z fdZde	de
e	   deeeef   fdZde	dee	e	f   de
e	   fdZdee	e	f   de
e	   dee	e	f   fdZeej                   j"                  	 dde	de
ee	e	f      dee	ee	e	f   f   fd              Zeej                   j"                  	 ddede
ee	e	f      deeee	e	f   f   fd              ZddZ xZS )r   a/%  __init__(input_size,hidden_size,num_layers=1,bias=True,batch_first=False,dropout=0.0,bidirectional=False,proj_size=0,device=None,dtype=None)

    Apply a multi-layer long short-term memory (LSTM) RNN to an input sequence.
    For each element in the input sequence, each layer computes the following
    function:

    .. math::
        \begin{array}{ll} \\
            i_t = \sigma(W_{ii} x_t + b_{ii} + W_{hi} h_{t-1} + b_{hi}) \\
            f_t = \sigma(W_{if} x_t + b_{if} + W_{hf} h_{t-1} + b_{hf}) \\
            g_t = \tanh(W_{ig} x_t + b_{ig} + W_{hg} h_{t-1} + b_{hg}) \\
            o_t = \sigma(W_{io} x_t + b_{io} + W_{ho} h_{t-1} + b_{ho}) \\
            c_t = f_t \odot c_{t-1} + i_t \odot g_t \\
            h_t = o_t \odot \tanh(c_t) \\
        \end{array}

    where :math:`h_t` is the hidden state at time `t`, :math:`c_t` is the cell
    state at time `t`, :math:`x_t` is the input at time `t`, :math:`h_{t-1}`
    is the hidden state of the layer at time `t-1` or the initial hidden
    state at time `0`, and :math:`i_t`, :math:`f_t`, :math:`g_t`,
    :math:`o_t` are the input, forget, cell, and output gates, respectively.
    :math:`\sigma` is the sigmoid function, and :math:`\odot` is the Hadamard product.

    In a multilayer LSTM, the input :math:`x^{(l)}_t` of the :math:`l` -th layer
    (:math:`l \ge 2`) is the hidden state :math:`h^{(l-1)}_t` of the previous layer multiplied by
    dropout :math:`\delta^{(l-1)}_t` where each :math:`\delta^{(l-1)}_t` is a Bernoulli random
    variable which is :math:`0` with probability :attr:`dropout`.

    If ``proj_size > 0`` is specified, LSTM with projections will be used. This changes
    the LSTM cell in the following way. First, the dimension of :math:`h_t` will be changed from
    ``hidden_size`` to ``proj_size`` (dimensions of :math:`W_{hi}` will be changed accordingly).
    Second, the output hidden state of each layer will be multiplied by a learnable projection
    matrix: :math:`h_t = W_{hr}h_t`. Note that as a consequence of this, the output
    of LSTM network will be of different shape as well. See Inputs/Outputs sections below for exact
    dimensions of all variables. You can find more details in https://arxiv.org/abs/1402.1128.

    Args:
        input_size: The number of expected features in the input `x`
        hidden_size: The number of features in the hidden state `h`
        num_layers: Number of recurrent layers. E.g., setting ``num_layers=2``
            would mean stacking two LSTMs together to form a `stacked LSTM`,
            with the second LSTM taking in outputs of the first LSTM and
            computing the final results. Default: 1
        bias: If ``False``, then the layer does not use bias weights `b_ih` and `b_hh`.
            Default: ``True``
        batch_first: If ``True``, then the input and output tensors are provided
            as `(batch, seq, feature)` instead of `(seq, batch, feature)`.
            Note that this does not apply to hidden or cell states. See the
            Inputs/Outputs sections below for details.  Default: ``False``
        dropout: If non-zero, introduces a `Dropout` layer on the outputs of each
            LSTM layer except the last layer, with dropout probability equal to
            :attr:`dropout`. Default: 0
        bidirectional: If ``True``, becomes a bidirectional LSTM. Default: ``False``
        proj_size: If ``> 0``, will use LSTM with projections of corresponding size. Default: 0

    Inputs: input, (h_0, c_0)
        * **input**: tensor of shape :math:`(L, H_{in})` for unbatched input,
          :math:`(L, N, H_{in})` when ``batch_first=False`` or
          :math:`(N, L, H_{in})` when ``batch_first=True`` containing the features of
          the input sequence.  The input can also be a packed variable length sequence.
          See :func:`torch.nn.utils.rnn.pack_padded_sequence` or
          :func:`torch.nn.utils.rnn.pack_sequence` for details.
        * **h_0**: tensor of shape :math:`(D * \text{num\_layers}, H_{out})` for unbatched input or
          :math:`(D * \text{num\_layers}, N, H_{out})` containing the
          initial hidden state for each element in the input sequence.
          Defaults to zeros if (h_0, c_0) is not provided.
        * **c_0**: tensor of shape :math:`(D * \text{num\_layers}, H_{cell})` for unbatched input or
          :math:`(D * \text{num\_layers}, N, H_{cell})` containing the
          initial cell state for each element in the input sequence.
          Defaults to zeros if (h_0, c_0) is not provided.

        where:

        .. math::
            \begin{aligned}
                N ={} & \text{batch size} \\
                L ={} & \text{sequence length} \\
                D ={} & 2 \text{ if bidirectional=True otherwise } 1 \\
                H_{in} ={} & \text{input\_size} \\
                H_{cell} ={} & \text{hidden\_size} \\
                H_{out} ={} & \text{proj\_size if } \text{proj\_size}>0 \text{ otherwise hidden\_size} \\
            \end{aligned}

    Outputs: output, (h_n, c_n)
        * **output**: tensor of shape :math:`(L, D * H_{out})` for unbatched input,
          :math:`(L, N, D * H_{out})` when ``batch_first=False`` or
          :math:`(N, L, D * H_{out})` when ``batch_first=True`` containing the output features
          `(h_t)` from the last layer of the LSTM, for each `t`. If a
          :class:`torch.nn.utils.rnn.PackedSequence` has been given as the input, the output
          will also be a packed sequence. When ``bidirectional=True``, `output` will contain
          a concatenation of the forward and reverse hidden states at each time step in the sequence.
        * **h_n**: tensor of shape :math:`(D * \text{num\_layers}, H_{out})` for unbatched input or
          :math:`(D * \text{num\_layers}, N, H_{out})` containing the
          final hidden state for each element in the sequence. When ``bidirectional=True``,
          `h_n` will contain a concatenation of the final forward and reverse hidden states, respectively.
        * **c_n**: tensor of shape :math:`(D * \text{num\_layers}, H_{cell})` for unbatched input or
          :math:`(D * \text{num\_layers}, N, H_{cell})` containing the
          final cell state for each element in the sequence. When ``bidirectional=True``,
          `c_n` will contain a concatenation of the final forward and reverse cell states, respectively.

    Attributes:
        weight_ih_l[k] : the learnable input-hidden weights of the :math:`\text{k}^{th}` layer
            `(W_ii|W_if|W_ig|W_io)`, of shape `(4*hidden_size, input_size)` for `k = 0`.
            Otherwise, the shape is `(4*hidden_size, num_directions * hidden_size)`. If
            ``proj_size > 0`` was specified, the shape will be
            `(4*hidden_size, num_directions * proj_size)` for `k > 0`
        weight_hh_l[k] : the learnable hidden-hidden weights of the :math:`\text{k}^{th}` layer
            `(W_hi|W_hf|W_hg|W_ho)`, of shape `(4*hidden_size, hidden_size)`. If ``proj_size > 0``
            was specified, the shape will be `(4*hidden_size, proj_size)`.
        bias_ih_l[k] : the learnable input-hidden bias of the :math:`\text{k}^{th}` layer
            `(b_ii|b_if|b_ig|b_io)`, of shape `(4*hidden_size)`
        bias_hh_l[k] : the learnable hidden-hidden bias of the :math:`\text{k}^{th}` layer
            `(b_hi|b_hf|b_hg|b_ho)`, of shape `(4*hidden_size)`
        weight_hr_l[k] : the learnable projection weights of the :math:`\text{k}^{th}` layer
            of shape `(proj_size, hidden_size)`. Only present when ``proj_size > 0`` was
            specified.
        weight_ih_l[k]_reverse: Analogous to `weight_ih_l[k]` for the reverse direction.
            Only present when ``bidirectional=True``.
        weight_hh_l[k]_reverse:  Analogous to `weight_hh_l[k]` for the reverse direction.
            Only present when ``bidirectional=True``.
        bias_ih_l[k]_reverse:  Analogous to `bias_ih_l[k]` for the reverse direction.
            Only present when ``bidirectional=True``.
        bias_hh_l[k]_reverse:  Analogous to `bias_hh_l[k]` for the reverse direction.
            Only present when ``bidirectional=True``.
        weight_hr_l[k]_reverse:  Analogous to `weight_hr_l[k]` for the reverse direction.
            Only present when ``bidirectional=True`` and ``proj_size > 0`` was specified.

    .. note::
        All the weights and biases are initialized from :math:`\mathcal{U}(-\sqrt{k}, \sqrt{k})`
        where :math:`k = \frac{1}{\text{hidden\_size}}`

    .. note::
        For bidirectional LSTMs, forward and backward are directions 0 and 1 respectively.
        Example of splitting the output layers when ``batch_first=False``:
        ``output.view(seq_len, batch, num_directions, hidden_size)``.

    .. note::
        For bidirectional LSTMs, `h_n` is not equivalent to the last element of `output`; the
        former contains the final forward and reverse hidden states, while the latter contains the
        final forward hidden state and the initial reverse hidden state.

    .. note::
        ``batch_first`` argument is ignored for unbatched inputs.

    .. note::
        ``proj_size`` should be smaller than ``hidden_size``.

    .. include:: ../cudnn_rnn_determinism.rst

    .. include:: ../cudnn_persistent_rnn.rst

    Examples::

        >>> rnn = nn.LSTM(10, 20, 2)
        >>> input = torch.randn(5, 3, 10)
        >>> h0 = torch.randn(2, 3, 20)
        >>> c0 = torch.randn(2, 3, 20)
        >>> output, (hn, cn) = rnn(input, (h0, c0))
    Nr(   r)   r*   r+   r,   r-   r.   r/   r   c                      y r   r8   )r[   r(   r)   r*   r+   r,   r-   r.   r/   r3   r4   s              r   rA   zLSTM.__init__  r   r!   c                      y r   r8   r   s      r   rA   zLSTM.__init__  r   r!   c                 ,    t        |   dg|i | y )Nr   r@   rA   r[   r   r   rn   s      r   rA   zLSTM.__init__  s    1$1&1r!   r   r   c                     |t        |d         }n.| j                  r|j                  d      n|j                  d      }| j                  rdnd}| j                  |z  || j
                  f}|S r   )rK   r,   r   r.   r*   r)   r   s         r   get_expected_cell_sizezLSTM.get_expected_cell_size  sn     "[^,J*.*:*:A

1J"00aOOn, 

 $#r!   r   c                     | j                  ||       | j                  |d   | j                  ||      d       | j                  |d   | j                  ||      d       y )Nr   z"Expected hidden[0] size {}, got {}r   z"Expected hidden[1] size {}, got {})r   r   r   r  )r[   r   r   r   s       r   r   zLSTM.check_forward_args  sf     	,1I))%=0	

 	1I''{;0	
r!   r   r   c                 F    ||S t        |d   |      t        |d   |      fS )Nr   r   r$   r   s      r   r   zLSTM.permute_hidden  s8    
 I!"Q%57IqE;8
 
 	
r!   c                      y r   r8   r   s      r   r   zLSTM.forward  r   r!   c                      y r   r8   r   s      r   r   zLSTM.forward  r   r!   c                 &	   | j                          |}d }| j                  rdnd}| j                  dkD  r| j                  n| j                  }t	        |t
              r|\  }}}}|d   }	|t        j                  | j                  |z  |	||j                  |j                        }
t        j                  | j                  |z  |	| j                  |j                  |j                        }|
|f}nY| j                  ||      }nE|j                         dvrt        d|j                          d      |j                         dk(  }| j                  rdnd}|s|j                  |      }| j                  r|j!                  d      n|j!                  d      }	d }d }|t        j                  | j                  |z  |	||j                  |j                        }
t        j                  | j                  |z  |	| j                  |j                  |j                        }|
|f}| j#                  |||       n|rb|d   j                         dk7  s|d   j                         dk7  rd	|d   j                          d
|d   j                          d}t%        |      |d   j                         dk7  s|d   j                         dk7  r6d|d   j                          d
|d   j                          d}t%        |      |d   j                  d      |d   j                  d      f}| j#                  |||       | j                  ||      }|dt'        j(                  ||| j*                  | j,                  | j                  | j.                  | j0                  | j                  | j                  	      }nYt'        j(                  |||| j*                  | j,                  | j                  | j.                  | j0                  | j                  	      }|d   }|dd  }t	        |t
              r"t        ||||      }|| j                  ||      fS s9|j3                        }|d   j3                  d      |d   j3                  d      f}|| j                  ||      fS )Nr5   r   r   r   r   z)LSTM: Expected input to be 2D or 3D, got 	D insteadr7   z=For batched 3-D input, hx and cx should also be 3-D but got (z-D, z-D) tensorsz?For unbatched 2-D input, hx and cx should also be 2-D but got ()r   r.   r/   r)   rD   r
   rR   r   r*   r4   r3   r   r   rH   r,   r   r   r   r   r   lstmrr   r+   r-   r  r  )r[   r   r   r  r   r]   ra   r  r  r  h_zerosc_zerosr  r	  r   r
  r  r   r  s                      r   r   zLSTM.forward  sI   !!#
"00a-1^^a-?4>>TEUEUj.1CH@E;0@(^Nz++OOn4"$++ <<  ++OOn4"$$++ << w' ((^<yy{&( ?		}IV  )J!--1I	2.2.>.>UZZ]EJJqMN!N#z++OOn4"$++ <<  ++OOn4"$$++ << w'''r;?!uyy{a'2a599;!+;446qEIIK=RUYY[MQ\^  +3//!uyy{a'2a599;!+;446qEIIK=RUYY[MQ\^  +3//Q%//!,beooa.@AB ''r;?((^<XX""		""  
F XX""		""
F j.1*^5EM !$"5"5f>N"OOO	2 )++A.q	0A0A!0DE4..v7GHHHr!   r   r   )rN   r   r   r   r   rK   rG   rB   rA   r   r   r   r  r   r   rR   r  r  r   r
   r   r   s   @r   r   r     s   ^@ 
 !#  	
      
  , ,2$$*26*:$	sC}	$"

 ffn%
 f%	
&	
&&.!	
 f%	
 
vv~			
 
))CG!)%*?!@	vuVV^,,	- *  
))KO#)1%2G)H	~uVV^44	5 * 
uIr!   r   c                   D    e Zd ZdZe	 	 	 	 	 	 	 ddedededededed	ed
dfd       Zed        Z fdZee	j                  j                  	 ddedee   d
eeef   fd              Zee	j                  j                  	 ddedee   d
eeef   fd              ZddZ xZS )r   a  __init__(input_size,hidden_size,num_layers=1,bias=True,batch_first=False,dropout=0.0,bidirectional=False,device=None,dtype=None)

    Apply a multi-layer gated recurrent unit (GRU) RNN to an input sequence.
    For each element in the input sequence, each layer computes the following
    function:

    .. math::
        \begin{array}{ll}
            r_t = \sigma(W_{ir} x_t + b_{ir} + W_{hr} h_{(t-1)} + b_{hr}) \\
            z_t = \sigma(W_{iz} x_t + b_{iz} + W_{hz} h_{(t-1)} + b_{hz}) \\
            n_t = \tanh(W_{in} x_t + b_{in} + r_t \odot (W_{hn} h_{(t-1)}+ b_{hn})) \\
            h_t = (1 - z_t) \odot n_t + z_t \odot h_{(t-1)}
        \end{array}

    where :math:`h_t` is the hidden state at time `t`, :math:`x_t` is the input
    at time `t`, :math:`h_{(t-1)}` is the hidden state of the layer
    at time `t-1` or the initial hidden state at time `0`, and :math:`r_t`,
    :math:`z_t`, :math:`n_t` are the reset, update, and new gates, respectively.
    :math:`\sigma` is the sigmoid function, and :math:`\odot` is the Hadamard product.

    In a multilayer GRU, the input :math:`x^{(l)}_t` of the :math:`l` -th layer
    (:math:`l \ge 2`) is the hidden state :math:`h^{(l-1)}_t` of the previous layer multiplied by
    dropout :math:`\delta^{(l-1)}_t` where each :math:`\delta^{(l-1)}_t` is a Bernoulli random
    variable which is :math:`0` with probability :attr:`dropout`.

    Args:
        input_size: The number of expected features in the input `x`
        hidden_size: The number of features in the hidden state `h`
        num_layers: Number of recurrent layers. E.g., setting ``num_layers=2``
            would mean stacking two GRUs together to form a `stacked GRU`,
            with the second GRU taking in outputs of the first GRU and
            computing the final results. Default: 1
        bias: If ``False``, then the layer does not use bias weights `b_ih` and `b_hh`.
            Default: ``True``
        batch_first: If ``True``, then the input and output tensors are provided
            as `(batch, seq, feature)` instead of `(seq, batch, feature)`.
            Note that this does not apply to hidden or cell states. See the
            Inputs/Outputs sections below for details.  Default: ``False``
        dropout: If non-zero, introduces a `Dropout` layer on the outputs of each
            GRU layer except the last layer, with dropout probability equal to
            :attr:`dropout`. Default: 0
        bidirectional: If ``True``, becomes a bidirectional GRU. Default: ``False``

    Inputs: input, h_0
        * **input**: tensor of shape :math:`(L, H_{in})` for unbatched input,
          :math:`(L, N, H_{in})` when ``batch_first=False`` or
          :math:`(N, L, H_{in})` when ``batch_first=True`` containing the features of
          the input sequence.  The input can also be a packed variable length sequence.
          See :func:`torch.nn.utils.rnn.pack_padded_sequence` or
          :func:`torch.nn.utils.rnn.pack_sequence` for details.
        * **h_0**: tensor of shape :math:`(D * \text{num\_layers}, H_{out})` or
          :math:`(D * \text{num\_layers}, N, H_{out})`
          containing the initial hidden state for the input sequence. Defaults to zeros if not provided.

        where:

        .. math::
            \begin{aligned}
                N ={} & \text{batch size} \\
                L ={} & \text{sequence length} \\
                D ={} & 2 \text{ if bidirectional=True otherwise } 1 \\
                H_{in} ={} & \text{input\_size} \\
                H_{out} ={} & \text{hidden\_size}
            \end{aligned}

    Outputs: output, h_n
        * **output**: tensor of shape :math:`(L, D * H_{out})` for unbatched input,
          :math:`(L, N, D * H_{out})` when ``batch_first=False`` or
          :math:`(N, L, D * H_{out})` when ``batch_first=True`` containing the output features
          `(h_t)` from the last layer of the GRU, for each `t`. If a
          :class:`torch.nn.utils.rnn.PackedSequence` has been given as the input, the output
          will also be a packed sequence.
        * **h_n**: tensor of shape :math:`(D * \text{num\_layers}, H_{out})` or
          :math:`(D * \text{num\_layers}, N, H_{out})` containing the final hidden state
          for the input sequence.

    Attributes:
        weight_ih_l[k] : the learnable input-hidden weights of the :math:`\text{k}^{th}` layer
            (W_ir|W_iz|W_in), of shape `(3*hidden_size, input_size)` for `k = 0`.
            Otherwise, the shape is `(3*hidden_size, num_directions * hidden_size)`
        weight_hh_l[k] : the learnable hidden-hidden weights of the :math:`\text{k}^{th}` layer
            (W_hr|W_hz|W_hn), of shape `(3*hidden_size, hidden_size)`
        bias_ih_l[k] : the learnable input-hidden bias of the :math:`\text{k}^{th}` layer
            (b_ir|b_iz|b_in), of shape `(3*hidden_size)`
        bias_hh_l[k] : the learnable hidden-hidden bias of the :math:`\text{k}^{th}` layer
            (b_hr|b_hz|b_hn), of shape `(3*hidden_size)`

    .. note::
        All the weights and biases are initialized from :math:`\mathcal{U}(-\sqrt{k}, \sqrt{k})`
        where :math:`k = \frac{1}{\text{hidden\_size}}`

    .. note::
        For bidirectional GRUs, forward and backward are directions 0 and 1 respectively.
        Example of splitting the output layers when ``batch_first=False``:
        ``output.view(seq_len, batch, num_directions, hidden_size)``.

    .. note::
        ``batch_first`` argument is ignored for unbatched inputs.

    .. note::
        The calculation of new gate :math:`n_t` subtly differs from the original paper and other frameworks.
        In the original implementation, the Hadamard product :math:`(\odot)` between :math:`r_t` and the
        previous hidden state :math:`h_{(t-1)}` is done before the multiplication with the weight matrix
        `W` and addition of bias:

        .. math::
            \begin{aligned}
                n_t = \tanh(W_{in} x_t + b_{in} + W_{hn} ( r_t \odot h_{(t-1)} ) + b_{hn})
            \end{aligned}

        This is in contrast to PyTorch implementation, which is done after :math:`W_{hn} h_{(t-1)}`

        .. math::
            \begin{aligned}
                n_t = \tanh(W_{in} x_t + b_{in} + r_t \odot (W_{hn} h_{(t-1)}+ b_{hn}))
            \end{aligned}

        This implementation differs on purpose for efficiency.

    .. include:: ../cudnn_persistent_rnn.rst

    Examples::

        >>> rnn = nn.GRU(10, 20, 2)
        >>> input = torch.randn(5, 3, 10)
        >>> h0 = torch.randn(2, 3, 20)
        >>> output, hn = rnn(input, h0)
    Nr(   r)   r*   r+   r,   r-   r.   r   c
                      y r   r8   )
r[   r(   r)   r*   r+   r,   r-   r.   r3   r4   s
             r   rA   zGRU.__init__  s     r!   c                      y r   r8   r   s      r   rA   zGRU.__init__  r   r!   c                 J    d|v rt        d      t        |   dg|i | y )Nr/   r   r   )rH   r@   rA   r  s      r   rA   zGRU.__init__  s4    & O  	000r!   r   r   c                      y r   r8   r   s      r   r   zGRU.forward$  r   r!   c                      y r   r8   r   s      r   r   zGRU.forward+  r   r!   c                    | j                          |}t        |t              ry|\  }}}}|d   }|W| j                  rdnd}t	        j
                  | j                  |z  || j                  |j                  |j                        }n| j                  ||      }nyd }|j                         dvrt        d|j                          d      |j                         dk(  }	| j                  rdnd}
|	sU|j                  |
      }|t|j                         dk7  rt        d	|j                          d
      |j                  d      }n2|0|j                         dk7  rt        d|j                          d
      | j                  r|j!                  d      n|j!                  d      }d }d }|V| j                  rdnd}t	        j
                  | j                  |z  || j                  |j                  |j                        }n| j                  ||      }| j#                  |||       |dt%        j&                  ||| j(                  | j*                  | j                  | j,                  | j.                  | j                  | j                  	      }nYt%        j&                  |||| j(                  | j*                  | j                  | j,                  | j.                  | j                  	      }|d   }|d   }t        |t              r"t        ||||      }|| j                  ||      fS 	s"|j1                  
      }|j1                  d      }|| j                  ||      fS )Nr   r5   r   r   r   z(GRU: Expected input to be 2D or 3D, got r  r7   r   r   r   )r   rD   r
   r.   rR   r   r*   r)   r4   r3   r   r   rH   r,   r   r   r   r   r   grurr   r+   r-   r  r  )r[   r   r   r  r   r  r  r  r]   r  r	  r
  r  r   r  s                  r   r   zGRU.forward2  s)   !!#
j.1CH@E;0@(^Nz&*&8&8a[[OOn4"$$++ << ((^<Kyy{&( >uyy{m9U  )J!--1I	2>vvx1}*UVXV\V\V^U__hi  aB>bffh!m&OPRPVPVPXzYbc  /3.>.>UZZ]EJJqMN!N#z&*&8&8a[[OOn4"$$++ << ((^<r;7WW""		""  
F WW""		""
F  j.1*^5EM !$"5"5f>N"OOO	2*4..v7GHHHr!   )r   TFr   FNNr   )rN   r   r   r   r   rK   rG   rB   rA   rR   r  r  r   r   r   r   r
   r   r   s   @r   r   r     sB   B 
 !#  	
     
  , ,1 
))48!)&!1	vv~	 * 
 
))<@#)1&)9	~v%	& * 
bIr!   r   c                        e Zd ZU g dZeed<   eed<   eed<   eed<   eed<   	 	 ddedededed	df
 fd
Zd	e	fdZ
ddZ xZS )r   )r(   r)   r+   r(   r)   r+   	weight_ih	weight_hhN
num_chunksr   c                    ||d}t         |           || _        || _        || _        t        t        j                  ||z  |ffi |      | _        t        t        j                  ||z  |ffi |      | _	        |rOt        t        j                  ||z  fi |      | _
        t        t        j                  ||z  fi |      | _        n$| j                  dd        | j                  dd        | j                          y )Nr2   bias_ihbias_hh)r@   rA   r(   r)   r+   r	   rR   rS   r)  r*  r-  r.  register_parameterrZ   )	r[   r(   r)   r+   r+  r3   r4   r\   rn   s	           r   rA   zRNNCellBase.__init__  s     %+U;$&	"KKk1:>Q.Q
 #KKk1;?R>R
 $J4GGDL %J4GGDL ##It4##It4r!   c                     d}d| j                   v r| j                  dur|dz  }d| j                   v r| j                  dk7  r|dz  } |j                  di | j                   S )	Nr   r+   Tr   r   r   z, nonlinearity={nonlinearity}r8   )r   r+   r   rT   r   s     r   r   zRNNCellBase.extra_repr  sd    )T]]"tyy'< AT]]*t/@/@F/J00Aqxx($--((r!   c                     | j                   dkD  r"dt        j                  | j                         z  nd}| j                         D ]  }t	        j
                  || |        y r   r   r   s      r   rZ   zRNNCellBase.reset_parameters  r   r!   )NNr   )rN   r   r   r   rK   r   rG   r   rA   r   r   rZ   r   r   s   @r   r   r     ss    9MO
J      	 
   
 B)C )/r!   r   c                   r     e Zd ZU dZg dZeed<   	 	 	 	 ddededededdf
 fd	Z	dd
e
dee
   de
fdZ xZS )r   ar  An Elman RNN cell with tanh or ReLU non-linearity.

    .. math::

        h' = \tanh(W_{ih} x + b_{ih}  +  W_{hh} h + b_{hh})

    If :attr:`nonlinearity` is `'relu'`, then ReLU is used in place of tanh.

    Args:
        input_size: The number of expected features in the input `x`
        hidden_size: The number of features in the hidden state `h`
        bias: If ``False``, then the layer does not use bias weights `b_ih` and `b_hh`.
            Default: ``True``
        nonlinearity: The non-linearity to use. Can be either ``'tanh'`` or ``'relu'``. Default: ``'tanh'``

    Inputs: input, hidden
        - **input**: tensor containing input features
        - **hidden**: tensor containing the initial hidden state
          Defaults to zero if not provided.

    Outputs: h'
        - **h'** of shape `(batch, hidden_size)`: tensor containing the next hidden state
          for each element in the batch

    Shape:
        - input: :math:`(N, H_{in})` or :math:`(H_{in})` tensor containing input features where
          :math:`H_{in}` = `input_size`.
        - hidden: :math:`(N, H_{out})` or :math:`(H_{out})` tensor containing the initial hidden
          state where :math:`H_{out}` = `hidden_size`. Defaults to zero if not provided.
        - output: :math:`(N, H_{out})` or :math:`(H_{out})` tensor containing the next hidden state.

    Attributes:
        weight_ih: the learnable input-hidden weights, of shape
            `(hidden_size, input_size)`
        weight_hh: the learnable hidden-hidden weights, of shape
            `(hidden_size, hidden_size)`
        bias_ih: the learnable input-hidden bias, of shape `(hidden_size)`
        bias_hh: the learnable hidden-hidden bias, of shape `(hidden_size)`

    .. note::
        All the weights and biases are initialized from :math:`\mathcal{U}(-\sqrt{k}, \sqrt{k})`
        where :math:`k = \frac{1}{\text{hidden\_size}}`

    Examples::

        >>> rnn = nn.RNNCell(10, 20)
        >>> input = torch.randn(6, 3, 10)
        >>> hx = torch.randn(3, 20)
        >>> output = []
        >>> for i in range(6):
        ...     hx = rnn(input[i], hx)
        ...     output.append(hx)
    )r(   r)   r+   r   r   Nr(   r)   r+   r   c                 F    ||d}t        |   |||fddi| || _        y )Nr2   r+  r   )r@   rA   r   )	r[   r(   r)   r+   r   r3   r4   r\   rn   s	           r   rA   zRNNCell.__init__  s2     %+U;[$W1WW(r!   r   r   c                 p   |j                         dvrt        d|j                          d      |/|j                         dvrt        d|j                          d      |j                         dk(  }|s|j                  d      }|Gt        j                  |j                  d      | j                  |j                  |j                        }n|s|j                  d      n|}| j                  dk(  rCt        j                  ||| j                  | j                  | j                  | j                        }nl| j                  d	k(  rCt        j                   ||| j                  | j                  | j                  | j                        }n|}t#        d
| j                         |s|j%                  d      }|S )Nr   r5   z,RNNCell: Expected input to be 1D or 2D, got r  z-RNNCell: Expected hidden to be 1D or 2D, got r5   r   r   r   r   zUnknown nonlinearity: )r   rH   r   rR   r   r   r)   r4   r3   r   r   rnn_tanh_cellr)  r*  r-  r.  rnn_relu_cellr   r  r[   r   r   r  r   s        r   r   zRNNCell.forward  s   99;f$>uyy{m9U  >bffhf4?zS  YY[A%
OOA&E:

1t//u{{5<<B )3aB&##C &(##C C!78I8I7JKLL++a.C
r!   )Tr   NNr   )rN   r   r   r   r   r   r   rK   rG   rA   r   r   r   r   r   s   @r   r   r     sy    4l JM ")) ) 	)
 ) 
)-V -&)9 -V -r!   r   c            	       n     e Zd ZdZ	 	 	 ddedededdf fdZ	 dded	ee	eef      de	eef   fd
Z
 xZS )r   a2
  A long short-term memory (LSTM) cell.

    .. math::

        \begin{array}{ll}
        i = \sigma(W_{ii} x + b_{ii} + W_{hi} h + b_{hi}) \\
        f = \sigma(W_{if} x + b_{if} + W_{hf} h + b_{hf}) \\
        g = \tanh(W_{ig} x + b_{ig} + W_{hg} h + b_{hg}) \\
        o = \sigma(W_{io} x + b_{io} + W_{ho} h + b_{ho}) \\
        c' = f \odot c + i \odot g \\
        h' = o \odot \tanh(c') \\
        \end{array}

    where :math:`\sigma` is the sigmoid function, and :math:`\odot` is the Hadamard product.

    Args:
        input_size: The number of expected features in the input `x`
        hidden_size: The number of features in the hidden state `h`
        bias: If ``False``, then the layer does not use bias weights `b_ih` and
            `b_hh`. Default: ``True``

    Inputs: input, (h_0, c_0)
        - **input** of shape `(batch, input_size)` or `(input_size)`: tensor containing input features
        - **h_0** of shape `(batch, hidden_size)` or `(hidden_size)`: tensor containing the initial hidden state
        - **c_0** of shape `(batch, hidden_size)` or `(hidden_size)`: tensor containing the initial cell state

          If `(h_0, c_0)` is not provided, both **h_0** and **c_0** default to zero.

    Outputs: (h_1, c_1)
        - **h_1** of shape `(batch, hidden_size)` or `(hidden_size)`: tensor containing the next hidden state
        - **c_1** of shape `(batch, hidden_size)` or `(hidden_size)`: tensor containing the next cell state

    Attributes:
        weight_ih: the learnable input-hidden weights, of shape
            `(4*hidden_size, input_size)`
        weight_hh: the learnable hidden-hidden weights, of shape
            `(4*hidden_size, hidden_size)`
        bias_ih: the learnable input-hidden bias, of shape `(4*hidden_size)`
        bias_hh: the learnable hidden-hidden bias, of shape `(4*hidden_size)`

    .. note::
        All the weights and biases are initialized from :math:`\mathcal{U}(-\sqrt{k}, \sqrt{k})`
        where :math:`k = \frac{1}{\text{hidden\_size}}`

    On certain ROCm devices, when using float16 inputs this module will use :ref:`different precision<fp16_on_mi200>` for backward.

    Examples::

        >>> rnn = nn.LSTMCell(10, 20)  # (input_size, hidden_size)
        >>> input = torch.randn(2, 3, 10)  # (time_steps, batch, input_size)
        >>> hx = torch.randn(3, 20)  # (batch, hidden_size)
        >>> cx = torch.randn(3, 20)
        >>> output = []
        >>> for i in range(input.size()[0]):
        ...     hx, cx = rnn(input[i], (hx, cx))
        ...     output.append(hx)
        >>> output = torch.stack(output, dim=0)
    Nr(   r)   r+   r   c                 8    ||d}t        |   |||fddi| y )Nr2   r+  r6   r  r[   r(   r)   r+   r3   r4   r\   rn   s          r   rA   zLSTMCell.__init__  *     %+U;[$W1WWr!   r   r   c                    |j                         dvrt        d|j                          d      |Et        |      D ]7  \  }}|j                         dvst        d| d|j                          d       |j                         dk(  }|s|j                  d      }|Kt	        j
                  |j                  d      | j                  |j                  |j                        }||f}n,|s(|d   j                  d      |d	   j                  d      fn|}t        j                  ||| j                  | j                  | j                  | j                        }|s(|d   j!                  d      |d	   j!                  d      f}|S )
Nr5  z-LSTMCell: Expected input to be 1D or 2D, got r  zLSTMCell: Expected hx[z] to be 1D or 2D, got r5   r   r   r   )r   rH   	enumerater   rR   r   r   r)   r4   r3   r   	lstm_cellr)  r*  r-  r.  r  )r[   r   r   r}   r|   r  r   r   s           r   r   zLSTMCell.forward  sk    99;f$?		}IV  >'m 
U99;f,$05KEIIK=Xab 
 YY[A%
OOA&E:KK

1t//u{{5<<E BAK"Q%//!$beooa&89QSBmmNNNNLLLL
 q6>>!$c!fnnQ&78C
r!   TNNr   )rN   r   r   r   rK   rG   rA   r   r   r   r   r   r   s   @r   r   r   H  s    9~ 	X	X 	X 		X 
	X DH$$!)%*?!@$	vv~	$r!   r   c            	       X     e Zd ZdZ	 	 	 ddedededdf fdZdded	ee   defd
Z	 xZ
S )r   az	  A gated recurrent unit (GRU) cell.

    .. math::

        \begin{array}{ll}
        r = \sigma(W_{ir} x + b_{ir} + W_{hr} h + b_{hr}) \\
        z = \sigma(W_{iz} x + b_{iz} + W_{hz} h + b_{hz}) \\
        n = \tanh(W_{in} x + b_{in} + r \odot (W_{hn} h + b_{hn})) \\
        h' = (1 - z) \odot n + z \odot h
        \end{array}

    where :math:`\sigma` is the sigmoid function, and :math:`\odot` is the Hadamard product.

    Args:
        input_size: The number of expected features in the input `x`
        hidden_size: The number of features in the hidden state `h`
        bias: If ``False``, then the layer does not use bias weights `b_ih` and
            `b_hh`. Default: ``True``

    Inputs: input, hidden
        - **input** : tensor containing input features
        - **hidden** : tensor containing the initial hidden
          state for each element in the batch.
          Defaults to zero if not provided.

    Outputs: h'
        - **h'** : tensor containing the next hidden state
          for each element in the batch

    Shape:
        - input: :math:`(N, H_{in})` or :math:`(H_{in})` tensor containing input features where
          :math:`H_{in}` = `input_size`.
        - hidden: :math:`(N, H_{out})` or :math:`(H_{out})` tensor containing the initial hidden
          state where :math:`H_{out}` = `hidden_size`. Defaults to zero if not provided.
        - output: :math:`(N, H_{out})` or :math:`(H_{out})` tensor containing the next hidden state.

    Attributes:
        weight_ih: the learnable input-hidden weights, of shape
            `(3*hidden_size, input_size)`
        weight_hh: the learnable hidden-hidden weights, of shape
            `(3*hidden_size, hidden_size)`
        bias_ih: the learnable input-hidden bias, of shape `(3*hidden_size)`
        bias_hh: the learnable hidden-hidden bias, of shape `(3*hidden_size)`

    .. note::
        All the weights and biases are initialized from :math:`\mathcal{U}(-\sqrt{k}, \sqrt{k})`
        where :math:`k = \frac{1}{\text{hidden\_size}}`

    On certain ROCm devices, when using float16 inputs this module will use :ref:`different precision<fp16_on_mi200>` for backward.

    Examples::

        >>> rnn = nn.GRUCell(10, 20)
        >>> input = torch.randn(6, 3, 10)
        >>> hx = torch.randn(3, 20)
        >>> output = []
        >>> for i in range(6):
        ...     hx = rnn(input[i], hx)
        ...     output.append(hx)
    Nr(   r)   r+   r   c                 8    ||d}t        |   |||fddi| y )Nr2   r+  r7   r  r;  s          r   rA   zGRUCell.__init__  r<  r!   r   r   c                 x   |j                         dvrt        d|j                          d      |/|j                         dvrt        d|j                          d      |j                         dk(  }|s|j                  d      }|Gt        j                  |j                  d      | j                  |j                  |j                        }n|s|j                  d      n|}t        j                  ||| j                  | j                  | j                  | j                        }|s|j                  d      }|S )Nr5  z,GRUCell: Expected input to be 1D or 2D, got r  z-GRUCell: Expected hidden to be 1D or 2D, got r5   r   r   )r   rH   r   rR   r   r   r)   r4   r3   r   gru_cellr)  r*  r-  r.  r  r8  s        r   r   zGRUCell.forward  s   99;f$>uyy{m9U  >bffhf4?zS  YY[A%
OOA&E:

1t//u{{5<<B )3aBllNNNNLLLL
 ++a.C
r!   r@  r   )rN   r   r   r   rK   rG   rA   r   r   r   r   r   s   @r   r   r     sc    ;B 	X	X 	X 		X 
	X V  &)9  V  r!   r   )r   )$r   rE   rI   rs   typingr   r   typing_extensionsr   rR   r   r   torch.nnr   torch.nn.parameterr	   torch.nn.utils.rnnr
   moduler   __all__r   r  
_rnn_implsrK   r    FutureWarningr%   r   r   r   r   r   r   r   r   r8   r!   r   <module>rN     s        % (    ( - 	 
1v 1F 1 1V 1 c8f 86 8 8F 8	8cf cLvE' vEN
jI7 jIZJI' JIZ7/& 7/ttk tnk{ k\ik ir!   