NCE¶
- class paddle.fluid.dygraph.nn. NCE ( num_total_classes, dim, sample_weight=None, param_attr=None, bias_attr=None, num_neg_samples=None, sampler='uniform', custom_dist=None, seed=0, is_sparse=False, dtype='float32' ) [source]
- 
         This interface is used to construct a callable object of the NCEclass. For more details, refer to code examples. It implements the function of theNCEloss function. By default this function uses a uniform distribution for sampling, and it compute and return the noise-contrastive estimation training loss. See Noise-contrastive estimation: A new estimation principle for unnormalized statistical models .- Parameters
- 
           - num_total_classes (int) – Total number of classes in all samples. 
- dim (int) – Dimension of input (possibly embedding dim). 
- param_attr (ParamAttr, optional) – The parameter attribute for learnable weights(Parameter) of nce. If it is set to None or one attribute of ParamAttr, nce will create ParamAttr as param_attr. If the Initializer of the param_attr is not set, the parameter is initialized with Xavier. Default: None. 
- bias_attr (ParamAttr or bool, optional) – The attribute for the bias of nce. If it is set to False, no bias will be added to the output units. If it is set to None or one attribute of ParamAttr, nce will create ParamAttr as bias_attr. If the Initializer of the bias_attr is not set, the bias is initialized zero. Default: None. 
- num_neg_samples (int, optional) – The number of negative classes. The default value is 10. 
- sampler (str, optional) – The sampler used to sample class from negative classes. It can be ‘uniform’, ‘log_uniform’ or ‘custom_dist’. default: ‘uniform’. 
- custom_dist (float[], optional) – A float[] with size=num_total_classes. It is used when sampler is set to ‘custom_dist’. custom_dist[i] is the probability of i-th class to be sampled. Default: None. 
- seed (int, optional) – The seed used in sampler. Default: 0. 
- is_sparse (bool, optional) – The flag indicating whether to use sparse update. If is_sparse is True, the weight@GRAD and bias@GRAD will be changed to SelectedRows. Default: False. 
- dtype (str, optional) – Data type, it can be “float32” or “float64”. Default: “float32”. 
 
 - Attribute:
- 
           weight (Parameter): the learnable weights of this layer. bias (Parameter or None): the learnable bias of this layer. 
 - Returns
- 
           None 
 Examples import numpy as np import paddle.fluid as fluid window_size = 5 dict_size = 20 label_word = int(window_size // 2) + 1 inp_word = np.array([[1], [2], [3], [4], [5]]).astype('int64') nid_freq_arr = np.random.dirichlet(np.ones(20) * 1000).astype('float32') with fluid.dygraph.guard(): words = [] for i in range(window_size): words.append(fluid.dygraph.base.to_variable(inp_word[i])) emb = fluid.Embedding( size=[dict_size, 32], param_attr='emb.w', is_sparse=False) embs3 = [] for i in range(window_size): if i == label_word: continue emb_rlt = emb(words[i]) embs3.append(emb_rlt) embs3 = fluid.layers.concat(input=embs3, axis=1) nce = fluid.NCE( num_total_classes=dict_size, dim=embs3.shape[1], num_neg_samples=2, sampler="custom_dist", custom_dist=nid_freq_arr.tolist(), seed=1, param_attr='nce.w', bias_attr='nce.b') wl = fluid.layers.unsqueeze(words[label_word], axes=[0]) nce_loss3 = nce(embs3, wl) - 
            
           forward
           (
           input, 
           label, 
           sample_weight=None
           )
           forward¶
- 
           Defines the computation performed at every call. Should be overridden by all subclasses. - Parameters
- 
             - *inputs (tuple) – unpacked tuple arguments 
- **kwargs (dict) – unpacked dict arguments 
 
 
 - 
            
           add_parameter
           (
           name, 
           parameter
           )
           add_parameter¶
- 
           Adds a Parameter instance. Added parameter can be accessed by self.name - Parameters
- 
             - name (str) – name of this sublayer. 
- parameter (Parameter) – an instance of Parameter. 
 
- Returns
- 
             the parameter passed in. 
- Return type
- 
             Parameter 
 Examples import paddle class MyLayer(paddle.nn.Layer): def __init__(self): super(MyLayer, self).__init__() self._linear = paddle.nn.Linear(1, 1) w_tmp = self.create_parameter([1,1]) self.add_parameter("w_tmp", w_tmp) def forward(self, input): return self._linear(input) mylayer = MyLayer() for name, param in mylayer.named_parameters(): print(name, param) # will print w_tmp,_linear.weight,_linear.bias 
 - 
            
           add_sublayer
           (
           name, 
           sublayer
           )
           add_sublayer¶
- 
           Adds a sub Layer instance. Added sublayer can be accessed by self.name - Parameters
- 
             - name (str) – name of this sublayer. 
- sublayer (Layer) – an instance of Layer. 
 
- Returns
- 
             the sublayer passed in. 
- Return type
- 
             Layer 
 Examples import paddle class MySequential(paddle.nn.Layer): def __init__(self, *layers): super(MySequential, self).__init__() if len(layers) > 0 and isinstance(layers[0], tuple): for name, layer in layers: self.add_sublayer(name, layer) else: for idx, layer in enumerate(layers): self.add_sublayer(str(idx), layer) def forward(self, input): for layer in self._sub_layers.values(): input = layer(input) return input fc1 = paddle.nn.Linear(10, 3) fc2 = paddle.nn.Linear(3, 10, bias_attr=False) model = MySequential(fc1, fc2) for prefix, layer in model.named_sublayers(): print(prefix, layer) 
 - 
            
           apply
           (
           fn
           )
           apply¶
- 
           Applies fnrecursively to every sublayer (as returned by.sublayers()) as well as self. Typical use includes initializing the parameters of a model.- Parameters
- 
             fn (function) – a function to be applied to each sublayer 
- Returns
- 
             self 
- Return type
- 
             Layer 
 - Example::
- 
             import paddle import paddle.nn as nn net = nn.Sequential(nn.Linear(2, 2), nn.Linear(2, 2)) def init_weights(layer): if type(layer) == nn.Linear: print('before init weight:', layer.weight.numpy()) new_weight = paddle.full(shape=layer.weight.shape, dtype=layer.weight.dtype, fill_value=0.9) layer.weight.set_value(new_weight) print('after init weight:', layer.weight.numpy()) net.apply(init_weights) print(net.state_dict()) 
 
 - 
            
           buffers
           (
           include_sublayers=True
           )
           buffers¶
- 
           Returns a list of all buffers from current layer and its sub-layers. - Parameters
- 
             include_sublayers (bool, optional) – Whether include the buffers of sublayers. If True, also include the buffers from sublayers. Default: True 
- Returns
- 
             a list of buffers. 
- Return type
- 
             list of Tensor 
 Examples import numpy as np import paddle linear = paddle.nn.Linear(10, 3) value = np.array([0]).astype("float32") buffer = paddle.to_tensor(value) linear.register_buffer("buf_name", buffer, persistable=True) print(linear.buffers()) # == print([linear.buf_name]) 
 - 
            
           children
           (
           )
           children¶
- 
           Returns an iterator over immediate children layers. - Yields
- 
             Layer – a child layer 
 Examples import paddle linear1 = paddle.nn.Linear(10, 3) linear2 = paddle.nn.Linear(3, 10, bias_attr=False) model = paddle.nn.Sequential(linear1, linear2) layer_list = list(model.children()) print(layer_list) # [<paddle.nn.layer.common.Linear object at 0x7f7b8113f830>, <paddle.nn.layer.common.Linear object at 0x7f7b8113f950>] 
 - 
            
           clear_gradients
           (
           )
           clear_gradients¶
- 
           Clear the gradients of all parameters for this layer. - Returns
- 
             None 
 Examples import paddle import numpy as np value = np.arange(26).reshape(2, 13).astype("float32") a = paddle.to_tensor(value) linear = paddle.nn.Linear(13, 5) adam = paddle.optimizer.Adam(learning_rate=0.01, parameters=linear.parameters()) out = linear(a) out.backward() adam.step() linear.clear_gradients() 
 - 
            
           create_parameter
           (
           shape, 
           attr=None, 
           dtype=None, 
           is_bias=False, 
           default_initializer=None
           )
           create_parameter¶
- 
           Create parameters for this layer. - Parameters
- 
             - shape (list) – Shape of the parameter. 
- attr (ParamAttr, optional) – Parameter attribute of weight. Please refer to ParamAttr. Default: None. 
- dtype (str, optional) – Data type of this parameter. If set str, it can be “bool”, “float16”, “float32”, “float64”, “int8”, “int16”, “int32”, “int64”, “uint8” or “uint16”. Default: “float32”. 
- is_bias (bool, optional) – if this is a bias parameter. Default: False. 
- default_initializer (Initializer, optional) – the default initializer for this parameter. If set None, default initializer will be set to paddle.nn.initializer.Xavier and paddle.nn.initializer.Constant for non-bias and bias parameter, respectively. Default: None. 
 
- Returns
- 
             Tensor, created parameter. 
 Examples import paddle class MyLayer(paddle.nn.Layer): def __init__(self): super(MyLayer, self).__init__() self._linear = paddle.nn.Linear(1, 1) w_tmp = self.create_parameter([1,1]) self.add_parameter("w_tmp", w_tmp) def forward(self, input): return self._linear(input) mylayer = MyLayer() for name, param in mylayer.named_parameters(): print(name, param) # will print w_tmp,_linear.weight,_linear.bias 
 - 
            
           create_tensor
           (
           name=None, 
           persistable=None, 
           dtype=None
           )
           create_tensor¶
- 
           Create Tensor for this layer. - Parameters
- 
             - name (str, optional) – name of the tensor. Please refer to Name . Default: None 
- persistable (bool, optional) – if set this tensor persistable. Default: False 
- dtype (str, optional) – data type of this parameter. If set str, it can be “bool”, “float16”, “float32”, “float64”, “int8”, “int16”, “int32”, “int64”, “uint8” or “uint16”. If set None, it will be “float32”. Default: None 
 
- Returns
- 
             Tensor, created Tensor. 
 Examples import paddle class MyLinear(paddle.nn.Layer): def __init__(self, in_features, out_features): super(MyLinear, self).__init__() self.linear = paddle.nn.Linear( 10, 10) self.back_var = self.create_tensor(name = "linear_tmp_0", dtype=self._dtype) def forward(self, input): out = self.linear(input) paddle.assign( out, self.back_var) return out 
 - 
            
           create_variable
           (
           name=None, 
           persistable=None, 
           dtype=None
           )
           create_variable¶
- 
           Create Tensor for this layer. - Parameters
- 
             - name (str, optional) – name of the tensor. Please refer to Name . Default: None 
- persistable (bool, optional) – if set this tensor persistable. Default: False 
- dtype (str, optional) – data type of this parameter. If set str, it can be “bool”, “float16”, “float32”, “float64”,”int8”, “int16”, “int32”, “int64”, “uint8” or “uint16”. If set None, it will be “float32”. Default: None 
 
- Returns
- 
             Tensor, created Tensor. 
 Examples import paddle class MyLinear(paddle.nn.Layer): def __init__(self, in_features, out_features): super(MyLinear, self).__init__() self.linear = paddle.nn.Linear( 10, 10) self.back_var = self.create_variable(name = "linear_tmp_0", dtype=self._dtype) def forward(self, input): out = self.linear(input) paddle.assign( out, self.back_var) return out 
 - 
            
           eval
           (
           )
           eval¶
- 
           Sets this Layer and all its sublayers to evaluation mode. This only effects certain modules like Dropout and BatchNorm. - Returns
- 
             None 
 - Example::
- 
             import paddle class MyLayer(paddle.nn.Layer): def __init__(self): super(MyLayer, self).__init__() self._linear = paddle.nn.Linear(1, 1) self._dropout = paddle.nn.Dropout(p=0.5) def forward(self, input): temp = self._linear(input) temp = self._dropout(temp) return temp x = paddle.randn([10, 1], 'float32') mylayer = MyLayer() mylayer.eval() # set mylayer._dropout to eval mode out = mylayer(x) print(out) 
 
 - 
            
           extra_repr
           (
           )
           extra_repr¶
- 
           Extra representation of this layer, you can have custom implementation of your own layer. 
 - 
            
           full_name
           (
           )
           full_name¶
- 
           Full name for this layer, composed by name_scope + “/” + MyLayer.__class__.__name__ - Returns
- 
             full name of this layer. 
- Return type
- 
             str 
 - Example::
- 
             import paddle class LinearNet(paddle.nn.Layer): def __init__(self): super(LinearNet, self).__init__(name_scope = "demo_linear_net") self._linear = paddle.nn.Linear(1, 1) def forward(self, x): return self._linear(x) linear_net = LinearNet() print(linear_net.full_name()) # demo_linear_net_0 
 
 - 
            
           load_dict
           (
           state_dict, 
           use_structured_name=True
           )
           load_dict¶
- 
           Set parameters and persistable buffers from state_dict. All the parameters and buffers will be reset by the tensor in the state_dict - Parameters
- 
             - state_dict (dict) – Dict contains all the parameters and persistable buffers. 
- use_structured_name (bool, optional) – If true, use structured name as key, otherwise, use parameter or buffer name as key. Default: True 
 
- Returns
- 
             None 
 Examples import paddle emb = paddle.nn.Embedding(10, 10) state_dict = emb.state_dict() paddle.save(state_dict, "paddle_dy.pdparams") para_state_dict = paddle.load("paddle_dy.pdparams") emb.set_state_dict(para_state_dict) 
 - 
            
           named_buffers
           (
           prefix='', 
           include_sublayers=True
           )
           named_buffers¶
- 
           Returns an iterator over all buffers in the Layer, yielding tuple of name and Tensor. - Parameters
- 
             - prefix (str, optional) – Prefix to prepend to all buffer names. Default: ‘’. 
- include_sublayers (bool, optional) – Whether include the buffers of sublayers. If True, also include the named buffers from sublayers. Default: True. 
 
- Yields
- 
             (string, Tensor) – Tuple of name and tensor 
 Examples import numpy as np import paddle fc1 = paddle.nn.Linear(10, 3) buffer1 = paddle.to_tensor(np.array([0]).astype("float32")) # register a tensor as buffer by specific `persistable` fc1.register_buffer("buf_name_1", buffer1, persistable=True) fc2 = paddle.nn.Linear(3, 10) buffer2 = paddle.to_tensor(np.array([1]).astype("float32")) # register a buffer by assigning an attribute with Tensor. # The `persistable` can only be False by this way. fc2.buf_name_2 = buffer2 model = paddle.nn.Sequential(fc1, fc2) # get all named buffers for name, buffer in model.named_buffers(): print(name, buffer) 
 - 
            
           named_children
           (
           )
           named_children¶
- 
           Returns an iterator over immediate children layers, yielding both the name of the layer as well as the layer itself. - Yields
- 
             (string, Layer) – Tuple containing a name and child layer 
 Examples import paddle linear1 = paddle.nn.Linear(10, 3) linear2 = paddle.nn.Linear(3, 10, bias_attr=False) model = paddle.nn.Sequential(linear1, linear2) for prefix, layer in model.named_children(): print(prefix, layer) # ('0', <paddle.nn.layer.common.Linear object at 0x7fb61ed85830>) # ('1', <paddle.nn.layer.common.Linear object at 0x7fb61ed85950>) 
 - 
            
           named_parameters
           (
           prefix='', 
           include_sublayers=True
           )
           named_parameters¶
- 
           Returns an iterator over all parameters in the Layer, yielding tuple of name and parameter. - Parameters
- 
             - prefix (str, optional) – Prefix to prepend to all parameter names. Default: ‘’. 
- include_sublayers (bool, optional) – Whether include the parameters of sublayers. If True, also include the named parameters from sublayers. Default: True. 
 
- Yields
- 
             (string, Parameter) – Tuple of name and Parameter 
 Examples import paddle fc1 = paddle.nn.Linear(10, 3) fc2 = paddle.nn.Linear(3, 10, bias_attr=False) model = paddle.nn.Sequential(fc1, fc2) for name, param in model.named_parameters(): print(name, param) 
 - 
            
           named_sublayers
           (
           prefix='', 
           include_self=False, 
           layers_set=None
           )
           named_sublayers¶
- 
           Returns an iterator over all sublayers in the Layer, yielding tuple of name and sublayer. The duplicate sublayer will only be yielded once. - Parameters
- 
             - prefix (str, optional) – Prefix to prepend to all parameter names. Default: ‘’. 
- include_self (bool, optional) – Whether include the Layer itself. Default: False. 
- layers_set (set, optional) – The set to record duplicate sublayers. Default: None. 
 
- Yields
- 
             (string, Layer) – Tuple of name and Layer 
 Examples import paddle fc1 = paddle.nn.Linear(10, 3) fc2 = paddle.nn.Linear(3, 10, bias_attr=False) model = paddle.nn.Sequential(fc1, fc2) for prefix, layer in model.named_sublayers(): print(prefix, layer) 
 - 
            
           parameters
           (
           include_sublayers=True
           )
           parameters¶
- 
           Returns a list of all Parameters from current layer and its sub-layers. - Returns
- 
             a list of Parameters. 
- Return type
- 
             list of Tensor 
 Examples import paddle linear = paddle.nn.Linear(1,1) print(linear.parameters()) # print linear_0.w_0 and linear_0.b_0 
 - 
            
           register_buffer
           (
           name, 
           tensor, 
           persistable=True
           )
           register_buffer¶
- 
           Registers a tensor as buffer into the layer. buffer is a non-trainable tensor and will not be updated by optimizer, but is necessary for evaluation and inference. For example, the mean and variance in BatchNorm layers. The registered buffer is persistable by default, and will be saved into state_dict alongside parameters. If set persistable=False, it registers a non-persistable buffer, so that it will not be a part of state_dict . Buffers can be accessed as attributes using given names. - Parameters
- 
             - name (string) – name of the buffer. The buffer can be accessed from this layer using the given name 
- tensor (Tensor) – the tensor to be registered as buffer. 
- persistable (bool) – whether the buffer is part of this layer’s state_dict. 
 
- Returns
- 
             None 
 Examples import numpy as np import paddle linear = paddle.nn.Linear(10, 3) value = np.array([0]).astype("float32") buffer = paddle.to_tensor(value) linear.register_buffer("buf_name", buffer, persistable=True) # get the buffer by attribute. print(linear.buf_name) 
 - 
            
           register_forward_post_hook
           (
           hook
           )
           register_forward_post_hook¶
- 
           Register a forward post-hook for Layer. The hook will be called after forward function has been computed. It should have the following form, input and output of the hook is input and output of the Layer respectively. User can use forward post-hook to change the output of the Layer or perform information statistics tasks on the Layer. hook(Layer, input, output) -> None or modified output - Parameters
- 
             hook (function) – a function registered as a forward post-hook 
- Returns
- 
             a HookRemoveHelper object that can be used to remove the added hook by calling hook_remove_helper.remove() . 
- Return type
- 
             HookRemoveHelper 
 Examples import paddle import numpy as np # the forward_post_hook change the output of the layer: output = output * 2 def forward_post_hook(layer, input, output): # user can use layer, input and output for information statistis tasks # change the output return output * 2 linear = paddle.nn.Linear(13, 5) # register the hook forward_post_hook_handle = linear.register_forward_post_hook(forward_post_hook) value1 = np.arange(26).reshape(2, 13).astype("float32") in1 = paddle.to_tensor(value1) out0 = linear(in1) # remove the hook forward_post_hook_handle.remove() out1 = linear(in1) # hook change the linear's output to output * 2, so out0 is equal to out1 * 2. assert (out0.numpy() == (out1.numpy()) * 2).any() 
 - 
            
           register_forward_pre_hook
           (
           hook
           )
           register_forward_pre_hook¶
- 
           Register a forward pre-hook for Layer. The hook will be called before forward function has been computed. It should have the following form, input of the hook is input of the Layer, hook can either return a tuple or a single modified value in the hook. We will wrap the value into a tuple if a single value is returned(unless that value is already a tuple). User can use forward pre-hook to change the input of the Layer or perform information statistics tasks on the Layer. hook(Layer, input) -> None or modified input - Parameters
- 
             hook (function) – a function registered as a forward pre-hook 
- Returns
- 
             a HookRemoveHelper object that can be used to remove the added hook by calling hook_remove_helper.remove() . 
- Return type
- 
             HookRemoveHelper 
 Examples import paddle import numpy as np # the forward_post_hook change the input of the layer: input = input * 2 def forward_pre_hook(layer, input): # user can use layer and input for information statistis tasks # change the input input_return = (input[0] * 2) return input_return linear = paddle.nn.Linear(13, 5) # register the hook forward_pre_hook_handle = linear.register_forward_pre_hook(forward_pre_hook) value0 = np.arange(26).reshape(2, 13).astype("float32") in0 = paddle.to_tensor(value0) out0 = linear(in0) # remove the hook forward_pre_hook_handle.remove() value1 = value0 * 2 in1 = paddle.to_tensor(value1) out1 = linear(in1) # hook change the linear's input to input * 2, so out0 is equal to out1. assert (out0.numpy() == out1.numpy()).any() 
 - 
            
           set_dict
           (
           state_dict, 
           use_structured_name=True
           )
           set_dict¶
- 
           Set parameters and persistable buffers from state_dict. All the parameters and buffers will be reset by the tensor in the state_dict - Parameters
- 
             - state_dict (dict) – Dict contains all the parameters and persistable buffers. 
- use_structured_name (bool, optional) – If true, use structured name as key, otherwise, use parameter or buffer name as key. Default: True 
 
- Returns
- 
             None 
 Examples import paddle emb = paddle.nn.Embedding(10, 10) state_dict = emb.state_dict() paddle.save(state_dict, "paddle_dy.pdparams") para_state_dict = paddle.load("paddle_dy.pdparams") emb.set_state_dict(para_state_dict) 
 - 
            
           set_state_dict
           (
           state_dict, 
           use_structured_name=True
           )
           set_state_dict¶
- 
           Set parameters and persistable buffers from state_dict. All the parameters and buffers will be reset by the tensor in the state_dict - Parameters
- 
             - state_dict (dict) – Dict contains all the parameters and persistable buffers. 
- use_structured_name (bool, optional) – If true, use structured name as key, otherwise, use parameter or buffer name as key. Default: True 
 
- Returns
- 
             None 
 Examples import paddle emb = paddle.nn.Embedding(10, 10) state_dict = emb.state_dict() paddle.save(state_dict, "paddle_dy.pdparams") para_state_dict = paddle.load("paddle_dy.pdparams") emb.set_state_dict(para_state_dict) 
 - 
            
           state_dict
           (
           destination=None, 
           include_sublayers=True, 
           structured_name_prefix=''
           )
           state_dict¶
- 
           Get all parameters and persistable buffers of current layer and its sub-layers. And set them into a dict - Parameters
- 
             - destination (dict, optional) – If provide, all the parameters and persistable buffers will be set to this dict . Default: None 
- include_sublayers (bool, optional) – If true, also include the parameters and persistable buffers from sublayers. Default: True 
 
 - Retruns:
- 
             dict: a dict contains all the parameters and persistable buffers. 
 Examples import paddle emb = paddle.nn.Embedding(10, 10) state_dict = emb.state_dict() paddle.save( state_dict, "paddle_dy.pdparams") 
 - 
            
           sublayers
           (
           include_self=False
           )
           sublayers¶
- 
           Returns a list of sub layers. - Parameters
- 
             include_self (bool, optional) – Whether return self as sublayers. Default: False 
- Returns
- 
             a list of sub layers. 
- Return type
- 
             list of Layer 
 Examples import paddle class MyLayer(paddle.nn.Layer): def __init__(self): super(MyLayer, self).__init__() self._linear = paddle.nn.Linear(1, 1) self._dropout = paddle.nn.Dropout(p=0.5) def forward(self, input): temp = self._linear(input) temp = self._dropout(temp) return temp mylayer = MyLayer() print(mylayer.sublayers()) # [<paddle.nn.layer.common.Linear object at 0x7f44b58977d0>, <paddle.nn.layer.common.Dropout object at 0x7f44b58978f0>] 
 - 
            
           to
           (
           device=None, 
           dtype=None, 
           blocking=None
           )
           to¶
- 
           Cast the parameters and buffers of Layer by the give device, dtype and blocking. - Parameters
- 
             - device (str|paddle.CPUPlace()|paddle.CUDAPlace()|paddle.CUDAPinnedPlace()|paddle.XPUPlace()|None, optional) – The device of the Layer which want to be stored. 
- None (If) – 
- string (the device is the same with the original Tensor. If device is) – 
- cpu (it can be) – 
- xpu:x (gpu:x and) – 
- the (where x is) – 
- Default (index of the GPUs or XPUs.) – None. 
- dtype (str|numpy.dtype|paddle.dtype|None, optional) – The type of the data. If None, the dtype is the same with the original Tensor. Default: None. 
- blocking (bool|None, optional) – If False and the source is in pinned memory, the copy will be asynchronous with respect to the host. Otherwise, the argument has no effect. If None, the blocking is set True. Default: None. 
 
- Returns
- 
             self 
 Examples # required: skip import paddle linear=paddle.nn.Linear(2, 2) linear.weight #Parameter containing: #Tensor(shape=[2, 2], dtype=float32, place=CUDAPlace(0), stop_gradient=False, # [[-0.32770029, 0.38653070], # [ 0.46030545, 0.08158520]]) linear.to(dtype='float64') linear.weight #Tenor(shape=[2, 2], dtype=float64, place=CUDAPlace(0), stop_gradient=False, # [[-0.32770029, 0.38653070], # [ 0.46030545, 0.08158520]]) linear.to(device='cpu') linear.weight #Tensor(shape=[2, 2], dtype=float64, place=CPUPlace, stop_gradient=False, # [[-0.32770029, 0.38653070], # [ 0.46030545, 0.08158520]]) linear.to(device=paddle.CUDAPinnedPlace(), blocking=False) linear.weight #Tensor(shape=[2, 2], dtype=float64, place=CUDAPinnedPlace, stop_gradient=False, # [[-0.04989364, -0.56889004], # [ 0.33960250, 0.96878713]]) 
 - 
            
           to_static_state_dict
           (
           destination=None, 
           include_sublayers=True, 
           structured_name_prefix=''
           )
           to_static_state_dict¶
- 
           Get all parameters and buffers of current layer and its sub-layers. And set them into a dict - Parameters
- 
             - destination (dict, optional) – If provide, all the parameters and persistable buffers will be set to this dict . Default: None 
- include_sublayers (bool, optional) – If true, also include the parameters and persistable buffers from sublayers. Default: True 
 
 - Retruns:
- 
             dict: a dict contains all the parameters and persistable buffers. 
 Examples import paddle emb = paddle.nn.Embedding(10, 10) state_dict = emb.to_static_state_dict() paddle.save( state_dict, "paddle_dy.pdparams") 
 - 
            
           train
           (
           )
           train¶
- 
           Sets this Layer and all its sublayers to training mode. This only effects certain modules like Dropout and BatchNorm. - Returns
- 
             None 
 - Example::
- 
             import paddle class MyLayer(paddle.nn.Layer): def __init__(self): super(MyLayer, self).__init__() self._linear = paddle.nn.Linear(1, 1) self._dropout = paddle.nn.Dropout(p=0.5) def forward(self, input): temp = self._linear(input) temp = self._dropout(temp) return temp x = paddle.randn([10, 1], 'float32') mylayer = MyLayer() mylayer.eval() # set mylayer._dropout to eval mode out = mylayer(x) mylayer.train() # set mylayer._dropout to train mode out = mylayer(x) 
 
 
