diff --git a/develop/doc/api/v2/fluid/evaluator.html b/develop/doc/api/v2/fluid/evaluator.html index a44ce3e959248a2e9571b73618657d77a065b379..844b2dff3c15b10e97cb93f93fd3caf6fc82f631 100644 --- a/develop/doc/api/v2/fluid/evaluator.html +++ b/develop/doc/api/v2/fluid/evaluator.html @@ -220,75 +220,6 @@

Evaluator

Evaluator

-
-
-class paddle.v2.fluid.evaluator.Evaluator(name, **kwargs)
-

Base Class for all evaluators

- --- - - - -
Parameters:
    -
  • name (str) – The name of evaluator. such as, “accuracy”. Used for generate -temporary variable name.
  • -
  • main_program (Program, optional) – The evaluator should be added to this -main_program. Default default_main_program()
  • -
  • startup_program (Program, optional) – The parameter should be added to this -startup_program. Default default_startup_program()
  • -
-
-
-
-states
-

list – The list of state variables. states will be reset to zero -when reset is invoked.

-
- -
-
-metrics
-

list – The list of metrics variables. They will be calculate -every mini-batch

-
- -
-
-reset(executor, reset_program=None)
-

reset metric states at the begin of each pass/user specified batch

-
- -
-
-eval(executor, eval_program=None)
-

Evaluate the statistics merged by multiple mini-batches.

-
- -
-
-create_state(suffix, dtype, shape)
-

Create state variable.

-

NOTE: It is not a public API.

- --- - - - -
Parameters:
    -
  • suffix (str) – the state suffix.
  • -
  • dtype (str|core.DataType) – the state data type
  • -
  • shape (tuple|list) – the shape of state
  • -
-
-

Returns: State variable

-
- -
-
diff --git a/develop/doc/api/v2/fluid/initializer.html b/develop/doc/api/v2/fluid/initializer.html index d248f2294035d199826e93344386875d86fadd34..4c8471387cc60e38227de46f78514bd472713e5e 100644 --- a/develop/doc/api/v2/fluid/initializer.html +++ b/develop/doc/api/v2/fluid/initializer.html @@ -220,90 +220,21 @@

Initializer

Initializer

-
-
-class paddle.v2.fluid.initializer.Initializer
-

Base class for variable initializers

-

Defines the common interface of variable initializers. -They add operations to the init program that are used -to initialize variables. Users should not use this class -directly, but need to use one of its implementations.

-
-

ConstantInitializer

-
-
-class paddle.v2.fluid.initializer.ConstantInitializer(value=0.0)
-

Implements the constant initializer

-
-

UniformInitializer

-
-
-class paddle.v2.fluid.initializer.UniformInitializer(low=-1.0, high=1.0, seed=0)
-

Implements the random uniform distribution initializer

-
-

NormalInitializer

-
-
-class paddle.v2.fluid.initializer.NormalInitializer(loc=0.0, scale=1.0, seed=0)
-

Implements the random Normal(Gaussian) distribution initializer

-
-

XavierInitializer

-
-
-class paddle.v2.fluid.initializer.XavierInitializer(uniform=True, fan_in=None, fan_out=None, seed=0)
-

Implements the Xavier initializer

-

This class implements the Xavier weight initializer from the paper -Understanding the difficulty of training deep feedforward neural -networks[1] by Xavier Glorot and Yoshua Bengio.

-

This initializer is designed to keep the scale of the gradients -approximately same in all the layers. In case of Uniform distribution, -the range is [-x, x], where x = sqrt(6 / (fan_in + fan_out)). -In case of Normal distribution, the mean is 0 and the standard deviation -is sqrt(2/ (fan_in + fan_out)).

-

References

-
-
[1] Understanding the difficulty of training deep feedforward neural
-
networks. International conference on artificial intelligence and -statistics. -(http://proceedings.mlr.press/v9/glorot10a.html)
-
-
-

MSRAInitializer

-
-
-class paddle.v2.fluid.initializer.MSRAInitializer(uniform=True, fan_in=None, seed=0)
-

Implements the MSRA initializer a.k.a. Kaiming Initializer

-

This class implements the weight initialization from the paper -Delving Deep into Rectifiers: Surpassing Human-Level Performance on -ImageNet Classification[1] by Kaiming He, Xiangyu Zhang, Shaoqing Ren -and Jian Sun. This is a robust initialization method that particularly -considers the rectifier nonlinearities. In case of Uniform distribution, -the range is [-x, x], where x = sqrt(6 / fan_in). In case of Normal -distribution, the mean is 0 and the standard deviation -is sqrt(2/ fan_in).

-

References

-
-
[1] Delving Deep into Rectifiers: Surpassing Human-Level Performance
-
on ImageNet Classification -(https://arxiv.org/abs/1502.01852)
-
-
-
diff --git a/develop/doc/api/v2/fluid/io.html b/develop/doc/api/v2/fluid/io.html index 35c0fe2639bd14afebf1cac317cf3910ee8c4d71..2df6631041203c20799a0482f93a7e6960349304 100644 --- a/develop/doc/api/v2/fluid/io.html +++ b/develop/doc/api/v2/fluid/io.html @@ -220,23 +220,6 @@

IO

is_parameter

-
-
-paddle.v2.fluid.io.is_parameter(var)
-

Check whether the variable is a Parameter.

-

This function checks whether the input variable is a Parameter.

- --- - - - - - -
Parameters:var – The input variable.
Returns:boolean result whether the variable is a Parameter.
-
-
diff --git a/develop/doc/api/v2/fluid/layers.html b/develop/doc/api/v2/fluid/layers.html index 57991fe49b85ef01c7de410e4df861b8c6f6fea3..118799fa0024a31a2dd749207fc082df4e6331b2 100644 --- a/develop/doc/api/v2/fluid/layers.html +++ b/develop/doc/api/v2/fluid/layers.html @@ -220,3185 +220,273 @@

Layers

fc

-
-
-paddle.v2.fluid.layers.fc(input, size, num_flatten_dims=1, param_attr=None, bias_attr=None, act=None, name=None)
-

Fully Connected Layer

-

The fully connected layer can take multiple tensors as its inputs. It -creates a variable (one for each input tensor) called weights for each input -tensor, which represents a fully connected weight matrix from each input -unit to each output unit. The fully connected layer multiplies each input -tensor with its coresponding weight to produce an output Tensor. If -multiple input tensors are given, the results of multiple multiplications -will be sumed up. If bias_attr is not None, a biases variable will be -created and added to the output. Finally, if activation is not None, -it will be applied to the output as well.

-

This process can be formulated as follows:

-
-\[Out = Act({\sum_{i=0}^{N-1}W_iX_i + b})\]
-

In the above equation:

-
    -
  • \(N\): Number of the input.
  • -
  • \(X_i\): The input tensor.
  • -
  • \(W\): The weights created by this layer.
  • -
  • \(b\): The bias parameter created by this layer (if needed).
  • -
  • \(Act\): The activation funtion.
  • -
  • \(Out\): The output tensor.
  • -
- --- - - - - - - - - - -
Parameters:
    -
  • input (Variable|list) – The input tensor(s) to the fully connected layer.
  • -
  • size (int) – The number of output units in the fully connected layer.
  • -
  • num_flatten_dims (int) – The fc layer can accept an input tensor with more -than two dimensions. If this happens, the -multidimensional tensor will first be flattened -into a 2-dimensional matrix. The parameter -num_flatten_dims determines how the input tensor -is flattened: the first num_flatten_dims -dimensions will be flatten to form the first -dimension of the final matrix (height of the -matrix), and the rest rank(X) - num_flatten_dims -dimensions are flattened to form the second -dimension of the final matrix (width of the matrix). -For example, suppose X is a 6-dimensional tensor -with a shape [2, 3, 4, 5, 6], and -num_flatten_dims = 3. Then, the flattened matrix -will have a shape [2 x 3 x 4, 5 x 6] = [24, 30]. -By default, num_flatten_dims is set to 1.
  • -
  • param_attr (ParamAttr|list) – The parameter attribute for learnable -parameters/weights of the fully connected -layer.
  • -
  • param_initializer (ParamAttr|list) – The initializer used for the -weight/parameter. If set None, -XavierInitializer() will be used.
  • -
  • bias_attr (ParamAttr|list) – The parameter attribute for the bias parameter -for this layer. If set None, no bias will be -added to the output units.
  • -
  • bias_initializer (ParamAttr|list) – The initializer used for the bias. -If set None, then ConstantInitializer() -will be used.
  • -
  • act (str) – Activation to be applied to the output of the fully connected -layer.
  • -
  • name (str) – Name/alias of the fully connected layer.
  • -
-
Returns:

The output tensor variable.

-
Return type:

Variable

-
Raises:

ValueError – If rank of the input tensor is less than 2.

-
-

Examples

-
data = fluid.layers.data(name="data", shape=[32, 32], dtype="float32")
-fc = fluid.layers.fc(input=data, size=1000, act="tanh")
-
-
-
-

embedding

-
-
-paddle.v2.fluid.layers.embedding(input, size, is_sparse=False, param_attr=None, dtype='float32')
-

Embedding Layer

-

This layer is used to lookup a vector of IDs, provided by input, in a lookup table. -The result of this lookup is the embedding of each ID in the input.

-

All the input variables are passed in as local variables to the LayerHelper -constructor.

- --- - - - - - - - -
Parameters:
    -
  • input (Variable) – Input to the function
  • -
  • size (tuple|list|None) – Shape of the look up table parameter
  • -
  • is_sparse (bool) – Boolean flag that specifying whether the input is sparse
  • -
  • param_attr (ParamAttr) – Parameters for this layer
  • -
  • dtype (np.dtype|core.DataType|str) – The type of data : float32, float_16, int etc
  • -
-
Returns:

The tensor variable storing the embeddings of the supplied inputs.

-
Return type:

Variable

-
-

Examples

-
dict_size = len(dataset.ids)
-data = fluid.layers.data(name='ids', shape=[32, 32], dtype='float32')
-fc = fluid.layers.embedding(input=data, size=[dict_size, 16])
-
-
-
-

dynamic_lstm

-
-
-paddle.v2.fluid.layers.dynamic_lstm(input, size, param_attr=None, bias_attr=None, use_peepholes=True, is_reverse=False, gate_activation='sigmoid', cell_activation='tanh', candidate_activation='tanh', dtype='float32')
-

Dynamic LSTM Layer

-

The defalut implementation is diagonal/peephole connection -(https://arxiv.org/pdf/1402.1128.pdf), the formula is as follows:

-
-\[ \begin{align}\begin{aligned}i_t & = \sigma(W_{ix}x_{t} + W_{ih}h_{t-1} + W_{ic}c_{t-1} + b_i)\\f_t & = \sigma(W_{fx}x_{t} + W_{fh}h_{t-1} + W_{fc}c_{t-1} + b_f)\\\tilde{c_t} & = act_g(W_{cx}x_t + W_{ch}h_{t-1} + b_c)\\o_t & = \sigma(W_{ox}x_{t} + W_{oh}h_{t-1} + W_{oc}c_t + b_o)\\c_t & = f_t \odot c_{t-1} + i_t \odot \tilde{c_t}\\h_t & = o_t \odot act_h(c_t)\end{aligned}\end{align} \]
-

where the \(W\) terms denote weight matrices (e.g. \(W_{xi}\) is -the matrix of weights from the input gate to the input), \(W_{ic}, W_{fc}, W_{oc}\) are diagonal weight matrices for peephole connections. In -our implementation, we use vectors to reprenset these diagonal weight -matrices. The \(b\) terms denote bias vectors (\(b_i\) is the input -gate bias vector), \(\sigma\) is the non-line activations, such as -logistic sigmoid function, and \(i, f, o\) and \(c\) are the input -gate, forget gate, output gate, and cell activation vectors, respectively, -all of which have the same size as the cell output activation vector \(h\).

-

The \(\odot\) is the element-wise product of the vectors. \(act_g\) -and \(act_h\) are the cell input and cell output activation functions -and tanh is usually used for them. \(\tilde{c_t}\) is also called -candidate hidden state, which is computed based on the current input and -the previous hidden state.

-

Set use_peepholes to False to disable peephole connection. The formula -is omitted here, please refer to the paper -http://www.bioinf.jku.at/publications/older/2604.pdf for details.

-

Note that these \(W_{xi}x_{t}, W_{xf}x_{t}, W_{xc}x_{t}, W_{xo}x_{t}\) -operations on the input \(x_{t}\) are NOT included in this operator. -Users can choose to use fully-connect layer before LSTM layer.

- --- - - - - - - - -
Parameters:
    -
  • input (Variable) – The input of dynamic_lstm layer, which supports -variable-time length input sequence. The underlying -tensor in this Variable is a matrix with shape -(T X 4D), where T is the total time steps in this -mini-batch, D is the hidden size.
  • -
  • size (int) – 4 * hidden size.
  • -
  • param_attr (ParamAttr) –

    The parameter attribute for the learnable -hidden-hidden weights.

    -
      -
    • The shape is (D x 4D), where D is the hidden -size.
    • -
    • Weights = {\(W_{ch}, W_{ih}, W_{fh}, W_{oh}\)}
    • -
    -
  • -
  • bias_attr (ParamAttr) –

    The bias attribute for the learnable bias -weights, which contains two parts, input-hidden -bias weights and peephole connections weights if -setting use_peepholes to True.

    -
      -
    1. use_peepholes = False
    2. -
    -
    -
      -
    • The shape is (1 x 4D).
    • -
    • Biases = {\(b_c, b_i, b_f, b_o\)}.
    • -
    -
    -
      -
    1. use_peepholes = True
    2. -
    -
    -
      -
    • The shape is (1 x 7D).
    • -
    • Biases = { \(b_c, b_i, b_f, b_o, W_{ic}, W_{fc}, W_{oc}\)}.
    • -
    -
    -
  • -
  • use_peepholes (bool) – Whether to enable diagonal/peephole connections, -default True.
  • -
  • is_reverse (bool) – Whether to compute reversed LSTM, default False.
  • -
  • gate_activation (str) – The activation for input gate, forget gate and -output gate. Choices = [“sigmoid”, “tanh”, “relu”, -“identity”], default “sigmoid”.
  • -
  • cell_activation (str) – The activation for cell output. Choices = [“sigmoid”, -“tanh”, “relu”, “identity”], default “tanh”.
  • -
  • candidate_activation (str) – The activation for candidate hidden state. -Choices = [“sigmoid”, “tanh”, “relu”, “identity”], -default “tanh”.
  • -
  • dtype (str) – Data type. Choices = [“float32”, “float64”], default “float32”.
  • -
-
Returns:

The hidden state, and cell state of LSTM. The shape of both is (T x D), and lod is the same with the input.

-
Return type:

tuple

-
-

Examples

-
hidden_dim = 512
-forward_proj = fluid.layers.fc(input=input_seq, size=hidden_dim * 4,
-                               act=None, bias_attr=None)
-forward, _ = fluid.layers.dynamic_lstm(
-    input=forward_proj, size=hidden_dim * 4, use_peepholes=False)
-
-
-
-

data

-
-
-paddle.v2.fluid.layers.data(name, shape, append_batch_size=True, dtype='float32', lod_level=0, type=VarType.LOD_TENSOR, stop_gradient=True)
-

Data Layer

-

This function takes in the input and based on whether data has -to be returned back as a minibatch, it creates the global variable by using -the helper functions. The global variables can be accessed by all the -following operators in the graph.

-

All the input variables of this function are passed in as local variables -to the LayerHelper constructor.

- --- - - - - - - - -
Parameters:
    -
  • name (str) – The name/alias of the function
  • -
  • shape (list) – Tuple declaring the shape.
  • -
  • append_batch_size (bool) – Whether or not to append the data as a batch.
  • -
  • dtype (int|float) – The type of data : float32, float_16, int etc
  • -
  • type (VarType) – The output type. By default it is LOD_TENSOR.
  • -
  • lod_level (int) – The LoD Level. 0 means the input data is not a sequence.
  • -
  • main_program (Program) – Name of the main program that calls this
  • -
  • startup_program (Program) – Name of the startup program
  • -
  • stop_gradient (bool) – A boolean that mentions whether gradient should flow.
  • -
-
Returns:

The global variable that gives access to the data.

-
Return type:

Variable

-
-

Examples

-
data = fluid.layers.data(name='x', shape=[784], dtype='float32')
-
-
-
-

mean

-
-
-paddle.v2.fluid.layers.mean(**kwargs)
-

Mean Operator.

-

Out is a scalar which is the mean of all elements in X.

- --- - - - - - -
Parameters:x – The input of mean op -Duplicable: False Optional: False
Returns:The output of mean op
-
-

mul

-
-
-paddle.v2.fluid.layers.mul(**kwargs)
-

Mul Operator.

-

This operator is used to perform matrix multiplication for input $X$ and $Y$.

-

The equation is:

-

$$Out = X * Y$$

-

Both the input $X$ and $Y$ can carry the LoD (Level of Details) information, -or not. But the output only shares the LoD information with input $X$.

- --- - - - - - -
Parameters:
    -
  • x – (Tensor), The first input tensor of mul op. -Duplicable: False Optional: False
  • -
  • y – (Tensor), The second input tensor of mul op. -Duplicable: False Optional: False
  • -
  • x_num_col_dims (INT) – (int, default 1), The mul_op can take tensors with more than two -dimensions as its inputs. If the input $X$ is a tensor with more -than two dimensions, $X$ will be flattened into a two-dimensional -matrix first. The flattening rule is: the first num_col_dims -will be flattened to form the first dimension of the final matrix -(the height of the matrix), and the rest rank(X) - num_col_dims -dimensions are flattened to form the second dimension of the final -matrix (the width of the matrix). As a result, height of the -flattened matrix is equal to the product of $X$’s first -x_num_col_dims dimensions’ sizes, and width of the flattened -matrix is equal to the product of $X$’s last rank(x) - num_col_dims -dimensions’ size. For example, suppose $X$ is a 6-dimensional -tensor with the shape [2, 3, 4, 5, 6], and x_num_col_dims = 3. -Thus, the flattened matrix will have a shape [2 x 3 x 4, 5 x 6] = -[24, 30].
  • -
  • y_num_col_dims (INT) – (int, default 1), The mul_op can take tensors with more than two, -dimensions as its inputs. If the input $Y$ is a tensor with more -than two dimensions, $Y$ will be flattened into a two-dimensional -matrix first. The attribute y_num_col_dims determines how $Y$ is -flattened. See comments of x_num_col_dims for more details.
  • -
-
Returns:

(Tensor), The output tensor of mul op.

-
-
-

elementwise_add

-
-
-paddle.v2.fluid.layers.elementwise_add(**kwargs)
-

Limited Elementwise Add Operator.

-

The equation is:

-

$$Out = X + Y$$

-

$X$ is a tensor of any dimension and the dimensions of tensor $Y$ must be -smaller than or equal to the dimensions of $X$.

-

There are two cases for this operator: -1. The shape of $Y$ is same with $X$; -2. The shape of $Y$ is a subset of $X$.

-

For case 2: -$Y$ will be broadcasted to match the shape of $X$ and axis should be -set to index of the start dimension to broadcast $Y$ onto $X$.

-
-
For example
-
shape(X) = (2, 3, 4, 5), shape(Y) = (,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (5,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (4, 5)
-shape(X) = (2, 3, 4, 5), shape(Y) = (3, 4), with axis=1
-shape(X) = (2, 3, 4, 5), shape(Y) = (2), with axis=0
-
-
-
-
-

Either of the inputs $X$ and $Y$ or none can carry the LoD (Level of Details) -information. However, the output only shares the LoD information with input $X$.

- --- - - - - - -
Parameters:
    -
  • x – (Tensor), The first input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • y – (Tensor), The second input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • axis (INT) – (int, default -1). The start dimension index for broadcasting Y onto X.
  • -
-
Returns:

The output of elementwise op.

-
-
-

elementwise_sub

-
-
-paddle.v2.fluid.layers.elementwise_sub(**kwargs)
-

Limited Elementwise Sub Operator.

-

The equation is:

-

$$Out = X - Y$$

-

$X$ is a tensor of any dimension and the dimensions of tensor $Y$ must be -smaller than or equal to the dimensions of $X$.

-

There are two cases for this operator: -1. The shape of $Y$ is same with $X$; -2. The shape of $Y$ is a subset of $X$.

-

For case 2: -$Y$ will be broadcasted to match the shape of $X$ and axis should be -set to index of the start dimension to broadcast $Y$ onto $X$.

-
-
For example
-
shape(X) = (2, 3, 4, 5), shape(Y) = (,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (5,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (4, 5)
-shape(X) = (2, 3, 4, 5), shape(Y) = (3, 4), with axis=1
-shape(X) = (2, 3, 4, 5), shape(Y) = (2), with axis=0
-
-
-
-
-

Either of the inputs $X$ and $Y$ or none can carry the LoD (Level of Details) -information. However, the output only shares the LoD information with input $X$.

- --- - - - - - -
Parameters:
    -
  • x – (Tensor), The first input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • y – (Tensor), The second input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • axis (INT) – (int, default -1). The start dimension index for broadcasting Y onto X.
  • -
-
Returns:

The output of elementwise op.

-
-
-

elementwise_mul

-
-
-paddle.v2.fluid.layers.elementwise_mul(**kwargs)
-

Limited Elementwise Mul Operator.

-

The equation is:

-

$$Out = X odotY$$

-

$X$ is a tensor of any dimension and the dimensions of tensor $Y$ must be -smaller than or equal to the dimensions of $X$.

-

There are two cases for this operator: -1. The shape of $Y$ is same with $X$; -2. The shape of $Y$ is a subset of $X$.

-

For case 2: -$Y$ will be broadcasted to match the shape of $X$ and axis should be -set to index of the start dimension to broadcast $Y$ onto $X$.

-
-
For example
-
shape(X) = (2, 3, 4, 5), shape(Y) = (,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (5,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (4, 5)
-shape(X) = (2, 3, 4, 5), shape(Y) = (3, 4), with axis=1
-shape(X) = (2, 3, 4, 5), shape(Y) = (2), with axis=0
-
-
-
-
-

Either of the inputs $X$ and $Y$ or none can carry the LoD (Level of Details) -information. However, the output only shares the LoD information with input $X$.

- --- - - - - - -
Parameters:
    -
  • x – (Tensor), The first input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • y – (Tensor), The second input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • axis (INT) – (int, default -1). The start dimension index for broadcasting Y onto X.
  • -
-
Returns:

The output of elementwise op.

-
-
-

elementwise_div

-
-
-paddle.v2.fluid.layers.elementwise_div(**kwargs)
-

Limited Elementwise Div Operator.

-

The equation is:

-

$$Out = X / Y$$

-

$X$ is a tensor of any dimension and the dimensions of tensor $Y$ must be -smaller than or equal to the dimensions of $X$.

-

There are two cases for this operator: -1. The shape of $Y$ is same with $X$; -2. The shape of $Y$ is a subset of $X$.

-

For case 2: -$Y$ will be broadcasted to match the shape of $X$ and axis should be -set to index of the start dimension to broadcast $Y$ onto $X$.

-
-
For example
-
shape(X) = (2, 3, 4, 5), shape(Y) = (,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (5,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (4, 5)
-shape(X) = (2, 3, 4, 5), shape(Y) = (3, 4), with axis=1
-shape(X) = (2, 3, 4, 5), shape(Y) = (2), with axis=0
-
-
-
-
-

Either of the inputs $X$ and $Y$ or none can carry the LoD (Level of Details) -information. However, the output only shares the LoD information with input $X$.

- --- - - - - - -
Parameters:
    -
  • x – (Tensor), The first input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • y – (Tensor), The second input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • axis (INT) – (int, default -1). The start dimension index for broadcasting Y onto X.
  • -
-
Returns:

The output of elementwise op.

-
-
-

dropout

-
-
-paddle.v2.fluid.layers.dropout(x, dropout_prob, is_test=False, seed=0, **kwargs)
-
-

reshape

-
-
-paddle.v2.fluid.layers.reshape(**kwargs)
-

Reshape Operator.

-

Reshape Input(X) into the shape specified by Attr(shape).

-

An example: -Given a 2-D tensor X with 2 rows and 2 columns

-
-
[[1, 2], [3, 4]]
-

and target shape = [1, 4], the reshape operator will transform -the tensor X into a 2-D tensor:

-
-
[[1, 2, 3, 4]]
-

One dimension in the target shape can be set -1, representing that its -size is unknown. In this case, the real dimension will be infered from -the original shape of Input(X) and other dimensions in the target shape.

- --- - - - - - -
Parameters:
    -
  • x – The input tensor of reshape operator. -Duplicable: False Optional: False
  • -
  • shape (INTS) – (vector<int>) Target shape of reshape operator.
  • -
-
Returns:

The output tensor of reshape operator.

-
-
-

sigmoid

-
-
-paddle.v2.fluid.layers.sigmoid(**kwargs)
-

Sigmoid Activation Operator

-

$$out = frac{1}{1 + e^{-x}}$$

- --- - - - - - -
Parameters:x – Input of Sigmoid operator -Duplicable: False Optional: False
Returns:Output of Sigmoid operator
-
-

scale

-
-
-paddle.v2.fluid.layers.scale(**kwargs)
-

Scale operator

-

$$Out = scale*X$$

- --- - - - - - -
Parameters:
    -
  • x – (Tensor) Input tensor of scale operator. -Duplicable: False Optional: False
  • -
  • scale (FLOAT) – (float, default 1.0)The scaling factor of the scale operator.
  • -
-
Returns:

(Tensor) Output tensor of scale operator.

-
-
-

transpose

-
-
-paddle.v2.fluid.layers.transpose(**kwargs)
-

Transpose Operator.

-

The input tensor will be permuted according to the axis values given. -The op functions is similar to how numpy.transpose works in python.

-

For example:

-
-
input = numpy.arange(6).reshape((2,3))
-
-the input is:
-
-array([[0, 1, 2],
-       [3, 4, 5]])
-
-given axis is:
-
-[1, 0]
-
-output = input.transpose(axis)
-
-then the output is:
-
-array([[0, 3],
-       [1, 4],
-       [2, 5]])
-
-
-
-

So, given a input tensor of shape(N, C, H, W) and the axis is {0, 2, 3, 1}, -the output tensor shape will be (N, H, W, C)

- --- - - - - - -
Parameters:
    -
  • x – (Tensor)The input tensor, tensors with rank at most 6 are supported -Duplicable: False Optional: False
  • -
  • axis (INTS) – (vector<int>)A list of values, and the size of the list should be the same with the input tensor rank, the tensor will permute the axes according the the values given
  • -
-
Returns:

(Tensor)The output tensor

-
-
-

sigmoid_cross_entropy_with_logits

cast

-
-
-paddle.v2.fluid.layers.cast(x, dtype)
-

This function takes in the input with input_dtype -and casts it to the output_dtype as the output.

-
-

concat

-
-
-paddle.v2.fluid.layers.concat(input, axis=0)
-

Concat

-

This function concatenates the input along the axis mentioned -and returns that as the output.

- --- - - - - - - - -
Parameters:
    -
  • input (list) – List of tensors to be concatenated
  • -
  • axis (int) – Integer axis along which the tensors will be concatenated
  • -
-
Returns:

Output variable of the concatenation

-
Return type:

Variable

-
-

Examples

-
-

sums

-
-
-paddle.v2.fluid.layers.sums(input, out=None)
-

This function performs the sum operation on the input and returns the -result as the output.

- --- - - - - - - - -
Parameters:input (Variable|list) – The input tensor that has the elements -that need to be summed up.
Returns:
-
The tensor type variable that has the sum of input
-
written to it.
-
-
Return type:Variable
-

Examples

-
-

linear_chain_crf

-
-
-paddle.v2.fluid.layers.linear_chain_crf(input, label, param_attr=None)
-
-

assign

-
-
-paddle.v2.fluid.layers.embedding(input, size, is_sparse=False, param_attr=None, dtype='float32')
-

Embedding Layer

-

This layer is used to lookup a vector of IDs, provided by input, in a lookup table. -The result of this lookup is the embedding of each ID in the input.

-

All the input variables are passed in as local variables to the LayerHelper -constructor.

- --- - - - - - - - -
Parameters:
    -
  • input (Variable) – Input to the function
  • -
  • size (tuple|list|None) – Shape of the look up table parameter
  • -
  • is_sparse (bool) – Boolean flag that specifying whether the input is sparse
  • -
  • param_attr (ParamAttr) – Parameters for this layer
  • -
  • dtype (np.dtype|core.DataType|str) – The type of data : float32, float_16, int etc
  • -
-
Returns:

The tensor variable storing the embeddings of the supplied inputs.

-
Return type:

Variable

-
-

Examples

-
dict_size = len(dataset.ids)
-data = fluid.layers.data(name='ids', shape=[32, 32], dtype='float32')
-fc = fluid.layers.embedding(input=data, size=[dict_size, 16])
-
-
-
-

split_lod_tensor

-
-
-paddle.v2.fluid.layers.split_lod_tensor(input, mask, level=0)
-

split_lod_tensor

-

This function takes in an input that contains the complete lod information, -and takes in a mask which is used to mask certain parts of the input. -The output is the true branch and the false branch with the mask applied to -the input at a certain level in the tensor.

- --- - - - - - - - -
Parameters:
    -
  • input (tuple|list|None) – The input tensor that contains complete -lod information needed to construct the output.
  • -
  • mask (list) – A bool column vector which masks the input.
  • -
  • level (int) – The specific lod level to rank.
  • -
-
Returns:

The true branch of tensor as per the mask applied to input. -Variable: The false branch of tensor as per the mask applied to input.

-
Return type:

Variable

-
-

Examples

-
x = layers.data(name='x', shape=[1])
-x.persistable = True
-
-y = layers.data(name='y', shape=[1])
-y.persistable = True
-
-out_true, out_false = layers.split_lod_tensor(
-      input=x, mask=y, level=level)
-
-
-
-

merge_lod_tensor

-
-
-paddle.v2.fluid.layers.merge_lod_tensor(in_true, in_false, x, mask, level=0)
-

merge_lod_tensor

-

This function takes in an input \(x\), the True branch, the False -branch and a binary \(mask\). Using this information, this function -merges the True and False branches of the tensor into a single Output -at a certain lod level indiacted by \(level\).

- --- - - - - - - - -
Parameters:
    -
  • in_true (tuple|list|None) – The True branch to be merged.
  • -
  • in_false (tuple|list|None) – The False branch to be merged.
  • -
  • x (tuple|list|None) – The input tensor that contains complete -lod information needed to construct the output.
  • -
  • mask (list) – A bool column vector which masks the input.
  • -
  • level (int) – The specific lod level to rank.
  • -
-
Returns:

The merged output tensor.

-
Return type:

Variable

-
-

Examples

-
x = layers.data(
-            name='x', shape=[1], dtype='float32', stop_gradient=False)
-y = layers.data(
-      name='y', shape=[1], dtype='bool', stop_gradient=False)
-
-level = 0
-
-out_true, out_false = layers.split_lod_tensor(
-      input=x, mask=y, level=level)
-out = layers.merge_lod_tensor(
-      in_true=out_true, in_false=out_false, mask=y, x=x, level=level)
-
-
-
-

cos_sim

-
-
-paddle.v2.fluid.layers.cos_sim(X, Y, **kwargs)
-

This function performs the cosine similarity between two tensors -X and Y and returns that as the output.

-
-

cross_entropy

-
-
-paddle.v2.fluid.layers.cross_entropy(input, label, **kwargs)
-

Cross Entropy Layer

-

This layer computes the cross entropy between input and label. It supports -both standard cross-entropy and soft-label cross-entropy loss computation.

-
    -
  1. -
    One-hot cross-entropy:
    -

    soft_label = False, Label[i, 0] indicates the class index for sample i:

    -
    -\[Y[i] = -\log(X[i, Label[i]])\]
    -
    -
    -
  2. -
  3. -
    Soft-label cross-entropy:
    -

    soft_label = True, Label[i, j] indicates the soft label of class j -for sample i:

    -
    -\[Y[i] = \sum_j{-Label[i, j] * log(X[i, j])}\]
    -
    -
    -

    Please make sure that in this case the summation of each row of label -equals one.

    -
  4. -
  5. -
    One-hot cross-entropy with vecterized label:
    -

    As a special case of 2), when each row of ‘label’ has only one -non-zero element which is equal to 1, soft-label cross-entropy degenerates -to a one-hot cross-entropy with one-hot label representation.

    -
    -
    -
  6. -
- --- - - - - - - - -
Parameters:
    -
  • input (Variable|list) – a 2-D tensor with shape [N x D], where N is the -batch size and D is the number of classes. This input is a probability -computed by the previous operator, which is almost always the result -of a softmax operator.
  • -
  • label (Variable|list) – the ground truth which is a 2-D tensor. When -soft_label is set to False, label is a tensor<int64> with shape -[N x 1]. When soft_label is set to True, label is a -tensor<float/double> with shape [N x D].
  • -
  • soft_label (bool, via **kwargs) – a flag indicating whether to interpretate -the given labels as soft labels, default False.
  • -
-
Returns:

A 2-D tensor with shape [N x 1], the cross entropy loss.

-
Raises:

ValueError – 1) the 1st dimension of input and label are not equal; 2) when soft_label == True, and the 2nd dimension of input and label are not equal; 3) when soft_label == False, and the 2nd dimension of label is not 1.

-
-

Examples

-
predict = fluid.layers.fc(input=net, size=classdim, act='softmax')
-cost = fluid.layers.cross_entropy(input=predict, label=label)
-
-
-
-

square_error_cost

-
-
-paddle.v2.fluid.layers.square_error_cost(input, label, **kwargs)
-

Square error cost layer

-

This layer accepts input predictions and target label and returns the squared error cost. -For predictions, \(X\), and target labels, \(Y\), the equation is:

-
-\[Out = (X - Y)^2\]
-

In the above equation:

-
-
    -
  • \(X\): Input predictions, a tensor.
  • -
  • \(Y\): Input labels, a tensor.
  • -
  • \(Out\): Output value, same shape with \(X\).
  • -
-
- --- - - - - - - - -
Parameters:
    -
  • input (Variable) – Input tensor, has predictions.
  • -
  • label (Variable) – Label tensor, has target labels.
  • -
-
Returns:

The tensor variable storing the element-wise squared error difference of input and label.

-
Return type:

Variable

-
-

Examples

-
y = layers.data(name='y', shape=[1], dtype='float32')
-y_predict = layers.data(name='y_predict', shape=[1], dtype='float32')
-cost = layers.square_error_cost(input=y_predict, label=y)
-
-
-
-

accuracy

-
-
-paddle.v2.fluid.layers.accuracy(input, label, k=1, correct=None, total=None, **kwargs)
-

This function computes the accuracy using the input and label. -The output is the top_k inputs and their indices.

-
-

sequence_conv

-
-
-paddle.v2.fluid.layers.sequence_conv(input, num_filters, filter_size=3, filter_stride=1, padding=None, bias_attr=None, param_attr=None, act=None)
-

This function creates the op for sequence_conv, using the inputs and -other convolutional configurations for the filters and stride as given -in the input parameters to the function.

-
-

conv2d

-
-
-paddle.v2.fluid.layers.conv2d(input, num_filters, filter_size, stride=None, padding=None, groups=None, param_attr=None, bias_attr=None, use_cudnn=True, act=None)
-

Convlution2D Layer

-

The convolution2D layer calculates the output based on the input, filter -and strides, paddings, dilations, groups parameters. Input(Input) and Output(Output) -are in NCHW format. Where N is batch size, C is the number of channels, H is the height -of the feature, and W is the width of the feature. -The details of convolution layer, please refer UFLDL’s convolution, . -If bias attribution and activation type are provided, bias is added to the output of the convolution, -and the corresponding activation function is applied to the final result. -For each input \(X\), the equation is:

-
-\[Out = \sigma (W \ast X + b)\]
-

In the above equation:

-
-
    -
  • \(X\): Input value, a tensor with NCHW format.
  • -
  • \(W\): Filter value, a tensor with MCHW format.
  • -
  • \(\ast\): Convolution operation.
  • -
  • \(b\): Bias value, a 2-D tensor with shape [M, 1].
  • -
  • \(\sigma\): Activation function.
  • -
  • \(Out\): Output value, the shape of \(Out\) and \(X\) may be different.
  • -
-
-

Example

-
-
Input:
-

Input shape: $(N, C_{in}, H_{in}, W_{in})$

-

Filter shape: $(C_{out}, C_{in}, H_f, W_f)$

-
-
Output:
-
Output shape: $(N, C_{out}, H_{out}, W_{out})$
-
-

Where

-
-\[\begin{split}H_{out}&= \frac{(H_{in} + 2 * paddings[0] - (dilations[0] * (H_f - 1) + 1))}{strides[0]} + 1 \\ -W_{out}&= \frac{(W_{in} + 2 * paddings[1] - (dilations[1] * (W_f - 1) + 1))}{strides[1]} + 1\end{split}\]
- --- - - - - - - - - - -
Parameters:
    -
  • input (Variable) – The input image with [N, C, H, W] format.
  • -
  • num_filters (int) – The number of filter. It is as same as the output -image channel.
  • -
  • filter_size (int|tuple|None) – The filter size. If filter_size is a tuple, -it must contain two integers, (filter_size_H, filter_size_W). -Otherwise, the filter will be a square.
  • -
  • stride (int|tuple) – The stride size. If stride is a tuple, it must -contain two integers, (stride_H, stride_W). Otherwise, the -stride_H = stride_W = stride. Default: stride = 1.
  • -
  • padding (int|tuple) – The padding size. If padding is a tuple, it must -contain two integers, (padding_H, padding_W). Otherwise, the -padding_H = padding_W = padding. Default: padding = 0.
  • -
  • groups (int) – The groups number of the Conv2d Layer. According to grouped -convolution in Alex Krizhevsky’s Deep CNN paper: when group=2, -the first half of the filters is only connected to the first half -of the input channels, while the second half of the filters is only -connected to the second half of the input channels. Default: groups=1
  • -
  • param_attr (ParamAttr) – The parameters to the Conv2d Layer. Default: None
  • -
  • bias_attr (ParamAttr) – Bias parameter for the Conv2d layer. Default: None
  • -
  • use_cudnn (bool) – Use cudnn kernel or not, it is valid only when the cudnn -library is installed. Default: True
  • -
  • act (str) – Activation type. Default: None
  • -
-
Returns:

The tensor variable storing the convolution and non-linearity activation result.

-
Return type:

Variable

-
Raises:

ValueError – If the shapes of input, filter_size, stride, padding and groups mismatch.

-
-

Examples

-
data = fluid.layers.data(name='data', shape=[3, 32, 32], dtype='float32')
-conv2d = fluid.layers.conv2d(input=data, num_filters=2, filter_size=3, act="relu")
-
-
-
-

sequence_pool

-
-
-paddle.v2.fluid.layers.sequence_pool(input, pool_type, **kwargs)
-

This function add the operator for sequence pooling. -It pools features of all time-steps of each instance, and is applied -on top of the input using pool_type mentioned in the parameters.

-

It supports four pool_type:

-
    -
  • average: \(Out[i] = \frac{\sum_i X_i}{N}\)
  • -
  • sum: \(Out[i] = \sum_jX_{ij}\)
  • -
  • sqrt: \(Out[i] = \frac{\sum_jX_{ij}}{\sqrt{len(X_i)}}\)
  • -
  • max: \(Out[i] = max(X_i)\)
  • -
-
x is a 1-level LoDTensor:
-  x.lod = [[0, 2, 5, 7]]
-  x.data = [1, 3, 2, 4, 6, 5, 1]
-  x.dims = [7, 1]
-
-then output is a Tensor:
-  out.dim = [3, 1]
-  with condition len(x.lod[-1]) - 1 == out.dims[0]
-
-for different pool_type:
-  average: out.data = [2, 4, 3], where 2=(1+3)/2, 4=(2+4+6)/3, 3=(5+1)/2
-  sum    : out.data = [4, 12, 6], where 4=1+3, 12=2+4+6, 6=5+1
-  sqrt   : out.data = [2.82, 6.93, 4.24], where 2.82=(1+3)/sqrt(2),
-             6.93=(2+4+6)/sqrt(3), 4.24=(5+1)/sqrt(2)
-  max    : out.data = [3, 6, 5], where 3=max(1,3), 6=max(2,4,6), 5=max(5,1)
-
-
- --- - - - - - -
Parameters:
    -
  • input (variable) – The input variable which is a LoDTensor.
  • -
  • pool_type (string) – The pooling type of sequence_pool. -It supports average, sum, sqrt and max.
  • -
-
Returns:

The sequence pooling variable which is a Tensor.

-
-

Examples

-
x = fluid.layers.data(name='x', shape=[7, 1],
-                 dtype='float32', lod_level=1)
-avg_x = fluid.layers.sequence_pool(input=x, pool_type='average')
-sum_x = fluid.layers.sequence_pool(input=x, pool_type='sum')
-sqrt_x = fluid.layers.sequence_pool(input=x, pool_type='sqrt')
-max_x = fluid.layers.sequence_pool(input=x, pool_type='max')
-
-
-
-

sequence_first_step

-
-
-paddle.v2.fluid.layers.sequence_first_step(input, **kwargs)
-

This funciton get the first step of sequence.

-
x is a 1-level LoDTensor:
-  x.lod = [[0, 2, 5, 7]]
-  x.data = [1, 3, 2, 4, 6, 5, 1]
-  x.dims = [7, 1]
-
-then output is a Tensor:
-  out.dim = [3, 1]
-  with condition len(x.lod[-1]) - 1 == out.dims[0]
-  out.data = [1, 2, 5], where 1=first(1,3), 2=first(2,4,6), 5=first(5,1)
-
-
- --- - - - - - -
Parameters:input (variable) – The input variable which is a LoDTensor.
Returns:The sequence’s first step variable which is a Tensor.
-

Examples

-
x = fluid.layers.data(name='x', shape=[7, 1],
-                 dtype='float32', lod_level=1)
-x_first_step = fluid.layers.sequence_first_step(input=x)
-
-
-
-

sequence_last_step

-
-
-paddle.v2.fluid.layers.sequence_last_step(input, **kwargs)
-

This funciton get the last step of sequence.

-
x is a 1-level LoDTensor:
-  x.lod = [[0, 2, 5, 7]]
-  x.data = [1, 3, 2, 4, 6, 5, 1]
-  x.dims = [7, 1]
-
-then output is a Tensor:
-  out.dim = [3, 1]
-  with condition len(x.lod[-1]) - 1 == out.dims[0]
-  out.data = [3, 6, 1], where 3=last(1,3), 6=last(2,4,6), 1=last(5,1)
-
-
- --- - - - - - -
Parameters:input (variable) – The input variable which is a LoDTensor.
Returns:The sequence’s last step variable which is a Tensor.
-

Examples

-
x = fluid.layers.data(name='x', shape=[7, 1],
-                 dtype='float32', lod_level=1)
-x_last_step = fluid.layers.sequence_last_step(input=x)
-
-
-
-

pool2d

-
-
-paddle.v2.fluid.layers.pool2d(input, pool_size, pool_type, pool_stride=None, pool_padding=None, global_pooling=False, use_cudnn=True, name=None)
-

This function adds the operator for pooling in 2 dimensions, using the -pooling configurations mentioned in input parameters.

-
-

batch_norm

-
-
-paddle.v2.fluid.layers.batch_norm(input, act=None, is_test=False, momentum=0.9, epsilon=1e-05, param_attr=None, bias_attr=None, data_layout='NCHW', name=None)
-

This function helps create an operator to implement -the BatchNorm layer using the configurations from the input parameters.

-
-

beam_search_decode

-
-
-paddle.v2.fluid.layers.beam_search_decode(ids, scores, name=None)
-
-

lod_rank_table

-
-
-paddle.v2.fluid.layers.lod_rank_table(x, level=0)
-

LoD Rank Table Operator. Given an input variable x and a level number -of LoD, this layer creates a LodRankTable object. A LoDRankTable object -contains a list of bi-element tuples. Each tuple consists of an index and -a length, both of which are int type. Refering to specified level of LoD, -the index is the sequence index number and the length representes the -sequence length. Please note that the list is ranked in descending order by -the length. The following is an example:

-
-
x is a LoDTensor:
-    x.lod = [[0,                2, 3],
-             [0,             5, 6, 7]]
-    x.data = [a, b, c, d, e, f, g]
-
-1. set level to 0:
-    Create lod rank table:
-        lod_rank_table_obj = lod_rank_table(x, level=0)
-
-    Get:
-        lod_rank_table_obj.items() = [(0, 2), (1, 1)]
-
-2. set level to 1:
-    Create lod rank table:
-        lod_rank_table_obj = lod_rank_table(x, level=1)
-
-    Get:
-        lod_rank_table_obj.items() = [(0, 5), (1, 1), (2, 1)]
-
-
-
- --- - - - - - - - -
Parameters:
    -
  • x (Variable) – Input variable, a LoDTensor based which to create the lod -rank table.
  • -
  • level (int) – Specify the LoD level, on which to create the lod rank -table.
  • -
-
Returns:

The created LoDRankTable object.

-
Return type:

Variable

-
-

Examples

-
x = fluid.layers.data(name='x', shape=[10],
-                dtype='float32', lod_level=1)
-out = layers.lod_rank_table(x=x, level=0)
-
-
-
-

max_sequence_len

-
-
-paddle.v2.fluid.layers.max_sequence_len(rank_table)
-

Max Sequence Len Operator. Given a LoDRankTable object, this layer -returns the max length of a batch of sequences. In fact, a LoDRankTable -object contains a list of tuples(<sequence index, sequence length>) and -the list is already sorted by sequence length in descending order, so the -operator just returns the sequence length of the first tuple element.

- --- - - - - - - - -
Parameters:rank_table (Variable) – Input variable which is a LoDRankTable object.
Returns:The max length of sequence.
Return type:Variable
-

Examples

-
x = fluid.layers.data(name='x', shape=[10],
-                dtype='float32', lod_level=1)
-rank_table = layers.lod_rank_table(x=x, level=0)
-max_seq_len = layers.max_sequence_len(rank_table)
-
-
-
-

topk

-
-
-paddle.v2.fluid.layers.topk(input, k)
-

topk

-

This function performs the operation that selects the k entries in the input -vector and outputs their values and indices as vectors. Thus topk_out[j] is -the j-th largest entry in input, and its index is topk_indices[j]

- --- - - - - - - - -
Parameters:
    -
  • input (Variable|list) – The input tensor that has all the data.
  • -
  • k (int) – The number of top elements that the function will pick.
  • -
-
Returns:

-
The variable of type array that contains the k largest entries
-

from input.

-
-
Variable: The variable of type array that contains the indices of k
-

largest entries from input.

-
-
-

-
Return type:

Variable

-
-

Examples

-
x = fluid.layers.data(name='x', shape=[10])
-k = 5
-array = fluid.layers.topk(x, k)
-
-
-
-

lod_tensor_to_array

-
-
-paddle.v2.fluid.layers.lod_tensor_to_array(x, table)
-

Convert a LOD_TENSOR to an LOD_TENSOR_ARRAY.

- --- - - - - - - - -
Parameters:
    -
  • x (Variable|list) – The LOD tensor to be converted to a LOD tensor array.
  • -
  • table (ParamAttr|list) – The variable that stores the level of lod -which is ordered by sequence length in -descending order.
  • -
-
Returns:

-
The variable of type array that has been converted from a
-

tensor.

-
-
-

-
Return type:

Variable

-
-

Examples

-
x = fluid.layers.data(name='x', shape=[10])
-table = fluid.layers.lod_rank_table(x, level=0)
-array = fluid.layers.lod_tensor_to_array(x, table)
-
-
-
-

array_to_lod_tensor

-
-
-paddle.v2.fluid.layers.array_to_lod_tensor(x, table)
-

Convert a LoD_Tensor_Aarry to an LoDTensor.

- --- - - - - - - - -
Parameters:
    -
  • x (Variable|list) – The lod tensor array to be converted to a tensor.
  • -
  • table (ParamAttr|list) – The variable that stores the level of lod -which is ordered by sequence length in -descending order.
  • -
-
Returns:

-
The variable of type tensor that has been converted
-

from an array.

-
-
-

-
Return type:

Variable

-
-

Examples

-
x = fluid.layers.data(name='x', shape=[10])
-table = fluid.layers.lod_rank_table(x, level=0)
-array = fluid.layers.lod_tensor_to_array(x, table)
-lod_tensor = fluid.layers.array_to_lod_tensor(array, table)
-
-
-
-

fill_constant

-
-
-paddle.v2.fluid.layers.fill_constant(shape, dtype, value, force_cpu=False, out=None)
-

fill_constant

-

This function creates a tensor with specified shape and dtype, and -initializes it with a constant specifed by value.

-

The attribute stop_gradient of the created tensor is set to True.

- --- - - - - - - - -
Parameters:
    -
  • shape (tuple|list|None) – Shape of the output tensor.
  • -
  • dtype (np.dtype|core.DataType|str) – Data type of the output tensor.
  • -
  • value (float) – The constant value used to initialize the output tensor.
  • -
  • out (Variable) – The output tensor.
  • -
-
Returns:

The tensor variable storing the output.

-
Return type:

Variable

-
-

Examples

-
data = fluid.layers.fill_constant(shape=[1], value=0, dtype='int64')
-
-
-
-

fill_constant_batch_size_like

-
-
-paddle.v2.fluid.layers.fill_constant_batch_size_like(input, shape, dtype, value, input_dim_idx=0, output_dim_idx=0)
-

fill_constant_batch_size_like

-

This function creates a tensor of specified shape, dtype and batch size, -and initializes this with a constant supplied in value. The batch size is -obtained from the input tensor.

-

It also sets stop_gradient to True.

- --- - - - - - - - -
Parameters:
    -
  • input (Variable) – Tensor whose dimensions will be used to get batch size
  • -
  • shape (tuple|list|None) – Shape of output tensor
  • -
  • dtype (np.dtype|core.DataType|str) – Data type of output tensor
  • -
  • value (float) – Constant value to initialize the output tensor
  • -
  • input_dim_idx (int) – Index of input’s batch size dimension
  • -
  • output_dim_idx (int) – Index of output’s batch size dimension
  • -
-
Returns:

The tensor variable storing the output

-
Return type:

Variable

-
-

Examples

-
data = fluid.layers.fill_constant_batch_size_like(
-    input=like, shape=[1], value=0, dtype='int64')
-
-
-
-

ones

-
-
-paddle.v2.fluid.layers.ones(shape, dtype)
-

ones

-

This function creates a tensor of specified shape and -dtype, and initializes this with 1.

-

It also sets stop_gradient to True.

- --- - - - - - - - -
Parameters:
    -
  • shape (tuple|list|None) – Shape of output tensor
  • -
  • dtype (np.dtype|core.DataType|str) – Data type of output tensor
  • -
-
Returns:

The tensor variable storing the output

-
Return type:

Variable

-
-

Examples

-
data = fluid.layers.ones(shape=[1], dtype='int64')
-
-
-
-

zeros

-
-
-paddle.v2.fluid.layers.zeros(shape, dtype)
-

zeros

-

This function creates a tensor of specified shape and -dtype, and initializes this with 0.

-

It also sets stop_gradient to True.

- --- - - - - - - - -
Parameters:
    -
  • shape (tuple|list|None) – Shape of output tensor
  • -
  • dtype (np.dtype|core.DataType|str) – Data type of output tensor
  • -
-
Returns:

The tensor variable storing the output

-
Return type:

Variable

-
-

Examples

-
data = fluid.layers.zeros(shape=[1], dtype='int64')
-
-
-
-

increment

-
-
-paddle.v2.fluid.layers.increment(x, value=1.0, in_place=True)
-

This function performs an operation that increments each value in the -input \(x\) by an amount: \(value\) as mentioned in the input -parameter. This operation is performed in-place by default.

- --- - - - - - - - -
Parameters:
    -
  • x (Variable|list) – The tensor that has the input values.
  • -
  • value (float) – The amount by which the values should be incremented.
  • -
  • in_place (bool) – If the increment should be performed in-place.
  • -
-
Returns:

-
The tensor variable storing the transformation of
-

element-wise increment of each value in the input.

-
-
-

-
Return type:

Variable

-
-

Examples

-
data = fluid.layers.data(name='data', shape=[32, 32], dtype='float32')
-data = fluid.layers.increment(x=data, value=3.0, in_place=True)
-
-
-
-

array_write

-
-
-paddle.v2.fluid.layers.array_write(x, i, array=None)
-

This function writes the given input variable to the specified position -indicating by the arrary index to an output LOD_TENSOR_ARRAY. If the -output LOD_TENSOR_ARRAY is not given(None), a new one will be created and -returned.

- --- - - - - - - - -
Parameters:
    -
  • x (Variable|list) – The input tensor from which the data will be read.
  • -
  • i (Variable|list) – The index of the output LOD_TENSOR_ARRAY, pointing to -the position to which the input tensor will be -written.
  • -
  • array (Variable|list) – The output LOD_TENSOR_ARRAY to which the input -tensor will be written. If this parameter is -NONE, a new LOD_TENSOR_ARRAY will be created and -returned.
  • -
-
Returns:

The output LOD_TENSOR_ARRAY where the input tensor is written.

-
Return type:

Variable

-
-

Examples

-
-

create_array

-
-
-paddle.v2.fluid.layers.create_array(dtype)
-

This function creates an array of type \(LOD_TENSOR_ARRAY\) using the -LayerHelper.

- --- - - - - - - - -
Parameters:dtype (int|float) – The data type of the elements in the array.
Returns:The tensor variable storing the elements of data type.
Return type:Variable
-

Examples

-
data = fluid.layers.create_array(dtype='float32')
-
-
-
-

less_than

-
-
-paddle.v2.fluid.layers.less_than(x, y, cond=None, **ignored)
-

Less than

-

This layer returns the truth value of \(x < y\) elementwise.

- --- - - - - - - - -
Parameters:
    -
  • x (Variable) – First operand of less_than
  • -
  • y (Variable) – Second operand of less_than
  • -
  • cond (Variable|None) – Optional output variable to store the result of less_than
  • -
-
Returns:

The tensor variable storing the output of less_than.

-
Return type:

Variable

-
-

Examples

-
less = fluid.layers.less_than(x=label, y=limit)
-
-
-
-

array_read

-
-
-paddle.v2.fluid.layers.array_read(array, i)
-

This function performs the operation to read the data in as an -LOD_TENSOR_ARRAY. -:param array: The input tensor that will be written to an array. -:type array: Variable|list -:param i: The subscript index in tensor array, that points the

-
-
place where data will be written to.
- --- - - - - - -
Returns:The tensor type variable that has the data written to it.
Return type:Variable
-

Examples

-
-

shrink_memory

-
-
-paddle.v2.fluid.layers.shrink_memory(x, i, table)
-

This function creates an operator to shrink_rnn_memory using the RankTable -as mentioned in the input parameter.

-
-

array_length

-
-
-paddle.v2.fluid.layers.array_length(array)
-

This function performs the operation to find the length of the input -LOD_TENSOR_ARRAY.

- --- - - - - - - - -
Parameters:array (LOD_TENSOR_ARRAY) – The input array that will be used -to compute the length.
Returns:The length of the input LoDTensorArray.
Return type:Variable
-

Examples

-
-

conv2d_transpose

-
-
-paddle.v2.fluid.layers.conv2d_transpose(input, num_filters, output_size=None, filter_size=None, padding=None, stride=None, dilation=None, param_attr=None, use_cudnn=True, name=None)
-

The transpose of conv2d layer.

-

This layer is also known as deconvolution layer.

- --- - - - - - - - -
Parameters:
    -
  • input (Variable) – The input image with [N, C, H, W] format.
  • -
  • num_filters (int) – The number of filter. It is as same as the output -image channel.
  • -
  • output_size (int|tuple|None) – The output image size. If output size is a -tuple, it must contain two integers, (image_H, image_W). This -parameter only works when filter_size is None.
  • -
  • filter_size (int|tuple|None) – The filter size. If filter_size is a tuple, -it must contain two integers, (filter_size_H, filter_size_W). -Otherwise, the filter will be a square. None if use output size to -calculate filter_size
  • -
  • padding (int|tuple) – The padding size. If padding is a tuple, it must -contain two integers, (padding_H, padding_W). Otherwise, the -padding_H = padding_W = padding.
  • -
  • stride (int|tuple) – The stride size. If stride is a tuple, it must -contain two integers, (stride_H, stride_W). Otherwise, the -stride_H = stride_W = stride.
  • -
  • dilation (int|tuple) – The dilation size. If dilation is a tuple, it must -contain two integers, (dilation_H, dilation_W). Otherwise, the -dilation_H = dilation_W = dilation.
  • -
  • param_attr – Parameter Attribute.
  • -
  • use_cudnn (bool) – Use cudnn kernel or not, it is valid only when the cudnn -library is installed. Default: True
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
Returns:

Output image.

-
Return type:

Variable

-
-
-

sequence_expand

-
-
-paddle.v2.fluid.layers.sequence_expand(x, y, name=None)
-

Sequence Expand Layer. This layer will expand the input variable x -according to LoD information of y. And the following examples will -explain how sequence_expand works:

-
* Case 1
-    x is a LoDTensor:
-        x.lod = [[0,       2, 3],
-                 [0, 1,    3, 4]]
-        x.data = [a, b, c, d]
-        x.dims = [4, 1]
-
-    y is a LoDTensor:
-        y.lod = [[0,    2,    4],
-                 [0, 3, 6, 7, 8]]
-
-    with condition len(y.lod[-1]) - 1 == x.dims[0]
-
-    then output is a 2-level LoDTensor:
-        out.lod = [[0,                2,    4],
-                   [0,       3,       6, 7, 8]]
-        out.data = [a, a, a, b, b, b, c, d]
-        out.dims = [8, 1]
-
-* Case 2
-    x is a Tensor:
-        x.data = [a, b, c]
-        x.dims = [3, 1]
-
-    y is a LoDTensor:
-        y.lod = [[0, 2, 3, 6]]
-
-    with condition len(y.lod[-1]) - 1 == x.dims[0]
-
-    then output is a 1-level LoDTensor:
-        out.lod = [[0,    2, 3,      6]]
-        out.data = [a, a, b, c, c, c]
-        out.dims = [6, 1]
-
-
- --- - - - - - - - -
Parameters:
    -
  • x (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • y (Variable) – The input variable which is a LoDTensor.
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
Returns:

The expanded variable which is a LoDTensor.

-
Return type:

Variable

-
-

Examples

-
x = fluid.layers.data(name='x', shape=[10], dtype='float32')
-y = fluid.layers.data(name='y', shape=[10, 20],
-                 dtype='float32', lod_level=1)
-out = layers.sequence_expand(x=x, y=y)
-
-
-
-

gru_unit

-
-
-paddle.v2.fluid.layers.gru_unit(input, hidden, size, weight=None, bias=None, activation='tanh', gate_activation='sigmoid')
-

GRU unit layer. The equation of a gru step is:

-
-
-\[ \begin{align}\begin{aligned}u_t & = actGate(xu_{t} + W_u h_{t-1} + b_u)\\r_t & = actGate(xr_{t} + W_r h_{t-1} + b_r)\\m_t & = actNode(xm_t + W_c dot(r_t, h_{t-1}) + b_m)\\h_t & = dot((1-u_t), m_t) + dot(u_t, h_{t-1})\end{aligned}\end{align} \]
-
-

The inputs of gru unit includes \(z_t\), \(h_{t-1}\). In terms -of the equation above, the \(z_t\) is split into 3 parts - -\(xu_t\), \(xr_t\) and \(xm_t\). This means that in order to -implement a full GRU unit operator for an input, a fully -connected layer has to be applied, such that \(z_t = W_{fc}x_t\).

-

The terms \(u_t\) and \(r_t\) represent the update and reset gates -of the GRU cell. Unlike LSTM, GRU has one lesser gate. However, there is -an intermediate candidate hidden output, which is denoted by \(m_t\). -This layer has three outputs \(h_t\), \(dot(r_t, h_{t-1})\) -and concatenation of \(u_t\), \(r_t\) and \(m_t\).

- --- - - - - - - - -
Parameters:
    -
  • input (Variable) – The fc transformed input value of current step.
  • -
  • hidden (Variable) – The hidden value of lstm unit from previous step.
  • -
  • size (integer) – The input dimension value.
  • -
  • weight (ParamAttr) – The weight parameters for gru unit. Default: None
  • -
  • bias (ParamAttr) – The bias parameters for gru unit. Default: None
  • -
  • activation (string) – The activation type for cell (actNode). Default: ‘tanh’
  • -
  • gate_activation (string) – The activation type for gates (actGate). Default: ‘sigmoid’
  • -
-
Returns:

The hidden value, reset-hidden value and gate values.

-
Return type:

tuple

-
-

Examples

-
# assuming we have x_t_data and prev_hidden of size=10
-x_t = fluid.layers.fc(input=x_t_data, size=30)
-hidden_val, r_h_val, gate_val = fluid.layers.gru_unit(input=x_t,
-                                       hidden = prev_hidden)
-
-
-
-

lstm_unit

-
-
-paddle.v2.fluid.layers.lstm_unit(x_t, hidden_t_prev, cell_t_prev, forget_bias=0.0, param_attr=None, bias_attr=None, name=None)
-

Lstm unit layer. The equation of a lstm step is:

-
-
-\[ \begin{align}\begin{aligned}i_t & = \sigma(W_{x_i}x_{t} + W_{h_i}h_{t-1} + b_i)\\f_t & = \sigma(W_{x_f}x_{t} + W_{h_f}h_{t-1} + b_f)\\c_t & = f_tc_{t-1} + i_t tanh (W_{x_c}x_t + W_{h_c}h_{t-1} + b_c)\\o_t & = \sigma(W_{x_o}x_{t} + W_{h_o}h_{t-1} + b_o)\\h_t & = o_t tanh(c_t)\end{aligned}\end{align} \]
-
-

The inputs of lstm unit include \(x_t\), \(h_{t-1}\) and -\(c_{t-1}\). The 2nd dimensions of \(h_{t-1}\) and \(c_{t-1}\) -should be same. The implementation separates the linear transformation and -non-linear transformation apart. Here, we take \(i_t\) as an example. -The linear transformation is applied by calling a fc layer and the -equation is:

-
-
-\[L_{i_t} = W_{x_i}x_{t} + W_{h_i}h_{t-1} + b_i\]
-
-

The non-linear transformation is applied by calling lstm_unit_op and the -equation is:

-
-
-\[i_t = \sigma(L_{i_t})\]
-
-

This layer has two outputs including \(h_t\) and \(o_t\).

- --- - - - - - - - - - -
Parameters:
    -
  • x_t (Variable) – The input value of current step, a 2-D tensor with shape -M x N, M for batch size and N for input size.
  • -
  • hidden_t_prev (Variable) – The hidden value of lstm unit, a 2-D tensor -with shape M x S, M for batch size and S for size of lstm unit.
  • -
  • cell_t_prev (Variable) – The cell value of lstm unit, a 2-D tensor with -shape M x S, M for batch size and S for size of lstm unit.
  • -
  • forget_bias (float) – The forget bias of lstm unit.
  • -
  • param_attr (ParamAttr) – The attributes of parameter weights, used to set -initializer, name etc.
  • -
  • bias_attr (ParamAttr) – The attributes of bias weights, if not False, -bias weights will be created and be set to default value.
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
Returns:

The hidden value and cell value of lstm unit.

-
Return type:

tuple

-
Raises:

ValueError – The ranks of x_t, hidden_t_prev and cell_t_prev not be 2 or the 1st dimensions of x_t, hidden_t_prev and cell_t_prev not be the same or the 2nd dimensions of hidden_t_prev and cell_t_prev not be the same.

-
-

Examples

-
x_t = fluid.layers.fc(input=x_t_data, size=10)
-prev_hidden = fluid.layers.fc(input=prev_hidden_data, size=30)
-prev_cell = fluid.layers.fc(input=prev_cell_data, size=30)
-hidden_value, cell_value = fluid.layers.lstm_unit(x_t=x_t,
-                                       hidden_t_prev=prev_hidden,
-                                       cell_t_prev=prev_cell)
-
-
-
-

sequence_softmax

-
-
-paddle.v2.fluid.layers.sequence_softmax(**kwargs)
-

Sequence Softmax Operator.

-

SequenceSoftmaxOp computes the softmax activation among all time-steps for each -sequence. The dimension of each time-step should be 1. Thus, the shape of -input Tensor can be either [N, 1] or [N], where N is the sum of the length -of all sequences.

-

The algorithm works as follows:

-
-
for i-th sequence in a mini-batch:
-

$$ -Out(X[lod[i]:lod[i+1]], :) = frac{exp(X[lod[i]:lod[i+1], :])} {sum(exp(X[lod[i]:lod[i+1], :]))} -$$

-

For example, for a mini-batch of 3 sequences with variable-length, -each containing 2, 3, 2 time-steps, the lod of which is [0, 2, 5, 7], -then softmax will be computed among X[0:2, :], X[2:5, :], X[5:7, :] -and N turns out to be 7.

- --- - - - - - -
Parameters:x – (LoDTensor) 1-D or 2-D input LoDTensor with the 2-nd dimension of length 1. -Duplicable: False Optional: False
Returns:(LoDTensor) 1-D or 2-D output LoDTensor with the 2-nd dimension of length 1.
-
-

reduce_sum

-
-
-paddle.v2.fluid.layers.reduce_sum(input, dim=None, keep_dim=False, name=None)
-

Computes the sum of tensor elements over the given dimension.

- --- - - - - - - - -
Parameters:
    -
  • input (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • dim (int|None) – The dimension along which the sum is performed. If -None, sum all elements of input and return a -Tensor variable with a single element, otherwise must be in the -range \([-rank(input), rank(input))\). If \(dim < 0\), -the dimension to reduce is \(rank + dim\).
  • -
  • keep_dim (bool) – Whether to reserve the reduced dimension in the -output Tensor. The result tensor will have one fewer dimension -than the input unless keep_dim is true.
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
Returns:

The reduced Tensor variable.

-
Return type:

Variable

-
-

Examples

-
# x is a Tensor variable with following elements:
-#    [[0.2, 0.3, 0.5, 0.9]
-#     [0.1, 0.2, 0.6, 0.7]]
-# Each example is followed by the correspending output tensor.
-fluid.layers.reduce_sum(x)  # [3.5]
-fluid.layers.reduce_sum(x, dim=0)  # [0.3, 0.5, 1.1, 1.6]
-fluid.layers.reduce_sum(x, dim=-1)  # [1.9, 1.6]
-fluid.layers.reduce_sum(x, dim=1, keep_dim=True)  # [[1.9], [1.6]]
-
-
-
-

reduce_mean

-
-
-paddle.v2.fluid.layers.reduce_mean(input, dim=None, keep_dim=False, name=None)
-

Computes the mean of tensor elements over the given dimension.

- --- - - - - - - - -
Parameters:
    -
  • input (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • dim (int|None) – The dimension along which the mean is computed. If -None, compute the mean over all elements of input -and return a Tensor variable with a single element, otherwise -must be in the range \([-rank(input), rank(input))\). If -\(dim < 0\), the dimension to reduce is \(rank + dim\).
  • -
  • keep_dim (bool) – Whether to reserve the reduced dimension in the -output Tensor. The result tensor will have one fewer dimension -than the input unless keep_dim is true.
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
Returns:

The reduced Tensor variable.

-
Return type:

Variable

-
-

Examples

-
# x is a Tensor variable with following elements:
-#    [[0.2, 0.3, 0.5, 0.9]
-#     [0.1, 0.2, 0.6, 0.7]]
-# Each example is followed by the correspending output tensor.
-fluid.layers.reduce_mean(x)  # [0.4375]
-fluid.layers.reduce_mean(x, dim=0)  # [0.15, 0.25, 0.55, 0.8]
-fluid.layers.reduce_mean(x, dim=-1)  # [0.475, 0.4]
-fluid.layers.reduce_mean(x, dim=1, keep_dim=True)  # [[0.475], [0.4]]
-
-
-
-

reduce_max

-
-
-paddle.v2.fluid.layers.reduce_max(input, dim=None, keep_dim=False, name=None)
-

Computes the maximum of tensor elements over the given dimension.

- --- - - - - - - - -
Parameters:
    -
  • input (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • dim (int|None) – The dimension along which the maximum is computed. -If None, compute the maximum over all elements of -input and return a Tensor variable with a single element, -otherwise must be in the range \([-rank(input), rank(input))\). -If \(dim < 0\), the dimension to reduce is \(rank + dim\).
  • -
  • keep_dim (bool) – Whether to reserve the reduced dimension in the -output Tensor. The result tensor will have one fewer dimension -than the input unless keep_dim is true.
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
Returns:

The reduced Tensor variable.

-
Return type:

Variable

-
-

Examples

-
# x is a Tensor variable with following elements:
-#    [[0.2, 0.3, 0.5, 0.9]
-#     [0.1, 0.2, 0.6, 0.7]]
-# Each example is followed by the correspending output tensor.
-fluid.layers.reduce_max(x)  # [0.9]
-fluid.layers.reduce_max(x, dim=0)  # [0.2, 0.3, 0.6, 0.9]
-fluid.layers.reduce_max(x, dim=-1)  # [0.9, 0.7]
-fluid.layers.reduce_max(x, dim=1, keep_dim=True)  # [[0.9], [0.7]]
-
-
-
-

reduce_min

-
-
-paddle.v2.fluid.layers.reduce_min(input, dim=None, keep_dim=False, name=None)
-

Computes the minimum of tensor elements over the given dimension.

- --- - - - - - - - -
Parameters:
    -
  • input (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • dim (int|None) – The dimension along which the minimum is computed. -If None, compute the minimum over all elements of -input and return a Tensor variable with a single element, -otherwise must be in the range \([-rank(input), rank(input))\). -If \(dim < 0\), the dimension to reduce is \(rank + dim\).
  • -
  • keep_dim (bool) – Whether to reserve the reduced dimension in the -output Tensor. The result tensor will have one fewer dimension -than the input unless keep_dim is true.
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
Returns:

The reduced Tensor variable.

-
Return type:

Variable

-
-

Examples

-
# x is a Tensor variable with following elements:
-#    [[0.2, 0.3, 0.5, 0.9]
-#     [0.1, 0.2, 0.6, 0.7]]
-# Each example is followed by the correspending output tensor.
-fluid.layers.reduce_min(x)  # [0.1]
-fluid.layers.reduce_min(x, dim=0)  # [0.1, 0.2, 0.5, 0.7]
-fluid.layers.reduce_min(x, dim=-1)  # [0.2, 0.1]
-fluid.layers.reduce_min(x, dim=1, keep_dim=True)  # [[0.2], [0.1]]
-
-
-
-

split

-
-
-paddle.v2.fluid.layers.split(input, num_or_sections, dim=-1, name=None)
-

Split the input tensor into multiple sub-tensors.

- --- - - - - - - - -
Parameters:
    -
  • input (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • num_or_sections (int|list) – If num_or_sections is an integer, -then the integer indicates the number of equal sized sub-tensors -that the tensor will be divided into. If num_or_sections -is a list of integers, the length of list indicates the number of -sub-tensors and the integers indicate the sizes of sub-tensors’ -dim dimension orderly.
  • -
  • dim (int) – The dimension along which to split. If \(dim < 0\), the -dimension to split along is \(rank(input) + dim\).
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
Returns:

The list of segmented tensor variables.

-
Return type:

List

-
-

Examples

-
# x is a Tensor variable with shape [3, 9, 5]:
-x0, x1, x2 = fluid.layers.split(x, num_or_sections=3, dim=1)
-x0.shape  # [3, 3, 5]
-x1.shape  # [3, 3, 5]
-x2.shape  # [3, 3, 5]
-x0, x1, x2 = fluid.layers.split(x, num_or_sections=[2, 3, 4], dim=1)
-x0.shape  # [3, 2, 5]
-x1.shape  # [3, 3, 5]
-x2.shape  # [3, 4, 5]
-
-
-
-

matmul

-
-
-paddle.v2.fluid.layers.matmul(x, y, transpose_x=False, transpose_y=False, name=None)
-

Applies matrix multiplication to two tensors. Currently, the input -tensors’ rank can be any, but when the rank of anyone inputs is -bigger than 3, this two inputs’ rank should be equal.

-

The actual behavior depends on the shapes of \(x\), \(y\) and the -flag values of transpose_x, transpose_y. Specifically:

-
    -
  • If a transpose flag is specified, the last two dimensions of the tensor -are transposed. If the tensor is rank-1 of shape \([D]\), then for -\(x\) it is treated as \([1, D]\) in nontransposed form and as -\([D, 1]\) in transposed form, whereas for \(y\) it is the -opposite: It is treated as \([D, 1]\) in nontransposed form and as -\([1, D]\) in transposed form.
  • -
  • After transpose, the two tensors are 2-D or n-D and matrix multiplication -performs in the following way.
      -
    • If both are 2-D, they are multiplied like conventional matrices.
    • -
    • If either is n-D, it is treated as a stack of matrices residing in the -last two dimensions and a batched matrix multiply supporting broadcast -applies on the two tensors.
    • -
    -
  • -
-

Also note that if the raw tensor \(x\) or \(y\) is rank-1 and -nontransposed, the prepended or appended dimension \(1\) will be -removed after matrix multiplication.

- --- - - - - - - - -
Parameters:
    -
  • x (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • y (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • transpose_x (bool) – Whether to transpose \(x\) before multiplication.
  • -
  • transpose_y (bool) – Whether to transpose \(y\) before multiplication.
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
Returns:

The product Tensor variable.

-
Return type:

Variable

-
-

Examples

-
# Examples to clarify shapes of the inputs and output
-# x: [B, ..., M, K], y: [B, ..., K, N]
-fluid.layers.matmul(x, y)  # out: [B, ..., M, N]
-# x: [B, M, K], y: [B, K, N]
-fluid.layers.matmul(x, y)  # out: [B, M, N]
-# x: [B, M, K], y: [K, N]
-fluid.layers.matmul(x, y)  # out: [B, M, N]
-# x: [B, M, K], y: [K]
-fluid.layers.matmul(x, y)  # out: [B, M]
-# x: [M, K], y: [K, N]
-fluid.layers.matmul(x, y)  # out: [M, N]
-# x: [K], y: [K]
-fluid.layers.matmul(x, y)  # out: [1]
-# x: [M], y: [N]
-
-fluid.layers.matmul(x, y, True, True)  # out: [M, N]
-
-
-
-

logsigmoid

-
-
-paddle.v2.fluid.layers.logsigmoid(**kwargs)
-

Logsigmoid Activation Operator

-

$$out = log frac{1}{1 + e^{-x}}$$

- --- - - - - - -
Parameters:x – Input of LogSigmoid operator -Duplicable: False Optional: False
Returns:Output of LogSigmoid operator
-
-

exp

-
-
-paddle.v2.fluid.layers.exp(**kwargs)
-

Exp Activation Operator.

-

$out = e^x$

- --- - - - - - -
Parameters:x – Input of Exp operator -Duplicable: False Optional: False
Returns:Output of Exp operator
-
-

relu

-
-
-paddle.v2.fluid.layers.relu(**kwargs)
-

Relu Activation Operator.

-

$out = max(x, 0)$

- --- - - - - - -
Parameters:x – Input of Relu operator -Duplicable: False Optional: False
Returns:Output of Relu operator
-
-

tanh

-
-
-paddle.v2.fluid.layers.tanh(**kwargs)
-

Tanh Activation Operator.

-

$$out = frac{e^{x} - e^{-x}}{e^{x} + e^{-x}}$$

- --- - - - - - -
Parameters:x – Input of Tanh operator -Duplicable: False Optional: False
Returns:Output of Tanh operator
-
-

tanh_shrink

-
-
-paddle.v2.fluid.layers.tanh_shrink(**kwargs)
-

TanhShrink Activation Operator.

-

$$out = x - frac{e^{x} - e^{-x}}{e^{x} + e^{-x}}$$

- --- - - - - - -
Parameters:x – Input of TanhShrink operator -Duplicable: False Optional: False
Returns:Output of TanhShrink operator
-
-

softshrink

-
-
-paddle.v2.fluid.layers.softshrink(**kwargs)
-

Softshrink Activation Operator.

-

$$ -out = begin{cases}

-
-
x - lambda, text{if } x > lambda \ -x + lambda, text{if } x < -lambda \ -0, text{otherwise} -end{cases}
-

$$

- --- - - - - - -
Parameters:
    -
  • x – Input of Softshrink operator -Duplicable: False Optional: False
  • -
  • lambda (FLOAT) – non-negative offset
  • -
-
Returns:

Output of Softshrink operator

-
-
-

sqrt

-
-
-paddle.v2.fluid.layers.sqrt(**kwargs)
-

Sqrt Activation Operator.

-

$out = sqrt{x}$

- --- - - - - - -
Parameters:x – Input of Sqrt operator -Duplicable: False Optional: False
Returns:Output of Sqrt operator
-
-

abs

-
-
-paddle.v2.fluid.layers.abs(**kwargs)
-

Abs Activation Operator.

-

$out = |x|$

- --- - - - - - -
Parameters:x – Input of Abs operator -Duplicable: False Optional: False
Returns:Output of Abs operator
-
-

ceil

-
-
-paddle.v2.fluid.layers.ceil(**kwargs)
-

Ceil Activation Operator.

-

$out = ceil(x)$

- --- - - - - - -
Parameters:x – Input of Ceil operator -Duplicable: False Optional: False
Returns:Output of Ceil operator
-
-

floor

-
-
-paddle.v2.fluid.layers.floor(**kwargs)
-

Floor Activation Operator.

-

$out = floor(x)$

- --- - - - - - -
Parameters:x – Input of Floor operator -Duplicable: False Optional: False
Returns:Output of Floor operator
-
-

round

-
-
-paddle.v2.fluid.layers.round(**kwargs)
-

Round Activation Operator.

-

$out = [x]$

- --- - - - - - -
Parameters:x – Input of Round operator -Duplicable: False Optional: False
Returns:Output of Round operator
-
-

reciprocal

-
-
-paddle.v2.fluid.layers.reciprocal(**kwargs)
-

Reciprocal Activation Operator.

-

$$out = frac{1}{x}$$

- --- - - - - - -
Parameters:x – Input of Reciprocal operator -Duplicable: False Optional: False
Returns:Output of Reciprocal operator
-
-

log

-
-
-paddle.v2.fluid.layers.log(**kwargs)
-

Log Activation Operator.

-

$out = ln(x)$

-

Natural logarithm of x.

- --- - - - - - -
Parameters:x – Input of Log operator -Duplicable: False Optional: False
Returns:Output of Log operator
-
-

square

-
-
-paddle.v2.fluid.layers.square(**kwargs)
-

Square Activation Operator.

-

$out = x^2$

- --- - - - - - -
Parameters:x – Input of Square operator -Duplicable: False Optional: False
Returns:Output of Square operator
-
-

softplus

-
-
-paddle.v2.fluid.layers.softplus(**kwargs)
-

Softplus Activation Operator.

-

$out = ln(1 + e^{x})$

- --- - - - - - -
Parameters:x – Input of Softplus operator -Duplicable: False Optional: False
Returns:Output of Softplus operator
-
-

softsign

-
-
-paddle.v2.fluid.layers.softsign(**kwargs)
-

Softsign Activation Operator.

-

$$out = frac{x}{1 + |x|}$$

- --- - - - - - -
Parameters:x – Input of Softsign operator -Duplicable: False Optional: False
Returns:Output of Softsign operator
-
-

brelu

-
-
-paddle.v2.fluid.layers.brelu(**kwargs)
-

BRelu Activation Operator.

-

$out = max(min(x, t_{min}), t_{max})$

- --- - - - - - -
Parameters:
    -
  • x – Input of BRelu operator -Duplicable: False Optional: False
  • -
  • t_min (FLOAT) – The min marginal value of BRelu
  • -
  • t_max (FLOAT) – The max marginal value of BRelu
  • -
-
Returns:

Output of BRelu operator

-
-
-

leaky_relu

-
-
-paddle.v2.fluid.layers.leaky_relu(**kwargs)
-

LeakyRelu Activation Operator.

-

$out = max(x, alpha * x)$

- --- - - - - - -
Parameters:
    -
  • x – Input of LeakyRelu operator -Duplicable: False Optional: False
  • -
  • alpha (FLOAT) – The small negative slope
  • -
-
Returns:

Output of LeakyRelu operator

-
-
-

soft_relu

-
-
-paddle.v2.fluid.layers.soft_relu(**kwargs)
-

SoftRelu Activation Operator.

-

$out = ln(1 + exp(max(min(x, threshold), threshold))$

- --- - - - - - -
Parameters:
    -
  • x – Input of SoftRelu operator -Duplicable: False Optional: False
  • -
  • threshold (FLOAT) – The threshold value of SoftRelu
  • -
-
Returns:

Output of SoftRelu operator

-
-
-

elu

-
-
-paddle.v2.fluid.layers.elu(**kwargs)
-

ELU Activation Operator.

-

Applies the following element-wise computation on the input according to -https://arxiv.org/abs/1511.07289.

-

$out = max(0, x) + min(0, alpha * (e^x - 1))$

- --- - - - - - -
Parameters:
    -
  • x – Input of ELU operator -Duplicable: False Optional: False
  • -
  • alpha (FLOAT) – The alpha value of ELU
  • -
-
Returns:

Output of ELU operator

-
-
-

relu6

-
-
-paddle.v2.fluid.layers.relu6(**kwargs)
-

Relu6 Activation Operator.

-

$out = min(max(0, x), 6)$

- --- - - - - - -
Parameters:
    -
  • x – Input of Relu6 operator -Duplicable: False Optional: False
  • -
  • threshold (FLOAT) – The threshold value of Relu6
  • -
-
Returns:

Output of Relu6 operator

-
-
-

pow

-
-
-paddle.v2.fluid.layers.pow(**kwargs)
-

Pow Activation Operator.

-

$out = x^{factor}$

- --- - - - - - -
Parameters:
    -
  • x – Input of Pow operator -Duplicable: False Optional: False
  • -
  • factor (FLOAT) – The exponential factor of Pow
  • -
-
Returns:

Output of Pow operator

-
-
-

hard_shrink

-
-
-paddle.v2.fluid.layers.hard_shrink(**kwargs)
-

HardShrink Activation Operator.

-

$$ -out = begin{cases}

-
-
x, text{if } x > lambda \ -x, text{if } x < -lambda \ -0, text{otherwise} -end{cases}
-

$$

- --- - - - - - -
Parameters:
    -
  • x – Input of HardShrink operator -Duplicable: False Optional: False
  • -
  • threshold (FLOAT) – The value of threshold for HardShrink
  • -
-
Returns:

Output of HardShrink operator

-
-
-

thresholded_relu

-
-
-paddle.v2.fluid.layers.thresholded_relu(**kwargs)
-

ThresholdedRelu Activation Operator.

-

$$ -out = begin{cases}

-
-
x, text{if } x > threshold \ -0, text{otherwise} -end{cases}
-

$$

- --- - - - - - -
Parameters:
    -
  • x – Input of ThresholdedRelu operator -Duplicable: False Optional: False
  • -
  • threshold (FLOAT) – The threshold location of activation
  • -
-
Returns:

Output of ThresholdedRelu operator

-
-
-

hard_sigmoid

-
-
-paddle.v2.fluid.layers.hard_sigmoid(**kwargs)
-

HardSigmoid Activation Operator.

-

Segment-wise linear approximation of sigmoid(https://arxiv.org/abs/1603.00391), -which is much faster than sigmoid.

-

$out = max(0, min(1, slope * x + shift))$

-

The slope should be positive. The offset can be either positive or negative. -The default slope and shift are set according to the above reference. -It is recommended to use the defaults for this activation.

- --- - - - - - -
Parameters:
    -
  • x – Input of HardSigmoid operator -Duplicable: False Optional: False
  • -
  • slope (FLOAT) – Slope for linear approximation of sigmoid
  • -
  • offset (FLOAT) – Offset for linear approximation of sigmoid
  • -
-
Returns:

Output of HardSigmoid operator

-
-
-

swish

-
-
-paddle.v2.fluid.layers.swish(**kwargs)
-

Swish Activation Operator.

-

$$out = frac{x}{1 + e^{- beta x}}$$

- --- - - - - - -
Parameters:
    -
  • x – Input of Swish operator -Duplicable: False Optional: False
  • -
  • beta (FLOAT) – Constant beta of swish operator
  • -
-
Returns:

Output of Swish operator

-
-
-

l2_normalize

-
-
-paddle.v2.fluid.layers.l2_normalize(x, axis, epsilon=1e-12, name=None)
-

L2 normalize Layer

-

The l2 normalize layer normalizes x along dimension axis using an L2 -norm. For a 1-D tensor (dim is fixed to 0), this layer computes

-

output = x / sqrt(max(sum(x**2), epsilon))

-

For x with more dimensions, this layer independently normalizes each 1-D -slice along dimension axis.

- --- - - - - - - - -
Parameters:
    -
  • x (Variable|list) – The input tensor to l2_normalize layer.
  • -
  • axis (int) – Dimension along which to normalize the input.
  • -
  • epsilon (float) – A lower bound value for x‘s l2 norm. sqrt(epsilon) will -be used as the divisor if the l2 norm of x is less than -sqrt(epsilon).
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
Returns:

The output tensor variable.

-
Return type:

Variable

-
-

Examples

-
data = fluid.layers.data(name="data",
-                         shape=(3, 17, 13),
-                         dtype="float32")
-fc = fluid.layers.l2_normalize(x=data, axis=1)
-
-
-
-

sequence_reshape

-
-
-paddle.v2.fluid.layers.sequence_reshape(input, new_dim)
-

Sequence Reshape Layer

-

This layer will rearrange the input sequences. The new dimension is set by -user. Length of each sequence is computed according to original length, -original dimension and new dimension. The following example will help to -illustrate the function of this layer:

-
x is a LoDTensor:
-    x.lod  = [[0, 2, 6]]
-    x.data = [[1, 2], [3, 4],
-              [5, 6], [7, 8], [9, 10], [11, 12]]
-    x.dims = [6, 2]
-
-set new_dim = 4
-
-then out is a LoDTensor:
-    out.lod  = [[0, 1, 3]]
-    out.data = [[1, 2, 3, 4],
-                [5, 6, 7, 8], [9, 10, 11, 12]]
-    out.dims = [3, 4]
-
-
-

Currently, only 1-level LoDTensor is supported and please make sure -(original length * original dimension) can be divided by new dimension with -no remainder for each sequence.

- --- - - - - - - - -
Parameters:
    -
  • input (Variable) – (LodTensor, default: LoDTensor<float>), a 2-D LoDTensor -with shape being [N, M] where M for dimension.
  • -
  • new_dim (int) – New dimension which the input LoDTensor is reshaped to.
  • -
-
Returns:

Reshaped LoDTensor according to new dimension.

-
Return type:

Variable

-
-

Examples

-
x = fluid.layers.data(name='x', shape=[5, 20],
-                  dtype='float32', lod_level=1)
-x_reshaped = layers.sequence_reshape(input=x, new_dim=10)
-
-
-
-
diff --git a/develop/doc/api/v2/fluid/nets.html b/develop/doc/api/v2/fluid/nets.html index f558444c9603ba0cf0a2f05184b46d80d69d6ad9..a5e0fae9aa328c45552bcb67cfddfe5766265983 100644 --- a/develop/doc/api/v2/fluid/nets.html +++ b/develop/doc/api/v2/fluid/nets.html @@ -220,118 +220,18 @@

Nets

simple_img_conv_pool

-
-
-paddle.v2.fluid.nets.simple_img_conv_pool(input, num_filters, filter_size, pool_size, pool_stride, act, param_attr=None, pool_type='max', use_cudnn=True)
-
-

img_conv_group

-
-
-paddle.v2.fluid.nets.img_conv_group(input, conv_num_filter, pool_size, conv_padding=1, conv_filter_size=3, conv_act=None, param_attr=None, conv_with_batchnorm=False, conv_batchnorm_drop_rate=None, pool_stride=1, pool_type=None, use_cudnn=True)
-

Image Convolution Group, Used for vgg net.

-
-

sequence_conv_pool

-
-
-paddle.v2.fluid.nets.sequence_conv_pool(input, num_filters, filter_size, param_attr=None, act='sigmoid', pool_type='max')
-
-

glu

-
-
-paddle.v2.fluid.nets.glu(input, dim=-1)
-

The gated linear unit composed by split, sigmoid activation and elementwise -multiplication. Specifically, Split the input into two equal sized parts -\(a\) and \(b\) along the given dimension and then compute as -following:

-
-
-\[{GLU}(a, b)= a \otimes \sigma(b)\]
-
-

Refer to Language Modeling with Gated Convolutional Networks.

- --- - - - - - - - -
Parameters:
    -
  • input (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • dim (int) – The dimension along which to split. If \(dim < 0\), the -dimension to split along is \(rank(input) + dim\).
  • -
-
Returns:

The Tensor variable with half the size of input.

-
Return type:

Variable

-
-

Examples

-
# x is a Tensor variable with shape [3, 6, 9]
-fluid.nets.glu(input=x, dim=1)  # shape of output: [3, 3, 9]
-
-
-
-

dot_product_attention

-
-
-paddle.v2.fluid.nets.dot_product_attention(querys, keys, values)
-

The dot-product attention.

-

Attention mechanism can be seen as mapping a query and a set of key-value -pairs to an output. The output is computed as a weighted sum of the values, -where the weight assigned to each value is computed by a compatibility -function (dot-product here) of the query with the corresponding key.

-

The dot-product attention can be implemented through (batch) matrix -multipication as follows:

-
-
-\[Attention(Q, K, V)= softmax(QK^\mathrm{T})V\]
-
-

Refer to Attention Is All You Need.

-

Note that batch data containing sequences with different lengths is not -supported by this because of the (batch) matrix multipication.

- --- - - - - - - - -
Parameters:
    -
  • query (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • key (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • value (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
-
Returns:

The Tensor variables representing the output and attention scores.

-
Return type:

tuple

-
-

Examples

-
# Suppose q, k, v are tensor variables with the following shape:
-# q: [3, 5, 9], k: [3, 6, 9], v: [3, 6, 10]
-out, attn_scores = fluid.nets.dot_product_attention(q, k, v)
-out.shape  # [3, 5, 10]
-attn_scores.shape  # [3, 5, 6]
-
-
-
-
diff --git a/develop/doc/api/v2/fluid/optimizer.html b/develop/doc/api/v2/fluid/optimizer.html index 0115015037560f7b3bc40bd4bcece8281c4b0bec..c6c7f5267c9efbf5787dce8ba7f0115ab9057186 100644 --- a/develop/doc/api/v2/fluid/optimizer.html +++ b/develop/doc/api/v2/fluid/optimizer.html @@ -220,105 +220,24 @@

Optimizer

Optimizer

-
-
-class paddle.v2.fluid.optimizer.Optimizer(global_step=None, regularization=None)
-

Optimizer Base class.

-

Define the common interface of an optimizer. -User should not use this class directly, -but need to use one of it’s implementation.

-
-
-create_optimization_pass(parameters_and_grads, loss, startup_program=None)
-

Add optimization operators to update gradients to variables.

- --- - - - - - - - -
Parameters:
    -
  • loss – the target that this optimization is for.
  • -
  • parameters_and_grads – a list of (variable, gradient) pair to update.
  • -
-
Returns:

a list of operators that will complete one step of -optimization. This will include parameter update ops, global step -update ops and any other custom ops required by subclasses to manage -their internal state. -:param startup_program:

-
Return type:

return_op_list

-
-
- -
-
-minimize(loss, startup_program=None, parameter_list=None, no_grad_set=None)
-

Add operations to minimize loss by updating parameter_list.

-

This method combines interface append_backward() and -create_optimization_pass() into one.

-
- -
-

SGDOptimizer

-
-
-class paddle.v2.fluid.optimizer.SGDOptimizer(learning_rate, **kwargs)
-

Simple SGD optimizer without any state.

-
-

MomentumOptimizer

-
-
-class paddle.v2.fluid.optimizer.MomentumOptimizer(learning_rate, momentum, use_nesterov=False, **kwargs)
-

Simple Momentum optimizer with velocity state

-
-

AdagradOptimizer

-
-
-class paddle.v2.fluid.optimizer.AdagradOptimizer(learning_rate, epsilon=1e-06, **kwargs)
-

Simple Adagrad optimizer with moment state

-
-

AdamOptimizer

-
-
-class paddle.v2.fluid.optimizer.AdamOptimizer(learning_rate=0.001, beta1=0.9, beta2=0.999, epsilon=1e-08, **kwargs)
-

Implements the Adam Optimizer

-
-

AdamaxOptimizer

-
-
-class paddle.v2.fluid.optimizer.AdamaxOptimizer(learning_rate=0.001, beta1=0.9, beta2=0.999, epsilon=1e-08, **kwargs)
-

Implements the Adamax Optimizer

-
-

DecayedAdagradOptimizer

-
-
-class paddle.v2.fluid.optimizer.DecayedAdagradOptimizer(learning_rate, decay=0.95, epsilon=1e-06, **kwargs)
-

Simple Decayed Adagrad optimizer with moment state

-
-
diff --git a/develop/doc/api/v2/fluid/profiler.html b/develop/doc/api/v2/fluid/profiler.html index cda12d3fe0c3ae20da61a5a910f61afd2d20a381..d1a2b4af3edf995ecc0fef04df0fa0f3c9e01d03 100644 --- a/develop/doc/api/v2/fluid/profiler.html +++ b/develop/doc/api/v2/fluid/profiler.html @@ -220,35 +220,6 @@

Profiler

Profiler

-
-
-paddle.v2.fluid.profiler.cuda_profiler(*args, **kwds)
-

The CUDA profiler. -This fuctions is used to profile CUDA program by CUDA runtime application -programming interface. The profiling result will be written into -output_file with Key-Value pair format or Comma separated values format. -The user can set the output mode by output_mode argument and set the -counters/options for profiling by config argument. The default config -is [‘gpustarttimestamp’, ‘gpustarttimestamp’, ‘gridsize3d’, -‘threadblocksize’, ‘streamid’, ‘enableonstart 0’, ‘conckerneltrace’].

- --- - - - -
Parameters:
    -
  • output_file (string) – The output file name, the result will be -written into this file.
  • -
  • output_mode (string) – The output mode has Key-Value pair format and -Comma separated values format. It should be ‘kvp’ or ‘csv’.
  • -
  • config (list of string) – The profiler options and counters can refer -to “Compute Command Line Profiler User Guide”.
  • -
-
-
-
diff --git a/develop/doc/api/v2/fluid/regularizer.html b/develop/doc/api/v2/fluid/regularizer.html index b1c507121be0dcd44f5d2b6720316331db96b1ea..317ce40883bf5b35ecd357698f071ba18d718103 100644 --- a/develop/doc/api/v2/fluid/regularizer.html +++ b/develop/doc/api/v2/fluid/regularizer.html @@ -220,36 +220,12 @@

Regularizer

WeightDecayRegularizer

-
-
-class paddle.v2.fluid.regularizer.WeightDecayRegularizer
-

Base class for weight decay regularizers

-

Defines the common interface of weight-decay regularizers. -Weight-decay regularizers are added only during the backward -pass for faster regularization. They add operations to the network -that correspond to gradient of the regularization function. -Users should not use this class directly, but need to use one -of its implementations

-
-

L2DecayRegularizer

-
-
-class paddle.v2.fluid.regularizer.L2DecayRegularizer(regularization_coeff=0.0)
-

Implements the L2 Weight Decay Regularization

-
-
-
-

L1DecayRegularizer

-
-
-class paddle.v2.fluid.regularizer.L1DecayRegularizer(regularization_coeff=0.0)
-

Implements the L1 Weight Decay Regularization

-
- +
+

L1DecayRegularizer

diff --git a/develop/doc/genindex.html b/develop/doc/genindex.html index 56726dcf6df3c30ff099b72028dfdbfb48977661..ebeed842738945fbd844619903bceca021da117c 100644 --- a/develop/doc/genindex.html +++ b/develop/doc/genindex.html @@ -217,7 +217,6 @@ B | C | L - | M | P | R | S @@ -243,14 +242,12 @@

L

- +
-

M

- - -
-

P

@@ -296,10 +283,6 @@
-
diff --git a/develop/doc/objects.inv b/develop/doc/objects.inv index 21f9459635cae0413dc0970a93b8b3e4c1b6ef05..16cfe07c0bd36aca2c9347b3b69f04f13af0876a 100644 Binary files a/develop/doc/objects.inv and b/develop/doc/objects.inv differ diff --git a/develop/doc/operators.json b/develop/doc/operators.json index 0be8f1709f2d45a245da841d02b361fe5d049019..772fe1750a081f98ab353065f199b7a41f68ac44 100644 --- a/develop/doc/operators.json +++ b/develop/doc/operators.json @@ -1140,24 +1140,6 @@ "intermediate" : 0 } ], "attrs" : [ ] -},{ - "type" : "log", - "comment" : "\nLog Activation Operator.\n\n$out = \\ln(x)$\n\nNatural logarithm of x.\n\n", - "inputs" : [ - { - "name" : "X", - "comment" : "Input of Log operator", - "duplicable" : 0, - "intermediate" : 0 - } ], - "outputs" : [ - { - "name" : "Out", - "comment" : "Output of Log operator", - "duplicable" : 0, - "intermediate" : 0 - } ], - "attrs" : [ ] },{ "type" : "softmax", "comment" : "\nSoftmax Operator.\n\nThe input of the softmax operator is a 2-D tensor with shape N x K (N is the\nbatch_size, K is the dimension of input feature). The output tensor has the\nsame shape as the input tensor.\n\nFor each row of the input tensor, the softmax operator squashes the\nK-dimensional vector of arbitrary real values to a K-dimensional vector of real\nvalues in the range [0, 1] that add up to 1.\nIt computes the exponential of the given dimension and the sum of exponential\nvalues of all the other dimensions in the K-dimensional vector input.\nThen the ratio of the exponential of the given dimension and the sum of\nexponential values of all the other dimensions is the output of the softmax\noperator.\n\nFor each row $i$ and each column $j$ in Input(X), we have:\n $$Out[i, j] = \\frac{\\exp(X[i, j])}{\\sum_j(exp(X[i, j])}$$\n\n", @@ -1546,6 +1528,34 @@ "comment" : "(float, default 0.0) L2 regularization strength.", "generated" : 0 } ] +},{ + "type" : "rank_loss", + "comment" : "\nRankLoss Operator.\n\nRankLoss operator for RankNet\n(http://icml.cc/2015/wp-content/uploads/2015/06/icml_ranking.pdf). \nRankNet is a pairwise ranking model with\none training sample consisting of a pair of doc A and B, and the label P\nindicating that A is ranked higher than B or not:\n\nP = {0, 1} or {0, 0.5, 1}, where 0.5 means no information about the rank of\nthe input pair.\n\nThe RankLoss operator takes three inputs: Left (o_i), Right (o_j) and Label\n(P_{i,j}), which represent the output score of RankNet for the two docs and \nthe label respectively, and yields the rank loss C_{i,j} using the following \nequation:\n\n$$\n C_{i,j} = -\\tilde{P_{ij}} * o_{i,j} + \\log(1 + e^{o_{i,j}}) \\\\\n o_{i,j} = o_i - o_j \\\\\n \\tilde{P_{i,j}} = \\left \\{0, 0.5, 1 \\right \\} \\ or \\ \\left \\{0, 1 \\right \\}\n$$\n\nThe operator can take batch inputs with size batch_size (batch_size >= 1).\n\n", + "inputs" : [ + { + "name" : "Label", + "comment" : "(2-D Tensor with shape [batch_size x 1]) The label indicating A ranked higher than B or not.", + "duplicable" : 0, + "intermediate" : 0 + }, { + "name" : "Left", + "comment" : "(2-D Tensor with shape [batch_size x 1]) The output of RankNet for doc A.", + "duplicable" : 0, + "intermediate" : 0 + }, { + "name" : "Right", + "comment" : "(2-D Tensor with shape [batch_size x 1]) The output of RankNet for doc B.", + "duplicable" : 0, + "intermediate" : 0 + } ], + "outputs" : [ + { + "name" : "Out", + "comment" : "(2-D Tensor with shape [batch_size x 1]) The output loss of RankLoss operator.", + "duplicable" : 0, + "intermediate" : 0 + } ], + "attrs" : [ ] },{ "type" : "reciprocal", "comment" : "\nReciprocal Activation Operator.\n\n$$out = \\frac{1}{x}$$\n\n", @@ -2389,7 +2399,13 @@ "duplicable" : 0, "intermediate" : 0 } ], - "attrs" : [ ] + "attrs" : [ + { + "name" : "axis", + "type" : "int", + "comment" : "(int, default -1). The start dimension index for broadcasting Y onto X.", + "generated" : 0 + } ] },{ "type" : "sequence_pool", "comment" : "\nSequence Pool Operator.\n\nThe SequencePoolOp pools features of all time-steps of each instance.\nIt supports six pooling types:\n1. AVERAGE: $$Out[i] = \\frac{\\sum_i X_i}{N}$$\n2. SUM: $$Out[i] = \\sum_jX_{ij}$$\n3. SQRT: $$Out[i] = \\frac{\\sum_jX_{ij}}{\\sqrt{len(X_i)}}$$\n4. LAST: Out[i] = last instance in i-th sequence X[i]\n5. FIRST: Out[i] = first instance in i-th sequence X[i]\n6. MAX: $$Out[i] = max(X_i)$$\n\nThe following example explains how this works:\nFor a mini-batch of 3 variable-length sentences,\ncontaining 2, 3, and 2 time-steps:\n\nAssume X is a [7,M,N] LoDTensor, and X->lod()[0] = [0, 2, 5, 7], 7=2+3+2.\nBesides, for the sake of simplicity, we assume M=1 and N=1,\nand the value of X = [[1, 3], [2, 4, 6], [5, 1]].\n\nThus, Out is a [3,1,1] Tensor without LoD infomation.\nAnd for different pooltype, the value of Out is as follows:\n\n- AVERAGE: [2, 4, 3], where 2=(1+3)/2, 4=(2+4+6)/3, 3=(5+1)/2\n- SUM: [4, 12, 6], where 4=1+3, 12=2+4+6, 6=5+1\n- SQRT: [2.82, 6.93, 4.24], where 2.82=(1+3)/sqrt(2),\n 6.93=(2+4+6)/sqrt(3), 4.24=(5+1)/sqrt(2)\n- MAX: [3, 6, 5], where 3=max(1,3), 6=max(2,4,6), 5=max(5,1)\n- LAST: [3, 6, 1], where 3=last(1,3), 6=last(2,4,6), 1=last(5,1)\n- FIRST: [1, 2, 5], where 1=first(1,3), 2=first(2,4,6), 5=first(5,1)\n\n ", @@ -3197,57 +3213,6 @@ "comment" : "Hyper parameter in huber loss.", "generated" : 0 } ] -},{ - "type" : "rank_loss", - "comment" : "\nRankLoss Operator.\n\nRankLoss operator for RankNet\n(http://icml.cc/2015/wp-content/uploads/2015/06/icml_ranking.pdf). \nRankNet is a pairwise ranking model with\none training sample consisting of a pair of doc A and B, and the label P\nindicating that A is ranked higher than B or not:\n\nP = {0, 1} or {0, 0.5, 1}, where 0.5 means no information about the rank of\nthe input pair.\n\nThe RankLoss operator takes three inputs: Left (o_i), Right (o_j) and Label\n(P_{i,j}), which represent the output score of RankNet for the two docs and \nthe label respectively, and yields the rank loss C_{i,j} using the following \nequation:\n\n$$\n C_{i,j} = -\\tilde{P_{ij}} * o_{i,j} + \\log(1 + e^{o_{i,j}}) \\\\\n o_{i,j} = o_i - o_j \\\\\n \\tilde{P_{i,j}} = \\left \\{0, 0.5, 1 \\right \\} \\ or \\ \\left \\{0, 1 \\right \\}\n$$\n\nThe operator can take batch inputs with size batch_size (batch_size >= 1).\n\n", - "inputs" : [ - { - "name" : "Label", - "comment" : "(2-D Tensor with shape [batch_size x 1]) The label indicating A ranked higher than B or not.", - "duplicable" : 0, - "intermediate" : 0 - }, { - "name" : "Left", - "comment" : "(2-D Tensor with shape [batch_size x 1]) The output of RankNet for doc A.", - "duplicable" : 0, - "intermediate" : 0 - }, { - "name" : "Right", - "comment" : "(2-D Tensor with shape [batch_size x 1]) The output of RankNet for doc B.", - "duplicable" : 0, - "intermediate" : 0 - } ], - "outputs" : [ - { - "name" : "Out", - "comment" : "(2-D Tensor with shape [batch_size x 1]) The output loss of RankLoss operator.", - "duplicable" : 0, - "intermediate" : 0 - } ], - "attrs" : [ ] -},{ - "type" : "greater_than", - "comment" : "greater_than Operator\n\nIt operates element-wise on X and Y, and returns the Out. Each of them is a\nN-dim tensor. X and Y could be any type. The each element of the Out tensor is\ncalculated by Out = X > Y\n", - "inputs" : [ - { - "name" : "X", - "comment" : "(LoDTensor) the left hand operand of greater_than operator", - "duplicable" : 0, - "intermediate" : 0 - }, { - "name" : "Y", - "comment" : "(LoDTensor) the right hand operand of greater_than operator", - "duplicable" : 0, - "intermediate" : 0 - } ], - "outputs" : [ - { - "name" : "Out", - "comment" : "(LoDTensor) n-dim bool tensor. Each element is Out = X > Y", - "duplicable" : 0, - "intermediate" : 0 - } ], - "attrs" : [ ] },{ "type" : "sequence_softmax", "comment" : "\nSequence Softmax Operator.\n\nSequenceSoftmaxOp computes the softmax activation among all time-steps for each\nsequence. The dimension of each time-step should be 1. Thus, the shape of\ninput Tensor can be either [N, 1] or [N], where N is the sum of the length\nof all sequences.\n\nThe algorithm works as follows:\n\n for i-th sequence in a mini-batch:\n\n$$\nOut(X[lod[i]:lod[i+1]], :) = \\\n\\frac{\\exp(X[lod[i]:lod[i+1], :])} \\\n{\\sum(\\exp(X[lod[i]:lod[i+1], :]))}\n$$\n\nFor example, for a mini-batch of 3 sequences with variable-length,\neach containing 2, 3, 2 time-steps, the lod of which is [0, 2, 5, 7],\nthen softmax will be computed among X[0:2, :], X[2:5, :], X[5:7, :]\nand N turns out to be 7.\n\n", @@ -4515,29 +4480,6 @@ "comment" : "(int) the specific lod level to split.", "generated" : 0 } ] -},{ - "type" : "greater_equal", - "comment" : "greater_equal Operator\n\nIt operates element-wise on X and Y, and returns the Out. Each of them is a\nN-dim tensor. X and Y could be any type. The each element of the Out tensor is\ncalculated by Out = X >= Y\n", - "inputs" : [ - { - "name" : "X", - "comment" : "(LoDTensor) the left hand operand of greater_equal operator", - "duplicable" : 0, - "intermediate" : 0 - }, { - "name" : "Y", - "comment" : "(LoDTensor) the right hand operand of greater_equal operator", - "duplicable" : 0, - "intermediate" : 0 - } ], - "outputs" : [ - { - "name" : "Out", - "comment" : "(LoDTensor) n-dim bool tensor. Each element is Out = X >= Y", - "duplicable" : 0, - "intermediate" : 0 - } ], - "attrs" : [ ] },{ "type" : "crop", "comment" : "\nCrop Operator.\n\nCrop input into output, as specified by offsets and shape.\n\nThere are two ways to set shape:\n1. reference input: crop input X into the same shape as reference input.\n The dimension of reference input should\n be the same as the dimension of input X.\n2. shape list: crop input X into the shape described by a list.\n The size of shape list should be the same as\n the dimension size of input X.\n\nThe input should be a k-D tensor(k > 0 and k < 7). As an example:\n\nCase 1:\nGiven\n\n X = [[0, 1, 2, 0, 0]\n [0, 3, 4, 0, 0]\n [0, 0, 0, 0, 0]],\n\nand\n\n offsets = [0, 1],\n\nand\n\n shape = [2, 2],\n\nwe get:\n\n Out = [[1, 2],\n [3, 4]].\n\n\nCase 2:\nGiven\n\n X = [[0, 1, 2, 5, 0]\n [0, 3, 4, 6, 0]\n [0, 0, 0, 0, 0]],\n\nand\n\n offsets = [0, 1],\n\nand\n\n Y = [[0, 0, 0]\n [0, 0, 0]],\n\nwe get:\n\n Out = [[1, 2, 5],\n [3, 4, 6]].\n", @@ -4750,7 +4692,13 @@ "duplicable" : 0, "intermediate" : 0 } ], - "attrs" : [ ] + "attrs" : [ + { + "name" : "axis", + "type" : "int", + "comment" : "(int, default -1). The start dimension index for broadcasting Y onto X.", + "generated" : 0 + } ] },{ "type" : "equal", "comment" : "equal Operator\n\nIt operates element-wise on X and Y, and returns the Out. Each of them is a\nN-dim tensor. X and Y could be any type. The each element of the Out tensor is\ncalculated by Out = X == Y\n", @@ -4773,7 +4721,13 @@ "duplicable" : 0, "intermediate" : 0 } ], - "attrs" : [ ] + "attrs" : [ + { + "name" : "axis", + "type" : "int", + "comment" : "(int, default -1). The start dimension index for broadcasting Y onto X.", + "generated" : 0 + } ] },{ "type" : "gather", "comment" : "\nGather Operator.\n\n$Out = X[Index]$\n\nOut is obtained by gathering entries of the outer-most dimension \nof X indexed by Index and concatenate them together.\n\nExample:\n\nX = [[1, 2],\n [3, 4],\n [5, 6]]\n\nIndex = [[1, 2]]\n\nThen:\n\nOut = [[3, 4],\n [5, 6]]\n\n", @@ -5359,6 +5313,24 @@ "comment" : "(float, default 1.0e-6) Constant for numerical stability", "generated" : 0 } ] +},{ + "type" : "log", + "comment" : "\nLog Activation Operator.\n\n$out = \\ln(x)$\n\nNatural logarithm of x.\n\n", + "inputs" : [ + { + "name" : "X", + "comment" : "Input of Log operator", + "duplicable" : 0, + "intermediate" : 0 + } ], + "outputs" : [ + { + "name" : "Out", + "comment" : "Output of Log operator", + "duplicable" : 0, + "intermediate" : 0 + } ], + "attrs" : [ ] },{ "type" : "nce", "comment" : "\nCompute and return the noise-contrastive estimation training loss.\nSee [Noise-contrastive estimation: A new estimation principle for unnormalized statistical models](http://www.jmlr.org/proceedings/papers/v9/gutmann10a/gutmann10a.pdf).\nBy default this operator uses a uniform distribution for sampling.\n", diff --git a/develop/doc/py-modindex.html b/develop/doc/py-modindex.html index 21e196d7be88ff18f130af10a437378a3ad598e7..b2be9b37dae7a357066523f00b34389ac8a4a368 100644 --- a/develop/doc/py-modindex.html +++ b/develop/doc/py-modindex.html @@ -229,11 +229,6 @@ paddle - - -     - paddle.v2.fluid.regularizer -     diff --git a/develop/doc/searchindex.js b/develop/doc/searchindex.js index bf52e3e307243f48a6fe017e81f6d91fb97ee4ea..1eb2d4705e3f64c321db7c579d94ebd56556a250 100644 --- a/develop/doc/searchindex.js +++ b/develop/doc/searchindex.js @@ -1 +1 @@ -Search.setIndex({docnames:["api/index_en","api/v1/data_provider/dataprovider_en","api/v1/data_provider/pydataprovider2_en","api/v1/index_en","api/v1/predict/swig_py_paddle_en","api/v2/config/activation","api/v2/config/attr","api/v2/config/evaluators","api/v2/config/layer","api/v2/config/networks","api/v2/config/optimizer","api/v2/config/pooling","api/v2/data","api/v2/data/data_reader","api/v2/data/dataset","api/v2/data/image","api/v2/fluid","api/v2/fluid/data_feeder","api/v2/fluid/evaluator","api/v2/fluid/executor","api/v2/fluid/initializer","api/v2/fluid/io","api/v2/fluid/layers","api/v2/fluid/nets","api/v2/fluid/optimizer","api/v2/fluid/param_attr","api/v2/fluid/profiler","api/v2/fluid/regularizer","api/v2/model_configs","api/v2/run_logic","design/api","design/auto_gradient_check","design/backward","design/block","design/build_system/README","design/cluster_train/README","design/cluster_train/checkpointing","design/cluster_train/data_dispatch","design/cluster_train/large_model_dist_train","design/cluster_train/master_server","design/cluster_train/pserver_client","design/cluster_train/remote_parameter_updater","design/cluster_train/save_model","design/cluster_train/submit-job","design/concurrent_programming","design/dist_refactor/distributed_architecture","design/dist_refactor/multi_cpu","design/dist_refactor/parameter_server","design/error_clip","design/evaluator","design/executor","design/file_manager/README","design/file_manager/pfs/pfsclient","design/float16","design/fluid","design/fluid_compiler","design/functions_operators_layers","design/gan_api","design/graph","design/graph_survey","design/if_else_op","design/infer_var_type","design/kernel_hint_design","design/memory_optimization","design/mkl/mkl_packed","design/mkl/mkldnn","design/mkl/mkldnn_fluid","design/model_format","design/multi_language_interface/00.why_plain_c","design/multi_language_interface/01.inference_implementation","design/operator_kernel_type","design/ops/rnn","design/ops/sequence_decoder","design/optimizer","design/paddle_nccl","design/parameter_average","design/parameters_in_cpp","design/profiler","design/program","design/prune","design/python_api","design/reader/README","design/refactorization","design/register_grad_op","design/regularization","design/releasing_process","design/scope","design/selected_rows","design/simple_op_design","design/support_new_device","design/switch_kernel","design/tensor_array","design/var_desc","getstarted/build_and_install/build_from_source_en","getstarted/build_and_install/docker_install_en","getstarted/build_and_install/index_en","getstarted/build_and_install/pip_install_en","getstarted/index_en","howto/deep_model/rnn/index_en","howto/deep_model/rnn/rnn_config_en","howto/dev/build_en","howto/dev/contribute_to_paddle_en","howto/dev/new_layer_en","howto/dev/new_op_en","howto/dev/new_op_kernel_en","howto/dev/use_eigen_en","howto/dev/write_docs_en","howto/index_en","howto/optimization/cpu_profiling","howto/optimization/gpu_profiling_en","howto/read_source","howto/usage/cluster/cluster_train_en","howto/usage/cluster/fabric_en","howto/usage/cluster/fluid_cluster_train_en","howto/usage/cluster/k8s_aws_en","howto/usage/cluster/k8s_en","howto/usage/cluster/openmpi_en","howto/usage/cluster/src/k8s_data/README","howto/usage/cluster/src/k8s_train/README","howto/usage/cmd_parameter/arguments_en","howto/usage/cmd_parameter/detail_introduction_en","howto/usage/cmd_parameter/index_en","howto/usage/cmd_parameter/use_case_en","index_en","mobile/cross_compiling_for_android_en","mobile/cross_compiling_for_ios_en","mobile/cross_compiling_for_raspberry_en","mobile/index_en","survey/cluster_bootstrapping_tools"],envversion:50,filenames:["api/index_en.rst","api/v1/data_provider/dataprovider_en.rst","api/v1/data_provider/pydataprovider2_en.rst","api/v1/index_en.rst","api/v1/predict/swig_py_paddle_en.rst","api/v2/config/activation.rst","api/v2/config/attr.rst","api/v2/config/evaluators.rst","api/v2/config/layer.rst","api/v2/config/networks.rst","api/v2/config/optimizer.rst","api/v2/config/pooling.rst","api/v2/data.rst","api/v2/data/data_reader.rst","api/v2/data/dataset.rst","api/v2/data/image.rst","api/v2/fluid.rst","api/v2/fluid/data_feeder.rst","api/v2/fluid/evaluator.rst","api/v2/fluid/executor.rst","api/v2/fluid/initializer.rst","api/v2/fluid/io.rst","api/v2/fluid/layers.rst","api/v2/fluid/nets.rst","api/v2/fluid/optimizer.rst","api/v2/fluid/param_attr.rst","api/v2/fluid/profiler.rst","api/v2/fluid/regularizer.rst","api/v2/model_configs.rst","api/v2/run_logic.rst","design/api.md","design/auto_gradient_check.md","design/backward.md","design/block.md","design/build_system/README.md","design/cluster_train/README.md","design/cluster_train/checkpointing.md","design/cluster_train/data_dispatch.md","design/cluster_train/large_model_dist_train.md","design/cluster_train/master_server.md","design/cluster_train/pserver_client.md","design/cluster_train/remote_parameter_updater.md","design/cluster_train/save_model.md","design/cluster_train/submit-job.md","design/concurrent_programming.md","design/dist_refactor/distributed_architecture.md","design/dist_refactor/multi_cpu.md","design/dist_refactor/parameter_server.md","design/error_clip.md","design/evaluator.md","design/executor.md","design/file_manager/README.md","design/file_manager/pfs/pfsclient.md","design/float16.md","design/fluid.md","design/fluid_compiler.md","design/functions_operators_layers.md","design/gan_api.md","design/graph.md","design/graph_survey.md","design/if_else_op.md","design/infer_var_type.md","design/kernel_hint_design.md","design/memory_optimization.md","design/mkl/mkl_packed.md","design/mkl/mkldnn.md","design/mkl/mkldnn_fluid.md","design/model_format.md","design/multi_language_interface/00.why_plain_c.md","design/multi_language_interface/01.inference_implementation.md","design/operator_kernel_type.md","design/ops/rnn.md","design/ops/sequence_decoder.md","design/optimizer.md","design/paddle_nccl.md","design/parameter_average.md","design/parameters_in_cpp.md","design/profiler.md","design/program.md","design/prune.md","design/python_api.md","design/reader/README.md","design/refactorization.md","design/register_grad_op.md","design/regularization.md","design/releasing_process.md","design/scope.md","design/selected_rows.md","design/simple_op_design.md","design/support_new_device.md","design/switch_kernel.md","design/tensor_array.md","design/var_desc.md","getstarted/build_and_install/build_from_source_en.rst","getstarted/build_and_install/docker_install_en.rst","getstarted/build_and_install/index_en.rst","getstarted/build_and_install/pip_install_en.rst","getstarted/index_en.rst","howto/deep_model/rnn/index_en.rst","howto/deep_model/rnn/rnn_config_en.rst","howto/dev/build_en.md","howto/dev/contribute_to_paddle_en.md","howto/dev/new_layer_en.rst","howto/dev/new_op_en.md","howto/dev/new_op_kernel_en.md","howto/dev/use_eigen_en.md","howto/dev/write_docs_en.rst","howto/index_en.rst","howto/optimization/cpu_profiling.md","howto/optimization/gpu_profiling_en.rst","howto/read_source.md","howto/usage/cluster/cluster_train_en.md","howto/usage/cluster/fabric_en.md","howto/usage/cluster/fluid_cluster_train_en.md","howto/usage/cluster/k8s_aws_en.md","howto/usage/cluster/k8s_en.md","howto/usage/cluster/openmpi_en.md","howto/usage/cluster/src/k8s_data/README.md","howto/usage/cluster/src/k8s_train/README.md","howto/usage/cmd_parameter/arguments_en.md","howto/usage/cmd_parameter/detail_introduction_en.md","howto/usage/cmd_parameter/index_en.rst","howto/usage/cmd_parameter/use_case_en.md","index_en.rst","mobile/cross_compiling_for_android_en.md","mobile/cross_compiling_for_ios_en.md","mobile/cross_compiling_for_raspberry_en.md","mobile/index_en.rst","survey/cluster_bootstrapping_tools.md"],objects:{"paddle.trainer.PyDataProvider2":{provider:[2,0,1,""]},"paddle.v2":{image:[15,2,0,"-"]},"paddle.v2.fluid":{regularizer:[27,2,0,"-"]},"paddle.v2.fluid.evaluator.Evaluator":{metrics:[18,1,1,""],states:[18,1,1,""]},"paddle.v2.fluid.regularizer":{L1DecayRegularizer:[27,3,1,""]},"paddle.v2.image":{batch_images_from_tar:[15,0,1,""],center_crop:[15,0,1,""],left_right_flip:[15,0,1,""],load_and_transform:[15,0,1,""],load_image:[15,0,1,""],load_image_bytes:[15,0,1,""],random_crop:[15,0,1,""],resize_short:[15,0,1,""],simple_transform:[15,0,1,""],to_chw:[15,0,1,""]}},objnames:{"0":["py","function","Python function"],"1":["py","attribute","Python attribute"],"2":["py","module","Python module"],"3":["py","class","Python class"]},objtypes:{"0":"py:function","1":"py:attribute","2":"py:module","3":"py:class"},terms:{"00186201e":4,"00m":109,"03m":109,"0424m":109,"0473v3":9,"055ee37d":114,"0630u":109,"06u":109,"0810u":109,"08823112e":4,"0957m":109,"0_cudnn5":93,"0_cudnn5_avx_mkl":[94,96],"0_cudnn7_avx_mkl":96,"0ab":8,"0rc":111,"0rc1":85,"0rc2":85,"0x10f256d50":59,"0x7ffe4de00110":59,"100gb":109,"100gi":114,"10g":43,"10m":109,"1150u":109,"11\u5b9e\u73b0\u4e86c":69,"11e6":115,"12194102e":4,"124n":109,"12gb":63,"13m":115,"1490u":109,"15501715e":4,"1550u":109,"16u":109,"173n":109,"1770u":109,"18ad":114,"18e457ce3d362ff5f3febf8e7f85ffec852f70f3b629add10aed84f930a68750":115,"197u":109,"1gb":109,"1st":22,"210u":109,"211839e770f7b538e2d8":9,"215n":109,"228u":109,"2520u":109,"25639710e":4,"2680u":109,"27787406e":4,"279n":109,"27m":109,"285m":109,"2863m":109,"28m":109,"28x28":2,"2977m":109,"2cbf7385":114,"2nd":22,"302n":109,"30u":109,"32777140e":4,"328n":109,"32u":109,"32x32":14,"331n":109,"3320u":109,"36540484e":4,"365e":114,"36u":109,"3710m":109,"3768m":109,"387u":109,"38u":109,"3920u":109,"39u":109,"3rd":125,"4035m":109,"4090u":109,"4096mb":120,"4279m":109,"43630644e":4,"43u":109,"448a5b355b84":115,"4560u":109,"4563m":109,"45u":109,"4650u":109,"4726m":109,"473m":115,"48565123e":4,"48684503e":4,"49316648e":4,"4gb":120,"50bd":114,"50gi":114,"51111044e":4,"514u":109,"525n":109,"526u":109,"53018653e":4,"536u":109,"5460u":109,"5470u":109,"54u":109,"5690m":109,"573u":109,"578n":109,"5798m":109,"586u":109,"58s":115,"5969m":109,"5_cudnn5_avx_mkl":96,"5_cudnn5_avx_openbla":[96,97],"6080u":109,"6140u":109,"6305m":109,"639u":109,"64m":67,"655u":109,"6780u":109,"6810u":109,"682u":109,"6970u":109,"6ce9":114,"704u":109,"70634608e":4,"7090u":109,"72296313e":4,"72u":109,"73u":109,"75u":109,"760u":109,"767u":109,"783n":109,"784u":109,"78m":109,"7eamaa":14,"7kb":115,"8250u":109,"8300u":109,"830n":109,"849m":109,"85625684e":4,"861u":109,"8661m":109,"892m":109,"901n":109,"90u":109,"918u":109,"9247m":109,"924n":109,"9261m":109,"93137714e":4,"9330m":109,"94u":109,"9530m":109,"96644767e":4,"983m":109,"988u":109,"997u":109,"99982715e":4,"99u":109,"9a235":125,"9f18":115,"\u4e00\u4e2a\u5178\u578b\u7684chunk\u5982\u4e0b\u6240\u793a":51,"\u4e00\u4e2a\u795e\u7ecf\u7f51\u7edc\u7684\u6a21\u578b\u7531\u5927\u91cf\u7684\u53c2\u6570\u7ec4\u6210":36,"\u4e00\u4e2achunk\u7531\u6240\u5728\u7684\u6587\u4ef6\u504f\u79fb":51,"\u4e00\u4e2aposix\u517c\u5bb9\u7684\u6587\u4ef6\u7cfb\u7edf":51,"\u4e00\u822c\u4e0d\u5141\u8bb8\u518d\u4ece":85,"\u4e00\u822c\u7531mkl":65,"\u4e0a\u4f20\u5230cloud\u6216\u8005\u4e0b\u8f7d\u5230\u672c\u5730\u7684\u65f6\u95f4\u53ef\u80fd\u6bd4\u8f83\u957f":51,"\u4e0a\u4f20\u65b9\u6cd5":85,"\u4e0a\u6ce8\u518c\u4e00\u4e0b":51,"\u4e0a\u8ff0paddlepaddl":85,"\u4e0b\u4e00\u4e2awheel\u5305\u9700\u8981\u66f4\u65b0\u7248\u672c\u53f7\u624d\u53ef\u4ee5\u4e0a\u4f20":85,"\u4e0b\u5b58\u653e\u516c\u5171\u6570\u636e\u96c6\u5408":37,"\u4e0b\u62c9\u6846\u4e2d\u627e\u5230\u751f\u6210\u76843\u4e2a\u4e8c\u8fdb\u5236\u6587\u4ef6":85,"\u4e0b\u8f7d":51,"\u4e0b\u8f7d\u5230\u672c\u5730":51,"\u4e0b\u8f7d\u5f97\u5230":85,"\u4e0b\u9762\u5206\u522b\u4ecb\u7ecd\u67d0\u4e00\u7c7b\u6587\u4ef6\u7684\u5b9e\u73b0\u65b9\u5f0f":69,"\u4e0d\u4e00\u81f4\u7684\u7531pfsclient\u4e0b\u8f7d\u6216\u8005\u4f20\u8f93chunk\u5b8c\u6210":51,"\u4e0d\u4f7f\u7528\u9759\u6001\u5e93":68,"\u4e0d\u4f7f\u7528c":68,"\u4e0d\u4f7f\u7528swig":68,"\u4e0d\u53ef\u4ee5\u66f4\u6539":85,"\u4e0d\u540c":65,"\u4e0d\u540c\u7248\u672c\u7684\u7f16\u8bd1\u5668\u4e4b\u95f4":68,"\u4e0d\u540c\u8bed\u8a00\u7684\u63a5\u53e3\u9002\u5e94\u4e0d\u540c\u8bed\u8a00\u7684\u7279\u6027":68,"\u4e0d\u5728":69,"\u4e0d\u5bb9\u6613\u51fa\u9519":51,"\u4e0d\u5d4c\u5165\u5176\u4ed6\u8bed\u8a00\u89e3\u91ca\u5668":68,"\u4e0d\u5d4c\u5165python\u89e3\u91ca\u5668":68,"\u4e0d\u663e\u793a\u7684\u5199\u6bcf\u4e2a\u7c7b\u5177\u4f53\u5305\u542b\u4ec0\u4e48":68,"\u4e0d\u7528mount\u7684\u65b9\u5f0f\u6765\u8bbf\u95ee\u6570\u636e":37,"\u4e0e":65,"\u4e0e\u4e4b\u76f8\u5bf9\u7684\u662flocal":51,"\u4e0e\u5176\u4ed6\u7b2c\u4e09\u65b9\u5e93\u4e00\u6837":65,"\u4e0e\u529f\u80fd\u5206\u652f\u4e0d\u540c\u7684\u662f":85,"\u4e0e\u53ef\u80fd\u6709\u7684":85,"\u4e0ebatch":64,"\u4e14\u589e\u52a0\u4e00\u4e2a\u7b2c\u4e09\u65b9\u8bed\u8a00":68,"\u4e14\u8c03\u7528\u65f6\u4e0d\u80fd\u629b\u51fa\u5f02\u5e38\u6216\u51fa\u73b0\u8fd0\u884c\u65f6\u9519\u8bef":69,"\u4e14c99\u652f\u6301bool\u7c7b\u578b\u548c\u5b9a\u957f\u6574\u6570":68,"\u4e14c99\u76f8\u5bf9\u4e8ec11\u4f7f\u7528\u66f4\u52a0\u5e7f\u6cdb":68,"\u4e25\u683c\u7684\u547d\u540d\u89c4\u8303pep":85,"\u4e2a\u6027\u5316\u63a8\u8350":85,"\u4e2d":[64,65,68,69],"\u4e2d\u4f1a\u63d0\u4f9b\u4e00\u4e9b\u5fc5\u8981\u7684\u63a5\u53e3\u548c\u51fd\u6570":65,"\u4e2d\u5199\u5165json\u5185\u5bb9":36,"\u4e2d\u5b8c\u5168\u4e00\u81f4":68,"\u4e2d\u5b9e\u73b0\u4e86\u4e00\u4e2amerge\u7684\u65b9\u6cd5":65,"\u4e2d\u5b9e\u73b0\u7684\u7ed3\u6784\u4f53":69,"\u4e2d\u5bf9\u5e94\u7684layer\u5904":64,"\u4e2d\u5f15\u5165\u7684":64,"\u4e2d\u63d0\u4f9b\u4e00\u4e2a\u4e0emkl\u6709\u5173\u7684\u603b\u5f00\u5173":65,"\u4e2d\u6839\u636e":64,"\u4e2d\u6dfb\u52a0":64,"\u4e2d\u6dfb\u52a0\u4e00\u4e2a":65,"\u4e2d\u7684\u7248\u672c\u4fe1\u606f":85,"\u4e2d\u8fd0\u884c\u4efb\u52a1\u7684\u89d2\u5ea6":37,"\u4e3a":[64,65],"\u4e3a\u4e86\u5c3d\u53ef\u80fd\u5c11\u7684\u5728\u7236\u7c7blayer\u4e2d\u6dfb\u52a0\u53d8\u91cf\u6216\u8005\u51fd\u6570":65,"\u4e3a\u4e86\u5e94\u5bf9\u4ee5\u4e0a\u7684\u95ee\u9898":51,"\u4e3a\u4e86\u66b4\u9732\u7684\u63a5\u53e3\u5c3d\u91cf\u7b80\u5355":69,"\u4e3a\u4e86\u66f4\u597d\u7684\u7b26\u5408paddlepaddle\u7684\u4ee3\u7801\u98ce\u683c":65,"\u4e3a\u4e86\u6700\u5927\u7a0b\u5ea6\u51cf\u5c11\u591a\u6b21\u8c03\u7528":64,"\u4e3a\u4e86\u8fdb\u4e00\u6b65\u63d0\u5347paddlepaddle\u5728\u57fa\u672c\u6570\u5b66\u8fd0\u7b97\u7684\u8ba1\u7b97\u901f\u5ea6":65,"\u4e3b\u8981\u529f\u80fd\u5305\u62ec":51,"\u4e3b\u8981\u5305\u62ec":65,"\u4e3b\u8981\u5305\u62ec\u4e86\u6df1\u5ea6\u5b66\u4e60\u76f8\u5173\u7684\u6570\u5b66\u539f\u8bed\u4e0e\u64cd\u4f5c":65,"\u4e3b\u8981\u9488\u5bf9paddlepaddle\u5728\u91cd\u6784\u4e4b\u524d\u7684\u4ee3\u7801\u6846\u67b6\u4ee5\u53cav1\u7684api":65,"\u4e4b\u5916\u7684\u6240\u6709\u5934\u6587\u4ef6":69,"\u4e5f\u4e0d\u4f7f\u7528\u5176\u4ed6\u52a8\u6001\u5e93":68,"\u4e5f\u4e0d\u5e94\u8be5\u62a5\u9519":69,"\u4e5f\u4e0d\u751f\u6210":69,"\u4e5f\u53ef\u4ee5\u4f7f\u7528\u8fd9\u4e9b\u955c\u50cf":85,"\u4e5f\u5c31\u662f\u8bf4\u8f93\u51fa\u7684\u7ed3\u679c\u4e0d\u4f1a\u5728\u539f\u6765\u7684\u6570\u636e\u4e0a\u7d2f\u52a0":65,"\u4e66\u5199":68,"\u4eba\u8138\u8bc6\u522b":37,"\u4ec5\u4ec5\u4f7f\u7528":68,"\u4ec5\u4f1a\u5728\u652f\u6301avx2\u6307\u4ee4\u96c6\u53ca\u4ee5\u4e0a\u7684\u673a\u5668\u624d\u4f7f\u7528mkl":65,"\u4ece":85,"\u4ece\u78c1\u76d8\u6587\u4ef6\u4e2d\u52a0\u8f7duuid\u6587\u4ef6\u540d\u7684\u68c0\u67e5\u70b9\u5feb\u7167\u6587\u4ef6":36,"\u4ece\u800c\u907f\u514d\u4e86packing\u5197\u4f59":64,"\u4eceetcd\u4e2d\u8bfb\u53d6\u8282\u70b9":36,"\u4ed6\u4e3b\u8981\u5305\u542b\u4e86\u5b9e\u9645\u66b4\u9732\u7684\u7c7b\u578b\u7ed3\u6784":69,"\u4ed6\u662f\u5c06":69,"\u4ed6\u7684\u76ee\u6807\u662f\u4f7f\u7528c":68,"\u4ee3\u7801\u751f\u6210\u7684\u7b26\u53f7\u53ef\u80fd\u4e0d\u4e00\u81f4":68,"\u4ee3\u8868\u8fd9\u4e2alayer\u662f\u7528\u4e8e\u8dd1\u5728mkl":65,"\u4ee3\u8868\u8fd9\u4e2ashard\u7684\u6700\u5927index":37,"\u4ee3\u8868shard\u7684index":37,"\u4ee5\u4e0a\u4ee3\u7801\u7684reader\u8f93\u51fa\u7684data":37,"\u4ee5\u4e0a\u547d\u4ee4\u4f1a\u5728\u5f53\u524d\u76ee\u5f55\u4e0b\u751f\u6210100\u4e2a\u6587\u4ef6":37,"\u4ee5\u4e0b":37,"\u4ee5\u4e0b\u7b80\u79f0rnn":64,"\u4ee5\u4fbf\u6211\u4eec\u53ef\u4ee5\u628a\u66f4\u591a\u7684\u7cbe\u529b\u653e\u5230\u903b\u8f91\u672c\u8eab\u4e0a":51,"\u4ee5\u53ca":64,"\u4ee5\u53canumpi":37,"\u4ee5\u6b64\u8fbe\u5230\u6700\u597d\u7684\u6027\u80fd":65,"\u4ee5\u793a\u533a\u5206":[64,65],"\u4efb\u610f\u65f6\u523b\u53ea\u53ef\u80fd\u540c\u65f6\u6709\u4e00\u53f0\u670d\u52a1\u5668\u6545\u969c":36,"\u4f18\u5316\u524d":64,"\u4f18\u5316\u540e":64,"\u4f1a\u4ee5":[64,65],"\u4f1a\u4f7f\u7528\u76f8\u540c\u7684\u539f\u6570\u636e":64,"\u4f1a\u5148\u4e34\u65f6\u4fdd\u5b58\u5728":65,"\u4f1a\u5728":65,"\u4f1a\u5728\u7f16\u8bd1paddlepaddle\u7684\u65f6\u5019\u4e0b\u8f7d\u5e76\u7f16\u8bd1mkl":65,"\u4f1a\u5bfc\u81f4\u4e0d\u540c\u7248\u672cpython\u5728\u4e00\u4e2a\u8fdb\u7a0b\u91cc\u7684bug":68,"\u4f1a\u5f15\u5165":65,"\u4f1a\u628acpu\u7684buffer\u5bf9\u9f50\u4e3a4096":65,"\u4f1a\u6dfb\u52a0\u76f8\u5e94\u7684\u811a\u672c\u5728":65,"\u4f1a\u6dfb\u52a0\u76f8\u5e94\u7684\u811a\u672c\u7528\u4e8e\u6d4b\u8bd5\u548c\u5bf9\u6bd4\u5728\u4f7f\u7528mkl":64,"\u4f1a\u76f4\u63a5\u62a5\u9519\u9000\u51fa":68,"\u4f1a\u81ea\u52a8\u4f7f\u7528mklml\u5e93\u4f5c\u4e3apaddlepaddle\u7684cblas\u548clapack\u5e93":65,"\u4f1a\u81ea\u52a8\u6839\u636e\u786c\u4ef6\u914d\u7f6e":65,"\u4f1a\u88abpickle\u5e8f\u5217\u5316\u6210\u5b57\u7b26\u4e32":37,"\u4f20\u5165":37,"\u4f46":69,"\u4f46\u4e0d\u66b4\u9732":69,"\u4f46\u5e76\u6ca1\u6709\u7ecf\u8fc7\u56de\u5f52\u6d4b\u8bd5":85,"\u4f46\u6240\u6709fork\u7684\u7248\u672c\u5e93\u7684\u6240\u6709\u5206\u652f\u90fd\u76f8\u5f53\u4e8e\u7279\u6027\u5206\u652f":85,"\u4f46\u662f\u53c8\u8fc7\u4e8e\u7410\u788e":69,"\u4f46\u662f\u5728mkl":65,"\u4f46\u662f\u5728paddlepaddle\u4e2d":65,"\u4f46\u662f\u6574\u4e2a\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u4e0d\u9700\u8981\u4efb\u4f55\u8f6c\u6362":65,"\u4f46\u662f\u6ce8\u610f\u7684\u662f":65,"\u4f46\u662f\u89e3\u91ca\u6027\u8bed\u8a00":68,"\u4f5c\u4e3a\u53e6\u4e00\u4e2a\u7b2c\u4e09\u65b9\u5e93\u96c6\u6210\u8fdbpaddlepaddl":65,"\u4f5c\u4e3a\u5b58\u50a8\u7cfb\u7edf":37,"\u4f5c\u4e3a\u7c7b\u53e5\u67c4":68,"\u4f7f\u7528":[65,69,85],"\u4f7f\u7528\u4e0b\u9762\u547d\u4ee4":37,"\u4f7f\u7528\u52a8\u6001\u5e93":68,"\u4f7f\u7528\u540c\u6837\u7684\u8bad\u7ec3\u6570\u636eblock":36,"\u4f7f\u7528\u667a\u80fd\u6307\u9488\u7684\u539f\u56e0\u662f":69,"\u4f7f\u7528\u7684\u53c2\u6570\u4e0epaddlepaddle\u7533\u8bf7\u7684buffer\u5171\u7528\u4e00\u5757\u5185\u5b58":65,"\u4f7f\u7528\u76f8\u5bf9\u8def\u5f84\u7684\u5f15\u7528\u65b9\u5f0f":69,"\u4f7f\u7528\u8fd9\u4e2a\u795e\u7ecf\u7f51\u7edc\u53ef\u4ee5\u5b8c\u6210\u5bf9\u65b0\u6570\u636e\u7684\u9884\u6d4b":36,"\u4f7f\u7528\u9759\u6001\u5e93\u548c\u52a8\u6001\u5e93\u96be\u5ea6\u5dee\u4e0d\u591a":68,"\u4f7f\u7528c":69,"\u4f7f\u7528c99\u505a\u63a5\u53e3":68,"\u4f7f\u7528c99\u800c\u4e0d\u4f7f\u7528c11\u7684\u539f\u56e0\u662f":68,"\u4f7f\u7528c99\u800c\u4e0d\u4f7f\u7528c89":68,"\u4f7f\u7528regress":85,"\u4f7f\u7528swig\u53ea\u652f\u6301cpython\u89e3\u91ca\u5668":68,"\u4f7f\u7528swig\u9700\u8981\u591a\u8bed\u8a00\u7ed1\u5b9a\u7684\u5f00\u53d1\u4eba\u5458\u719f\u7ec3\u638c\u63e1swig\u914d\u7f6e":68,"\u4f7f\u7528void":68,"\u4f8b\u5982":[37,68,69,85],"\u4f8b\u5982\u5728deepspeech2":64,"\u4f8b\u5982\u5bf9\u4e8ejava\u6216\u8005python":68,"\u4f8b\u5982\u5bf9\u4e8ejava\u6765\u8bf4":68,"\u4f8b\u5982\u5bf9\u4e8epython":68,"\u4f8b\u5982c":68,"\u4f8b\u5982java\u4e0epython\u7684\u9519\u8bef\u5904\u7406\u662f\u76f4\u63a5\u6254\u51fa\u6765except":68,"\u4f8b\u5982python\u53ef\u4ee5\u4f7f\u7528":68,"\u4f8b\u5982python\u7684":68,"\u4f8b\u5982rnn":64,"\u4f9d\u6b21\u7c7b\u63a8":85,"\u4fbf\u662f\u5c06\u9759\u6001\u5e93\u52a0\u5165jvm\u4e2d":68,"\u4fee\u590d\u6240\u6709bug\u540e":85,"\u4fee\u590ddocker\u7f16\u8bd1\u955c\u50cf\u95ee\u9898":85,"\u4fee\u6539":[65,85],"\u4fee\u6539\u6210":85,"\u505a\u53ea\u8bfb\u6302\u8f7d":37,"\u505a\u5982\u4e0b\u51e0\u4e2a\u64cd\u4f5c":85,"\u505a\u63a5\u53e3":68,"\u505c\u6b62\u4fdd\u5b58\u68c0\u67e5\u70b9\u7684\u7ebf\u7a0b":36,"\u5145\u5206\u53d1\u6325\u82f1\u7279\u5c14\u5e73\u53f0\u7684\u4f18\u52bf":64,"\u5145\u5206\u5c55\u73b0\u82f1\u7279\u5c14\u5e73\u53f0\u7684\u4f18\u52bf":65,"\u5148\u5b8c\u6210\u5bf9\u6743\u91cd\u7684packing\u64cd\u4f5c":64,"\u5148\u5b9e\u73b0\u6a21\u578b\u63a8\u65ad\u7684api":69,"\u5171\u4eab\u5185\u5b58":65,"\u5171\u4eab\u540c\u4e00\u4e2a\u6743\u91cd":64,"\u5176\u4e2d":[68,85],"\u5176\u4ed6\u51fd\u6570\u5747\u8fd4\u56de":69,"\u5176\u4ed6\u7528\u6237\u7684fork\u7248\u672c\u5e93\u5e76\u4e0d\u9700\u8981\u4e25\u683c\u9075\u5b88":85,"\u5176\u8f6c\u6362\u6b21\u6570\u51cf\u5c11\u81f3":64,"\u5177\u4f53\u4f7f\u7528\u65b9\u6cd5\u4e3a":69,"\u5177\u4f53\u539f\u56e0\u53c2\u8003":69,"\u5177\u4f53\u53ef\u4ee5\u53c2\u8003mkl":65,"\u5177\u4f53\u5b9e\u73b0\u65b9\u5f0f\u6bd4\u5982":[64,65],"\u5177\u4f53\u7684\u5b8c\u6210\u72b6\u6001\u53ef\u4ee5\u53c2\u89c1":65,"\u5177\u4f53\u8bf7\u53c2\u8003":69,"\u5185\u90e8\u5b58\u50a8":65,"\u5185\u90e8\u9a71\u52a8python\u89e3\u91ca\u5668\u8fdb\u884c\u6a21\u578b\u914d\u7f6e\u89e3\u6790\u548c\u6570\u636e\u8bfb\u53d6":68,"\u518d\u5728\u6bcf\u4e00\u4e2aapi\u4e2d\u81ea\u5df1\u68c0\u67e5\u7c7b\u578b":68,"\u518d\u57fa\u4e8e":85,"\u518d\u628a\u5df2\u8f6c\u6362\u4e3apacked\u683c\u5f0f\u7684\u6570\u636e\u4f20\u9012\u7ed9\u90a3\u4e9b\u590d\u7528\u540c\u4e00\u6570\u636e\u7684gemm":64,"\u5199\u4ee3\u7801":68,"\u5199\u5165\u5feb\u7167\u6570\u636e":36,"\u51fd\u6570":[64,65],"\u51fd\u6570\u5373\u53ef\u5b8c\u6210\u8f6c\u6362":37,"\u51fd\u6570\u540d\u4e3a":69,"\u51fd\u6570\u547d\u540d":68,"\u5206\u522b\u4ee3\u8868\u8f93\u5165\u6570\u636e":65,"\u5206\u522b\u5bf9\u5e94capi":85,"\u5206\u5e03\u5f0f\u5b58\u50a8\u670d\u52a1":36,"\u5206\u652f":85,"\u5206\u652f\u4e00\u65e6\u5efa\u7acb":85,"\u5206\u652f\u4e2d":85,"\u5206\u652f\u4e3a\u5f00\u53d1":85,"\u5206\u652f\u4e3a\u6bcf\u4e00\u6b21release\u65f6\u5efa\u7acb\u7684\u4e34\u65f6\u5206\u652f":85,"\u5206\u652f\u4e3a\u7a33\u5b9a":85,"\u5206\u652f\u529f\u80fd\u7684\u5c01\u95ed":85,"\u5206\u652f\u5408\u5165":85,"\u5206\u652f\u5408\u5165master\u5206\u652f":85,"\u5206\u652f\u540c\u6b65\u4e3b\u7248\u672c\u5e93\u7684":85,"\u5206\u652f\u540d\u4e3a":85,"\u5206\u652f\u5b58\u5728\u7684\u65f6\u5019":85,"\u5206\u652f\u6d3e\u751f\u51fa\u65b0\u7684\u5206\u652f":85,"\u5206\u652f\u7684\u7248\u672c\u90fd\u662f\u7ecf\u8fc7\u5355\u5143\u6d4b\u8bd5\u548c\u56de\u5f52\u6d4b\u8bd5\u7684\u7248\u672c":85,"\u5206\u652f\u7684\u7248\u672c\u90fd\u7ecf\u8fc7\u5355\u5143\u6d4b\u8bd5":85,"\u5206\u7247":36,"\u5219\u4f7f\u7528\u542f\u52a8\u53c2\u6570\u5b9a\u4e49\u7684\u521d\u59cb\u5316\u65b9\u6cd5\u521d\u59cb\u5316\u53c2\u6570":36,"\u5219\u5ffd\u7565":36,"\u5219\u628a\u53e6\u4e00\u4e2a\u6162\u901f\u7684kill\u6389":36,"\u5219\u76f4\u63a5\u5f15\u5165\u53e6\u4e00\u79cd\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5219\u9700\u8981\u56de\u6eda\u5230\u4e0a\u4e00\u4e2a\u68c0\u67e5\u70b9":36,"\u521b\u5efa":65,"\u5220\u9664\u78c1\u76d8\u76ee\u5f55\u4e2d\u4e0d\u662f\u5f53\u524duuid\u7684\u5feb\u7167\u6587\u4ef6":36,"\u5230":36,"\u5230\u7b2c\u4e8c\u6b65":85,"\u524d\u540e\u7684\u7f51\u7edc\u6027\u80fd":64,"\u529f\u80fd":51,"\u529f\u80fd\u7684\u6b63\u786e\u6027\u5305\u62ec\u9a8c\u8bc1paddlepaddle\u76ee\u524d\u7684":85,"\u52a8\u6001\u5e93":68,"\u5305\u542b\u4e86\u67d0\u79cd\u7c7b\u578b\u7684\u7c7b\u578b\u5b9a\u4e49\u548c\u66b4\u9732\u7684\u5168\u90e8\u51fd\u6570":69,"\u5305\u62ec":[37,64,65],"\u5305\u62ec\u6743\u91cdw\u548c\u504f\u7f6eb":36,"\u5305\u62ecmkl":65,"\u534f\u540c\u5b8c\u6210releas":85,"\u5355\u4e2a\u503c":37,"\u5355\u70b9\u6545\u969c":36,"\u5373":69,"\u5373\u4f7f\u7528":69,"\u5373\u4f7f\u7528\u6237\u76f4\u63a5\u5f15\u7528\u67d0\u79cd\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5373\u4f7fc":69,"\u5373\u4f8b\u5982":69,"\u5373\u4fbfpaddl":69,"\u5373\u5b8c\u6210\u67d0\u4e00\u4e2a\u4efb\u52a1\u7684\u6700\u5c11\u51fd\u6570":69,"\u5373\u66b4\u9732":69,"\u5373\u8868\u793a\u4e0d\u9700\u8981\u8f6c\u6362":65,"\u5373\u8fd9\u4e2a\u52a8\u6001\u5e93\u662f\u4e0d\u4f9d\u8d56\u4e8e\u5176\u4ed6\u4efb\u4f55\u6587\u4ef6\u7684":68,"\u539f\u6765\u7684\u65b9\u6848":65,"\u53c2\u6570":68,"\u53c2\u8003":[51,68],"\u53c2\u8003\u4e0b\u56fe":85,"\u53c8\u53ef\u4ee5\u907f\u514d\u4e0d\u5fc5\u8981\u7684\u8f6c\u6362":65,"\u53cc\u5411\u9a8c\u8bc1":51,"\u53d1\u578b\u7248":85,"\u53d1\u5e03\u5230dockerhub":85,"\u53d1\u5e03docker\u955c\u50cf\u53ea\u9700\u8981\u5bf9\u81ea\u52a8push\u7684\u955c\u50cf\u6253\u4e0a":85,"\u53d8\u91cf\u6765\u533a\u5206layer\u7684\u5c5e\u6027":65,"\u53ea\u5bf9\u7279\u6b8a\u5728\u7ebf\u7cfb\u7edf\u8003\u8651\u4e24\u53f0\u4ee5\u4e0a\u540c\u65f6\u6545\u969c\u7684\u5bb9\u707e":36,"\u53ea\u66b4\u9732\u6982\u5ff5\u7684\u63a5\u53e3":69,"\u53ea\u80fd\u8c03\u7528paddle\u7684\u52a8\u6001\u5e93":68,"\u53ea\u9700\u8981\u6062\u590d\u8fd9\u53f0\u8282\u70b9":36,"\u53ef\u4ee5":85,"\u53ef\u4ee5\u51cf\u5c0f\u7cfb\u7edf\u590d\u6742\u6027":36,"\u53ef\u4ee5\u5728\u4efb\u4f55\u673a\u5668\u4e0a\u6267\u884c\u7684":68,"\u53ef\u4ee5\u5728\u6b64\u9875\u9762\u7684":85,"\u53ef\u4ee5\u628a\u672c\u5730\u7684\u6570\u636e\u4e0a\u4f20\u5230\u5b58\u50a8\u96c6\u7fa4\u4e2d":37,"\u53ef\u4ee5\u6709\u6548\u7684\u907f\u514dparamet":36,"\u53ef\u4ee5\u7528":51,"\u53ef\u4ee5\u7528\u4ee5\u4e0b\u6307\u4ee4":37,"\u53ef\u4ee5\u7ee7\u7eed\u5728\u81ea\u5df1\u7684\u529f\u80fd\u5206\u652f\u63d0\u4ea4\u4ee3\u7801":85,"\u53ef\u4ee5\u901a\u8fc7\u9636\u6bb5\u6027\u7684\u4fdd\u5b58\u6bcf\u4e2aparamet":36,"\u53ef\u80fd\u4f1a\u9020\u6210\u7f51\u7edc\u62e5\u585e":36,"\u53f3\u4fa7\u7684":85,"\u5404\u6b21\u524d\u5411\u4e4b\u95f4\u4e5f\u90fd\u4f7f\u7528\u4e86\u76f8\u540c\u7684\u6743\u91cd":64,"\u540c\u4e00\u6b21\u524d\u5411":64,"\u540c\u65f6":[64,65],"\u540c\u65f6\u4f1a\u5f00\u542fintel":65,"\u540c\u65f6\u518d\u5c06":85,"\u540c\u65f6\u53c8\u5c3d\u53ef\u80fd\u5c11\u7684\u727a\u7272mkl":65,"\u540c\u65f6\u63d0\u8d77":85,"\u540c\u65f6\u6570\u636e\u683c\u5f0f\u5c31\u662f":65,"\u540d\u5b57\u4fee\u9970":68,"\u540e\u5411":64,"\u540e\u5411\u65f6\u590d\u7528\u5df2\u7ecf\u8f6c\u6362\u8fc7\u7684\u6743\u91cd":64,"\u5411\u6307\u5b9a\u7684\u76ee\u5f55\u4e2d\u4e00\u4e2a\u65b0\u7684\u6587\u4ef6":36,"\u5411paddlepaddle\u7684\u4e3b\u7248\u672c\u5e93\u63d0\u4ea4":85,"\u5426\u5219\u5f97\u628apaddle\u9759\u6001\u5e93\u94fe\u63a5\u5230\u89e3\u91ca\u5668\u91cc":68,"\u542f\u52a8\u4e00\u4e2a\u65b0\u7684\u7ebf\u7a0b\u5f00\u59cb\u4fdd\u5b58\u68c0\u67e5\u70b9":36,"\u548c":[37,64,65,68,69,85],"\u548c\u672a\u6765\u53ef\u80fd\u8fd8\u4f1a\u7528\u5230":65,"\u548c\u79bb\u7ebf\u6570\u636e\u7684\u65b9\u5f0f":37,"\u54ea\u4e2atrainer\u5148\u5b8c\u6210block\u7684\u8bad\u7ec3":36,"\u56e0\u4e3a\u8fd9\u6837\u505a\u4e5f\u6ca1\u6cd5\u4fdd\u8bc1\u6d88\u9664\u968f\u673a\u6027":36,"\u56e0\u4e3aswig\u5728\u7b2c\u4e09\u65b9\u8bed\u8a00\u4e2d\u66b4\u9732\u7684\u51fd\u6570\u540d":68,"\u56e0\u6b64":64,"\u56fe\u50cf\u5206\u7c7b":85,"\u5728":[64,65,69,85],"\u5728\u4e00\u4e2a\u4e0d\u53ef\u4e2d\u65ad\u5e76\u7f3a\u5c11\u5907\u4efd\u7684\u8bad\u7ec3\u4efb\u52a1\u4e2d":36,"\u5728\u4e0a\u56fe\u4e2d\u663e\u793a\u4e86\u5728\u4e00\u4e2a\u5b9e\u9645\u751f\u4ea7\u73af\u5883\u4e2d\u7684\u5e94\u7528":37,"\u5728\u4f7f\u7528twine\u4e0a\u4f20\u4e4b\u524d":85,"\u5728\u51fa\u73b0\u5355\u70b9\u6545\u969c\u65f6":36,"\u5728\u5b9e\u73b0\u6bcf\u4e2a\u5b50\u7c7b\u7684\u65f6\u5019\u5c31\u4e0d\u9700\u8981\u5173\u5fc3\u5206\u652f\u7684\u4e8b\u60c5\u4e86":65,"\u5728\u5b9e\u73b0\u8fc7\u7a0b\u4e2d":69,"\u5728\u5bf9\u5e94\u7684":64,"\u5728\u5c42\u521d\u59cb\u5316\u7684\u65f6\u5019":64,"\u5728\u5f00\u59cb\u8bad\u7ec3\u4e4b\u524d":37,"\u5728\u5f02\u6784\u96c6\u7fa4\u4e2d":36,"\u5728\u5f15\u5165\u5176\u4ed6\u7c7b\u578b\u7684\u5934\u6587\u4ef6\u65f6":69,"\u5728\u5feb\u7167\u5199\u5165\u5b8c\u6210\u540e":36,"\u5728\u60a8\u7684\u5b9e\u9645\u73af\u5883\u4e2d":36,"\u5728\u6709\u666e\u901a\u7684cpu":65,"\u5728\u672c\u6587\u6863\u4e2d":51,"\u5728\u673a\u7fa4\u4e0a\u8fd0\u884c\u8f6c\u6362\u7a0b\u5e8f":37,"\u5728\u6837\u4f8b\u4e2d":69,"\u5728\u7528\u6237\u4f7f\u7528c":69,"\u5728\u7b2c\u4e8c\u4e2atab":85,"\u5728\u7ebf\u6a21\u578b\u9884\u6d4b\u670d\u52a1":37,"\u5728\u8bad\u7ec3\u7ed3\u675f\u7684\u65f6\u5019\u518d\u4fdd\u5b58\u4e3apaddlepaddle\u7684\u683c\u5f0f":65,"\u5728\u8bc4\u5ba1\u8fc7\u7a0b\u4e2d":85,"\u5728\u8fd9\u4e2a":85,"\u5728\u8fd9\u4e2a\u52a8\u6001\u5e93\u4e2d\u4e0d\u5d4c\u5165\u4efb\u4f55\u5176\u4ed6\u8bed\u8a00\u7684\u89e3\u91ca\u5668":68,"\u5728\u8fd9\u4e2a\u9636\u6bb5\u7684\u4ee3\u7801\u6b63\u5728\u7ecf\u5386\u56de\u5f52\u6d4b\u8bd5":85,"\u5728\u8fd9\u4e9b\u5934\u6587\u4ef6\u4e2d":69,"\u5728\u8fd9\u4e9b\u6587\u4ef6\u4e2d":69,"\u5728\u91cd\u6784\u524d\u7684paddlepaddle\u4e2d":65,"\u5728\u95ee\u9898\u672c\u8eab\u7684\u8ba1\u7b97\u91cf\u6bd4\u8f83\u5c0f\u7684\u65f6\u5019":64,"\u5728batch":64,"\u5728c":68,"\u5728c\u7684\u5934\u6587\u4ef6":68,"\u5728packing\u4e0a\u7684\u8017\u65f6":64,"\u5728paddle\u4e4b\u4e0a\u8fd0\u884c\u7684\u6df1\u5ea6\u5b66\u4e60\u8bad\u7ec3\u8f93\u51fa\u7684\u6a21\u578b\u4f1a\u63d0\u4f9b\u7ed9\u5728\u7ebf\u4eba\u8138\u8bc6\u522b\u7684\u5e94\u7528\u4f7f\u7528":37,"\u5728paramet":36,"\u5728rnn\u7684\u60c5\u51b5\u4e0b":64,"\u5747\u4f1a\u88ab\u5b89\u88c5\u5230includ":69,"\u5747\u662f\u5728":69,"\u57fa\u4e8e\u7c98\u6027\u4f1a\u8bdd\u7684\u8d1f\u8f7d\u5747\u8861\u529f\u80fd":51,"\u5916\u90e8\u5b58\u50a8":65,"\u591a\u4e2a\u503c":37,"\u591a\u4e2aparamet":36,"\u591a\u6b21\u8c03\u7528":64,"\u5927\u591a\u6570\u8bed\u8a00\u90fd\u652f\u6301\u4f7f\u7528c\u8bed\u8a00api":68,"\u5982\u56fe\u4e2dtrainer":36,"\u5982\u679c\u4e0a\u9762\u4e24\u6b65\u51fa\u73b0\u9519\u8bef":36,"\u5982\u679c\u4e0d\u9700\u8981\u5916\u90e8\u5b58\u50a8\u7528\u4e8e\u8f6c\u6362":65,"\u5982\u679c\u4f7f\u7528swig\u6211\u4eec\u9700\u8981\u5c06\u5728interface\u6587\u4ef6\u91cc":68,"\u5982\u679c\u5728\u4f7f\u7528mkl":65,"\u5982\u679c\u5931\u8d25":85,"\u5982\u679c\u5b58\u5728\u6570\u636e\u6392\u5217\u683c\u5f0f\u4e0d\u4e00\u6837\u7684\u60c5\u51b5\u65f6":65,"\u5982\u679c\u5b58\u5728\u67d0\u4e9btrainer\u6267\u884c\u901f\u5ea6\u8fc7\u6162\u4f1a\u5f71\u54cd\u6574\u4f53\u96c6\u7fa4\u7684\u901f\u5ea6":36,"\u5982\u679c\u5df2\u7ecf\u6b63\u5728\u6267\u884c\u4fdd\u5b58\u68c0\u67e5\u70b9\u7684\u7ebf\u7a0b":36,"\u5982\u679c\u662f\u5176\u5b83\u7c7b\u578b":37,"\u5982\u679c\u6709bugfix\u7684\u884c\u4e3a":85,"\u5982\u679c\u67d0\u4e00\u4e2a\u7c7b\u578b\u9700\u8981\u5f15\u7528\u53e6\u4e00\u4e2a\u7c7b\u578b":69,"\u5982\u679c\u67d0\u4e00\u4e2apaddl":69,"\u5982\u679c\u67d0\u4e00\u4e2apaddle\u6982\u5ff5\u5fc5\u987b\u8981\u66b4\u9732":69,"\u5982\u679c\u6ee1\u8db3\u6761\u4ef6":36,"\u5982\u679c\u7528\u6237\u8981\u628apaddle\u7684\u9759\u6001\u5e93":68,"\u5982\u679c\u8981\u4e0a\u4f20gpu\u7248\u672c\u7684\u5305":85,"\u5982\u679c\u8c03\u7528\u9759\u6001\u5e93\u53ea\u80fd\u5c06\u9759\u6001\u5e93\u4e0e\u89e3\u91ca\u5668\u94fe\u63a5":68,"\u5982\u679c\u9700\u8981\u624b\u52a8\u7f16\u8bd1":85,"\u5982\u679cmkl":65,"\u5982\u679cparamet":36,"\u5b50\u7c7b\u53ea\u9700\u8981\u4f7f\u7528\u5b9a\u4e49\u597d\u7684\u63a5\u53e3":65,"\u5b57\u6bb5\u8bbe\u4e3a":85,"\u5b57\u7b26\u4e32":37,"\u5b58\u50a8":37,"\u5b66\u4e60\u6210\u672c\u9ad8":68,"\u5b83\u4eec\u4e3b\u8981\u662f\u7528\u4e8e":65,"\u5b83\u4eec\u7684\u6587\u4ef6\u540d\u662f":37,"\u5b83\u53ea\u4f1a\u5305\u62ec\u751f\u6210\u597d\u7684\u52a8\u6001\u5e93\u548c\u5934\u6587\u4ef6":65,"\u5b83\u8d1f\u8d23\u51b3\u5b9a\u7f16\u8bd1\u65f6\u662f\u5426\u4f7f\u7528mklml\u548cmkl":65,"\u5b89\u88c5\u540e\u7684\u76ee\u5f55\u7ed3\u6784\u4e3a":69,"\u5b8c\u6210\u4e00\u4e2a\u4f20\u8f93\u52a8\u4f5c\u5b8c\u6210\u7684\u65f6\u95f4\u4e5f\u6bd4\u8f83\u77ed":51,"\u5b8c\u6210\u5e38\u7528layer\u7684mkl":65,"\u5b8c\u6210\u5e38\u89c1\u6df1\u5ea6\u795e\u7ecf\u7f51\u7edcvgg":65,"\u5b8c\u6210\u6570\u636e\u7684\u9884\u5904\u7406":37,"\u5b8c\u6210\u81ea\u52a8\u5316\u4e8c\u8fdb\u5236\u7f16\u8bd1":85,"\u5b9a\u4e49":65,"\u5b9a\u4e49\u4e00\u4e9b\u9664\u4e86layer\u548cmemory\u76f8\u5173\u7684\u7c7b\u548c\u51fd\u6570":65,"\u5b9e\u73b0\u5177\u4f53\u7684\u51fd\u6570\u529f\u80fd\u5373\u53ef":65,"\u5b9e\u73b0\u7b80\u5355":68,"\u5bf9\u4e8e\u4e0d\u540c\u8bed\u8a00":68,"\u5bf9\u4e8e\u540c\u4e00\u6bb5c":68,"\u5bf9\u4e8e\u540c\u6837\u8bbe\u7f6e\u7684\u7f51\u7edc\u6a21\u578b":64,"\u5bf9\u4e8e\u591a\u8bed\u8a00\u63a5\u53e3":68,"\u5bf9\u4e8e\u5927\u591a\u6570\u8bed\u8a00":68,"\u5bf9\u4e8e\u5e8f\u5217\u957f\u5ea6":64,"\u5bf9\u4e8e\u6709\u53c2\u6570\u7684\u5c42":65,"\u5bf9\u4e8e\u6bcf\u4e00\u4e2a\u65b0\u52a0\u7684rnn":64,"\u5bf9\u4e8e\u6bcf\u79cd\u7c7b\u578b":69,"\u5bf9\u4e8e\u6bcf\u79cdc":69,"\u5bf9\u65b0\u7684\u6743\u91cd\u8fdb\u884c\u8f6c\u6362\u7528\u4e8e\u4e0b\u6b21\u8fed\u4ee3":64,"\u5bf9\u6bd4":68,"\u5bf9\u6bd4\u4f18\u5316\u540elayer\u4e0e\u76f8\u5bf9\u5e94\u7684paddlepaddle\u539f\u6709lay":64,"\u5bf9\u6bd4\u4f18\u5316\u540elayer\u81ea\u8eab":64,"\u5bf9\u8f93\u5165\u53c2\u6570\u7684\u5b89\u5168\u6027\u8fdb\u884c\u4e86\u5fc5\u8981\u7684\u5224\u65ad":69,"\u5bf9\u8fd9\u4e2a\u7248\u672c\u7684\u63d0\u4ea4":85,"\u5bfb\u627e\u6709\u6ca1\u6709\u5176\u4ed6\u53ef\u4ee5\u4f18\u5316\u7684\u53ef\u80fd":65,"\u5bfc\u51fa\u8fd9\u4e9b\u63a5\u53e3":69,"\u5c06":85,"\u5c06\u4e00\u4e2a\u795e\u7ecf\u7f51\u7edc\u53c2\u6570\u62c6\u5206\u6210\u591a\u4efd":36,"\u5c06\u5927\u91cf\u7684":68,"\u5c06\u65b0\u5206\u652f\u7684\u7248\u672c\u6253\u4e0atag":85,"\u5c06master\u5206\u652f\u7684\u5408\u5165commit\u6253\u4e0atag":85,"\u5c0f\u4e8e\u67d0\u4e2a\u6bd4\u8f83\u5c0f\u7684\u9608\u503c\u8ba4\u4e3a\u901a\u8fc7":65,"\u5c31\u9700\u8981\u5bf9\u8fd9\u4e2a\u7b2c\u4e09\u65b9\u8bed\u8a00\u589e\u52a0\u4e00\u4e9b\u5b9a\u4e49":68,"\u5de5\u5177\u4e0a\u4f20\u5373\u53ef":85,"\u5e73\u5747\u6545\u969c\u4fee\u590d\u65f6\u95f4":36,"\u5e73\u5747\u6545\u969c\u7387":36,"\u5e76\u4e14\u4f1a\u5199\u597d":65,"\u5e76\u4e14\u4f7f\u7528":69,"\u5e76\u4e14\u53ea\u9700\u8981\u5728\u5fc5\u8981\u7684\u65f6\u5019\u8f6c\u6362\u8fd9\u79cd\u683c\u5f0f":65,"\u5e76\u4e14\u5728\u5e38\u89c1\u7684\u5e73\u53f0\u4e0a":68,"\u5e76\u4e14\u5f53\u7f16\u8bd1\u65f6":64,"\u5e76\u4e14\u628a\u7cfb\u7edf\u751f\u6210\u7684ca":51,"\u5e76\u4e14\u628a\u7ed3\u679c\u8fd4\u56depfsclient\u7aef":51,"\u5e76\u4e14\u8ba9\u63a5\u53e3\u8131\u79bb\u5b9e\u73b0\u7ec6\u8282":68,"\u5e76\u4e14\u8f93\u5165\u8f93\u51fa\u90fd\u662f\u5171\u7528\u4e00\u5757\u5185\u5b58":65,"\u5e76\u5220\u9664":85,"\u5e76\u5220\u9664\u66f4\u65e9\u7684\u5feb\u7167":36,"\u5e76\u52a0\u8f7d\u5176\u4e2d\u7684\u53c2\u6570":36,"\u5e76\u53d1\u5e03\u5230pypi":85,"\u5e76\u5728\u6bcf\u6b21\u6743\u91cd\u66f4\u65b0\u540e":64,"\u5e76\u5728\u96c6\u7fa4\u4e2d\u8fd0\u884c\u591a\u4e2a\u5206\u5e03\u5f0f\u6570\u636e\u5904\u7406\u4efb\u52a1":37,"\u5e76\u5c06":85,"\u5e76\u5c06c":69,"\u5e76\u628a\u5feb\u7167\u4fdd\u5b58\u5230\u8fd9\u4e2a\u76ee\u5f55\u4e0b":36,"\u5e76\u628a\u7ed3\u679c\u653e\u5230\u5f53\u524d\u5c42\u7684":65,"\u5e76\u6ca1\u6709paddle\u7279\u522b\u9700\u8981\u7684\u7279\u6027":68,"\u5e76\u6dfb\u52a0\u5934\u6587\u4ef6":64,"\u5e76\u88ab\u5b58\u50a8\u5728\u8bf8\u5982hadoop":37,"\u5e76\u9002\u5e94github\u7684\u7279\u6027\u505a\u4e86\u4e00\u4e9b\u533a\u522b":85,"\u5e76\u91cd\u65b0\u6253\u5305wheel\u5305":85,"\u5efa\u8bae":85,"\u5f00\u53d1\u4e86\u6a21\u578b\u9884\u6d4b\u7684\u6837\u4f8b\u4ee3\u7801":69,"\u5f00\u53d1\u8005\u4fee\u6539\u81ea\u5df1\u7684\u4ee3\u7801":85,"\u5f00\u53d1\u8005fork\u7684\u7248\u672c\u5e93\u4e2d":85,"\u5f00\u53d1\u8005fork\u7684\u7248\u672c\u5e93\u4f7f\u7528":85,"\u5f00\u5934":[64,65],"\u5f00\u59cb\u63d0\u4f9b\u670d\u52a1":36,"\u5f15\u5165\u4e86\u4ee5\u4e0b\u56db\u4e2aapi":64,"\u5f15\u5165\u4e86\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5f39\u51fa\u4e0b\u9762\u7684\u9009\u62e9\u6846":85,"\u5f53\u529f\u80fd\u5206\u652f\u5f00\u53d1\u5b8c\u6bd5\u540e":85,"\u5f53\u53ea\u505a\u63a8\u65ad":64,"\u5f53\u5f00\u542f":65,"\u5f53\u6253\u5f00":65,"\u5f53\u6570\u636e\u683c\u5f0f\u4e0epaddlepaddle\u9ed8\u8ba4\u7684":65,"\u5f53\u7136\u8fd9\u4e24\u8005\u4e5f\u53ef\u4ee5\u76f8\u7b49":65,"\u5f53\u7528\u6237\u4f7f\u7528\u5b8c\u8fd9\u4e2a\u53c2\u6570\u540e":69,"\u5f53\u7f51\u7edc\u51fa\u73b0\u5206\u652f\u4e14\u5728":65,"\u5f53destination\u6587\u4ef6\u4e0d\u5b58\u5728\u6216\u8005\u5927\u5c0f\u548csource\u6587\u4ef6\u4e0d\u4e00\u81f4\u65f6":51,"\u5f88\u96be\u4fdd\u8bc1\u591a\u8bed\u8a00\u4ee3\u7801\u98ce\u683c\u7684\u4e00\u81f4\u6027":68,"\u5f97\u4f7f\u7528":68,"\u5fc5\u8981":69,"\u5fc5\u987b\u5206\u522b\u4e0e":65,"\u60c5\u611f\u5206\u6790":85,"\u6211\u4eec\u4e5f\u53ef\u4ee5\u786e\u5b9a\u6bcf\u4e00\u4e2a\u53c2\u6570\u7684\u7c7b\u578b":69,"\u6211\u4eec\u4e5f\u5c06mklml\u5373":65,"\u6211\u4eec\u4f1a\u4fdd\u8bc1":65,"\u6211\u4eec\u4f1a\u5728\u7f51\u7edc\u8bad\u7ec3\u4e4b\u524d\u628a\u683c\u5f0f\u8f6c\u6362\u4e3amkl":65,"\u6211\u4eec\u4f1a\u5bf9\u6bd4\u5982\u4e0b2\u4e2a\u65b9\u9762":64,"\u6211\u4eec\u4f1a\u628amkl":65,"\u6211\u4eec\u4f1a\u6dfb\u52a0":[64,65],"\u6211\u4eec\u4f7f\u7528\u52a8\u6001\u5e93\u6765\u5206\u53d1paddl":68,"\u6211\u4eec\u51b3\u5b9a\u4f7f\u7528\u5df2\u6709\u7684":65,"\u6211\u4eec\u53ef\u4ee5\u5148\u5b8c\u6210\u5bf9\u539f\u6570\u636e\u7684packing\u64cd\u4f5c":64,"\u6211\u4eec\u603b\u7ed3\u51fa\u4e00\u4e9b\u7279\u522b\u9700\u8981\u6ce8\u610f\u7684\u70b9":65,"\u6211\u4eec\u63d0\u4f9b\u4e24\u4e2a\u8f6c\u6362\u65b9\u5f0f":37,"\u6211\u4eec\u63d0\u51fa\u4e86chunk\u7684\u6982\u5ff5":51,"\u6211\u4eec\u6700\u7ec8\u7684\u52a8\u6001\u5e93\u4e2d\u4e0d\u5d4c\u5165python\u6216\u8005\u5176\u4ed6\u4efb\u4f55\u8bed\u8a00\u7684\u89e3\u91ca\u5668":68,"\u6211\u4eec\u8ba1\u5212\u5c06":64,"\u6211\u4eec\u8ba1\u5212\u5c06\u82f1\u7279\u5c14\u6df1\u5ea6\u795e\u7ecf\u7f51\u7edc\u6570\u5b66\u5e93":65,"\u6211\u4eec\u8bbe\u8ba1\u8bf4\u660e\u4e86\u540d\u4e3afilemanager\u7cfb\u7edf":51,"\u6211\u4eec\u9009\u62e9":37,"\u6211\u4eec\u901a\u8fc7\u4f7f\u7528\u65b0\u5f15\u5165\u7684gemm":64,"\u6211\u4eec\u90fd\u63d0\u4f9bpython\u7684\u8f6c\u6362\u5e93":37,"\u6216\u8005":[65,68,69],"\u6216\u8005\u5c06\u8fd9\u53f0\u8282\u70b9\u8fc1\u79fb\u5230\u53e6\u4e00\u4e2a\u8282\u70b9\u5e76\u542f\u52a8\u5373\u53ef\u6062\u590d\u8bad\u7ec3\u4efb\u52a1":36,"\u6216\u8005\u7528tuple\u8868\u793a\u7684\u591a\u4e2a\u503c":37,"\u6216\u8005\u7531\u5b83\u4eec\u7ec4\u6210\u7684list":37,"\u6216activ":65,"\u6240\u4ee5":[65,85],"\u6240\u4ee5\u4e00\u4e2a\u7248\u672c\u53f7\u7684wheel\u5305\u53d1\u5e03\u4e4b\u540e":85,"\u6240\u4ee5\u4e0d\u5b58\u5728\u8fd9\u4e2a\u95ee\u9898":65,"\u6240\u4ee5\u5728":65,"\u6240\u4ee5\u5728\u5199\u5165\u5feb\u7167\u7684\u8fc7\u7a0b\u4e2d":36,"\u6240\u4ee5\u6211\u4eec\u5b9a\u4e49\u4e86\u4e00\u4e2a":65,"\u6240\u4ee5\u6574\u4f53\u4e0a":65,"\u6240\u4ee5\u6dfb\u52a0\u4e86\u5bf9\u5e94\u7684":65,"\u6240\u4ee5\u7528\u6237\u9700\u8981\u9996\u5148\u5728":51,"\u6240\u4ee5\u9700\u8981\u5f15\u5165\u4e00\u4e2a\u8f6c\u6362\u65b9\u6cd5":65,"\u6240\u6709\u4e0e\u7c7b\u578b\u76f8\u5173\u7684\u51fd\u6570":69,"\u6240\u6709\u5916\u90e8\u7684\u8f6c\u6362\u5de5\u4f5c\u90fd\u4f1a\u5728reset\u7cfb\u5217\u51fd\u6570\u4e2d\u90fd\u51c6\u5907\u597d":65,"\u6240\u6709\u7684":64,"\u6240\u6709\u7684\u63a5\u53e3\u5747\u4e3ac\u63a5\u53e3":69,"\u6240\u6709\u76f8\u5173\u7684":64,"\u6240\u6709\u7c7b\u578b\u540d\u4e3a":69,"\u6240\u6709mkl":65,"\u624b\u5199\u591a\u8bed\u8a00\u7ed1\u5b9a":68,"\u624d\u80fd\u66f4\u597d\u7684\u53d1\u6325mkl":65,"\u6253\u5f00\u8fd9\u4e2a\u7f16\u8bd1\u9009\u9879":69,"\u6267\u884c":85,"\u628a":37,"\u628a\u4e4b\u524d\u793a\u4f8b\u4e2d\u8f6c\u6362\u5b8c\u6bd5\u7684random":37,"\u6307\u6df1\u5ea6\u5b66\u4e60\u8bad\u7ec3\u4e4b\u540e\u5f97\u5230\u7684\u6240\u6709\u53c2\u6570":36,"\u6309\u94ae":85,"\u63a5\u53e3":[68,69],"\u63a5\u53e3\u5c42\u505a\u8fc7\u591a\u5c01\u88c5":69,"\u63a5\u53e3\u662f":37,"\u63a5\u6536\u5904\u7406pfsclient\u7aef\u7684\u6587\u4ef6\u7ba1\u7406\u8bf7\u6c42":51,"\u63a7\u5236\u662f\u5426\u4f7f\u7528mkl":65,"\u63a7\u5236\u662f\u5426\u4f7f\u7528mklml\u5e93":65,"\u63a7\u5236\u7528\u6237\u6743\u9650":37,"\u63d0\u4f9b\u4e03\u5c42\u534f\u8bae\u7684\u53cd\u5411\u4ee3\u7406":51,"\u63d0\u4f9b\u5e38\u7528\u7684\u547d\u4ee4\u884c\u7ba1\u7406\u547d\u4ee4\u7ba1\u7406\u6587\u4ef6\u548c\u76ee\u5f55":51,"\u63d0\u4f9b\u7528\u6237\u7ba1\u7406\u6587\u4ef6\u7684\u547d\u4ee4":51,"\u63d0\u4f9b\u7ed9paddle\u4f5c\u4e3a\u8bad\u7ec3\u6570\u636e":37,"\u652f\u6301\u5927\u6587\u4ef6\u7684\u65ad\u70b9\u4e0a\u4f20":51,"\u6570\u636e":51,"\u6570\u636e\u8bfb\u53d6\u5747\u4ea4\u7531\u5176\u4ed6\u8bed\u8a00\u5b8c\u6210":68,"\u6570\u636e\u957f\u5ea6\u53ca\u6821\u9a8c\u503c\u7ec4\u6210":51,"\u6570\u636e\u96c6\u9700\u8981\u9884\u5148\u88ab\u8f6c\u6362\u6210paddlepaddle\u5206\u5e03\u5f0f\u8bad\u7ec3\u4f7f\u7528\u7684\u5b58\u50a8\u683c":37,"\u6570\u636e\u9884\u5904\u7406\u4efb\u52a1":37,"\u6587\u4ef6":68,"\u6587\u4ef6\u4f20\u8f93\u7684\u7684\u5173\u952e\u5728\u4e8e\u9700\u8981pfsclient\u7aef\u5bf9\u6bd4source\u548cdestination\u7684\u6587\u4ef6chunks\u7684checksum\u662f\u5426\u4fdd\u6301\u4e00\u81f4":51,"\u6587\u4ef6\u5185\u5bb9\u4e3a":68,"\u6587\u4ef6\u540d\u4e3a\u6b64uuid":36,"\u6587\u4ef6\u5bf9\u5e94\u7684data":37,"\u6587\u4ef6\u7684\u4e0a\u4f20\u548c\u4e0b\u8f7d\u90fd\u662f\u901a\u8fc7\u5bf9chunk\u7684\u64cd\u4f5c\u6765\u5b9e\u73b0\u7684":51,"\u65b0\u624b\u5165\u95e8\u7ae0\u8282":85,"\u65b0\u7248\u672c":65,"\u65b9\u4fbf\u6d4b\u8bd5\u4eba\u5458\u6d4b\u8bd5paddlepaddle\u7684\u884c\u4e3a":85,"\u65b9\u4fbf\u7528\u6237\u4e0a\u4f20\u81ea\u5df1\u7684\u8bad\u7ec3\u6570\u636e\u4ee5\u8fdb\u884c\u5206\u5e03\u5f0f\u8bad\u7ec3":51,"\u65b9\u4fbf\u7528\u6237\u5728python\u7aef\u9009\u62e9\u662f\u5426\u542f\u7528\u8fd9\u4e2a\u529f\u80fd":64,"\u65b9\u4fbf\u7528\u6237\u9009\u62e9\u4f7f\u7528mkl":65,"\u65b9\u5f0f\u7c7b\u4f3c\u4e8e":65,"\u65e0\u6cd5\u505a\u5230\u5bf9\u4e8e\u5404\u79cd\u8bed\u8a00\u9519\u8bef\u5904\u7406\u65b9\u5f0f\u7684\u9002\u914d":68,"\u65e0\u8bba\u5728\u672c\u5730\u8fd8\u662f\u5728\u4e91\u7aef":37,"\u65e0\u8bba\u662f\u4ece":37,"\u65e0\u8bba\u662f\u5728\u672c\u5730\u6216\u662f\u4e91\u7aef\u8f6c\u6362":37,"\u65e0\u8bba\u662f\u91cd\u6784\u524d\u7684layer\u8fd8\u662f\u91cd\u6784\u540e\u7684op":65,"\u65f6":[36,64,65],"\u65f6\u4e00\u8d77\u66f4\u65b0":65,"\u662f":[51,65],"\u662f\u4e00\u4e2a\u591a\u8bed\u8a00\u63a5\u53e3\u7684\u4ee3\u7801\u751f\u6210\u5668":68,"\u662f\u4e00\u4e2a\u7c7b\u578b\u7684\u6807\u5fd7":69,"\u662f\u4e0d\u5e38\u89c1\u7684\u505a\u6cd5":68,"\u662f\u5404\u4e2a\u5b9e\u73b0\u4e2d\u5171\u4eab\u7684\u5934\u6587\u4ef6":69,"\u662f\u5426\u6253\u5f00":64,"\u662f\u56e0\u4e3ac99\u652f\u6301":68,"\u662f\u5bf9\u7528\u6237\u6587\u4ef6\u5b58\u50a8\u7a7a\u95f4\u7684\u62bd\u8c61":51,"\u662f\u6307":69,"\u662f\u7528\u6237\u4f7f\u7528c":69,"\u662fc":69,"\u663e\u5f97\u76f8\u5bf9\u6765\u8bf4\u8f83\u4e3a\u8017\u65f6":64,"\u6682\u65f6\u4e0d\u8003\u8651\u591a\u4e2aparamet":36,"\u66b4\u9732\u8fd9\u4e2a\u6982\u5ff5\u5fc5\u8981\u51fd\u6570":69,"\u6700\u540e\u5220\u9664":85,"\u6700\u5e38\u89c1\u7684\u9519\u8bef\u5904\u7406\u65b9\u5f0f\u662fexcept":68,"\u6709\u6548\u63d0\u5347paddlepaddle\u5728\u82f1\u7279\u5c14\u67b6\u6784\u4e0a\u7684\u6027\u80fd":[64,65],"\u6709\u6807\u51c6\u7684":68,"\u6709\u7684\u65f6\u5019":68,"\u672c\u5217\u8868\u8bf4\u660epaddlepaddle\u53d1\u7248\u4e4b\u524d\u9700\u8981\u6d4b\u8bd5\u7684\u529f\u80fd\u70b9":85,"\u672c\u6587\u6863\u63cf\u8ff0paddl":69,"\u673a\u5668\u7ffb\u8bd1":85,"\u6765\u4fdd\u8bc1\u8bad\u7ec3\u8fc7\u7a0b\u53ef\u4ee5\u4ece\u4e2d\u95f4\u72b6\u6001\u91cd\u65b0\u542f\u52a8":36,"\u6765\u51b3\u5b9a\u662f\u5426\u5f00\u542fmkl":64,"\u6765\u5b9e\u73b0":65,"\u6765\u786e\u4fdd\u628a":68,"\u6765\u8868\u793apaddle\u5185\u90e8\u7c7b":68,"\u6765\u8bbf\u95ee\u7528\u6237\u81ea\u5df1\u7684\u6570\u636e":37,"\u6765\u8fdb\u884c\u8ba8\u8bba":69,"\u67e5\u770blatest":85,"\u6807\u51c6\u8868\u793apaddlepaddle\u7248\u672c\u53f7":85,"\u683c\u5f0f\u4e0d\u5339\u914d\u65f6":65,"\u68c0\u67e5\u70b9\u4fdd\u5b58\u7a0b\u5e8f\u6d41\u7a0b":36,"\u6a21\u578b\u53c2\u6570\u68c0\u67e5\u70b9\u901a\u8fc7\u5b9a\u671f\u5411\u78c1\u76d8\u4e0a\u4fdd\u5b58\u4e00\u4efd\u5b58\u50a8\u5728paramet":36,"\u6a21\u578b\u6570\u636e\u68c0\u67e5\u70b9\u7684\u5b9e\u73b0":36,"\u6a21\u578b\u914d\u7f6e\u89e3\u6790":68,"\u6b21\u8fed\u4ee3\u6267\u884c\u7684\u8f6c\u6362\u6b21\u6570\u4e3a":64,"\u6b64\u65f6\u6bcf\u4e2a\u5c0f\u5206\u652f\u7684":65,"\u6b64\u65f6master\u5c06\u8d1f\u8d23\u542f\u52a8\u4e00\u4e2a\u65b0\u7684train":36,"\u6bcf\u4e00\u4e2a":85,"\u6bcf\u4e00\u4e2a\u6587\u4ef6\u662f\u6570\u636e\u96c6\u7684\u4e00\u4e2ashard":37,"\u6bcf\u4e2a":65,"\u6bcf\u4e2a\u503c\u7684\u7c7b\u578b\u53ef\u4ee5\u662f\u6574\u5f62":37,"\u6bcf\u4e2a\u6d4b\u8bd5\u4f1a\u5bf9\u6bd4paddlepaddle\u4e2dcpu\u7b97\u51fa\u7684\u7ed3\u679c\u4e0emkl":65,"\u6bcf\u4e2adata":37,"\u6bcf\u4e2amkldnnlayer\u90fd\u5305\u542b\u7528\u4e8e\u5185\u90e8\u5b58\u50a8\u548c\u5916\u90e8\u5b58\u50a8\u7684\u4e00\u7cfb\u5217mkldnnmatrix":65,"\u6bcf\u4e2aparamet":36,"\u6bcf\u4e2ashard\u5206\u522b\u5b58\u50a8\u5728\u5176\u4e2d\u4e00\u53f0paramet":36,"\u6bcf\u6b21\u8c03\u7528\u65f6\u5bf9\u539f\u6570\u636e\u7684\u91cd\u590dpacking\u4fbf\u6210\u4e3a\u4e86\u5197\u4f59":64,"\u6bcf\u6b21\u8f93\u51fa\u4e00\u4e2adata":37,"\u6bcf\u969410\u5206\u949f":36,"\u6bd4\u5982":[37,65],"\u6bd4\u5982\u53ef\u80fd\u4f1a\u7528openmp\u6539\u8fdbsgd\u7684\u66f4\u65b0\u6027\u80fd":65,"\u6bd4\u5982\u5c06":85,"\u6bd4\u5982\u6bcf\u969410\u5206\u949f\u6700\u65b0\u7684\u5feb\u7167":36,"\u6bd4\u5982\u6d41\u5f0f\u6570\u636e\u5904\u7406":37,"\u6bd4\u5982imagenet\u8fd9\u4e2a\u6570\u636e\u96c6\u53ef\u80fd\u88ab\u5206\u62101000\u4e2ashard":37,"\u6ca1\u6709\u5fc5\u8981\u5728\u6bcf\u6b21\u524d\u5411\u4e2d\u6bcf\u4e2a\u65f6\u95f4\u6b65\u7684\u8ba1\u7b97\u65f6\u5bf9\u6743\u91cd\u8fdb\u884c\u91cd\u590d\u7684packing\u64cd\u4f5c":64,"\u6ce8":[36,85],"\u6ce8\u518clayer\u7684\u65f6\u5019\u4fdd\u8bc1":[64,65],"\u6ce8\u610f":65,"\u6d4b\u8bd5\u5206\u4e3a\u6bcf\u4e2alayer":65,"\u6d4b\u8bd5\u672c\u6b21release\u7684\u6b63\u786e\u6027":85,"\u6d4b\u8bd5\u7684\u6027\u80fd\u5bf9\u6bd4\u7ed3\u679c\u4f1a\u5728":65,"\u6d6e\u70b9\u578b\u6570\u636e":37,"\u6df1\u5165paddlepaddl":65,"\u6dfb\u52a0":64,"\u6dfb\u52a0\u7684\u76f8\u5173\u6587\u4ef6\u548c\u76ee\u5f55\u7ed3\u6784\u5982\u4e0b":[64,65],"\u6fc0\u6d3b\u51fd\u6570\u662f\u72ec\u7acb\u4e8e":65,"\u70b9\u51fb":85,"\u7136\u540e\u5728\u524d\u5411":64,"\u7136\u540e\u5728etcd\u7684":36,"\u7136\u540e\u5c31\u53ef\u4ee5\u5e76\u53d1\u5199\u5165\u591a\u4e2achunk":51,"\u7136\u540e\u624d\u80fd\u4f7f\u7528pfsclient":51,"\u7136\u540e\u6309\u7167\u4e0a\u8ff0\u7684\u65b9\u6cd5":85,"\u7136\u540e\u70b9\u51fb":85,"\u7248\u672c\u5206\u652f":85,"\u7248\u672c\u53f7":85,"\u7248\u672c\u53f7\u5bf9\u5e94\u7684tag\u5373\u53ef":85,"\u7248\u672c\u53f7rc":85,"\u7248\u672cfork\u51fa\u81ea\u5df1\u7684\u529f\u80fd\u5206\u652f":85,"\u7279\u6709\u7684\u8bbe\u5907id":65,"\u73b0\u9636\u6bb5\u7684\u4f18\u5316\u4e3b\u8981\u9488\u5bf9":64,"\u73b0\u9636\u6bb5paddle\u6709\u4e00\u4e2a\u95ee\u9898\u662f":68,"\u751f\u4ea7\u73af\u5883\u4e2d\u7684\u8bad\u7ec3\u6570\u636e\u96c6\u901a\u5e38\u4f53\u79ef\u5f88\u5927":37,"\u751f\u4ea7\u73af\u5883\u7684\u65e5\u5fd7\u6570\u636e\u4f1a\u901a\u8fc7\u5b9e\u65f6\u6d41\u7684\u65b9\u5f0f":37,"\u751f\u6210\u5404\u79cd\u8bed\u8a00\u7684\u7ed1\u5b9a\u4ee3\u7801":68,"\u751f\u6210\u6587\u6863":68,"\u751f\u6210\u7684":37,"\u751f\u6210\u7ed9\u5b9a":37,"\u751f\u6210api\u6587\u6863":68,"\u751f\u6210pfsclient\u548cpfsserver\u7684\u6846\u67b6\u90e8\u5206":51,"\u7528":51,"\u7528\u4e8e\u6d4b\u8bd5\u548c\u5bf9\u6bd4\u5728\u4f7f\u7528mkl":65,"\u7528\u4e8e\u7ba1\u7406mkl":65,"\u7528\u4e8e\u9009\u62e9\u662f\u5426\u4f7f\u7528\u76f8\u5173\u529f\u80fd":64,"\u7528\u4e8e\u9009\u62e9\u662f\u5426\u4f7f\u7528mkl":65,"\u7528\u4e8emkl":[64,65],"\u7528\u6237\u4e0a\u4f20\u6570\u636e\u540e":37,"\u7528\u6237\u4e5f\u53ef\u4ee5\u4e0a\u4f20label":37,"\u7528\u6237\u53ef\u4ee5\u5b89\u5168\u7684\u91ca\u653e\u67d0\u4e2ac":69,"\u7528\u6237\u53ef\u4ee5\u628a\u81ea\u5df1\u7684\u6570\u636e\u5206\u4eab\u7ed9\u522b\u4eba":37,"\u7528\u6237\u53ef\u4ee5\u76f4\u63a5\u4f7f\u7528\u8fd9\u4e2a\u52a8\u6001\u5e93\u6765\u5f15\u5165paddl":69,"\u7528\u6237\u5728\u672c\u5730\u8f6c\u6362\u597d\u518d\u4e0a\u4f20":37,"\u7528\u6237\u6587\u4ef6\u53ef\u80fd\u662f\u6bd4\u8f83\u5927\u7684":51,"\u7528\u6237\u901a\u8fc7c":69,"\u7531\u4e8e\u5728\u73b0\u6709\u7684\u67d0\u4e9b\u60c5\u51b5\u4e0b":64,"\u7531\u4e8e\u5bf9parameters\u7684\u66f4\u65b0\u9700\u8981\u83b7\u53d6parameters\u5185\u5b58\u7684":36,"\u7531\u4e8e\u96c6\u7fa4\u4e2d\u540c\u65f6\u5b58\u5728\u4e24\u53f0\u673a\u5668\u6545\u969c\u7684\u6982\u7387\u6781\u4f4e":36,"\u7531\u4e8ec":68,"\u7531\u4e8echunk\u6bd4\u8f83\u5c0f":51,"\u7531\u4e8emkl":65,"\u7531\u4e8epypi":85,"\u7531\u5206\u652f\u5904\u7684layer\u8d1f\u8d23\u6c42\u548c":65,"\u7533\u8bf7\u7528\u6237\u7a7a\u95f4":51,"\u7684\u4e00\u4e2a\u5b50\u96c6":65,"\u7684\u4fe1\u606f":65,"\u7684\u5355\u5143\u6d4b\u8bd5\u548c\u7b80\u5355\u7f51\u7edc\u7684\u6574\u4f53\u6d4b\u8bd5":65,"\u7684\u547d\u540d\u98ce\u683c\u5e76\u4e0d\u80fd\u9002\u5e94\u5176\u4ed6\u7b2c\u4e09\u65b9\u8bed\u8a00":68,"\u7684\u57fa\u672c\u903b\u8f91":65,"\u7684\u5934\u6587\u4ef6":68,"\u7684\u5b50\u7c7b\u53ea\u9700\u8981\u4f7f\u7528\u5185\u90e8\u5b58\u50a8\u5c31\u53ef\u4ee5\u4e86":65,"\u7684\u60c5\u51b5\u4e0b":64,"\u7684\u63a5\u53e3\u6837\u5f0f":68,"\u7684\u6570\u636e\u6d41\u56fe":37,"\u7684\u65f6\u5019":65,"\u7684\u683c\u5f0f\u59cb\u7ec8\u662f":65,"\u7684\u683c\u5f0f\u5b58\u50a8":65,"\u7684\u6982\u5ff5":65,"\u7684\u6e90\u7801\u91cc\u4f7f\u7528\u4e86":68,"\u7684\u7248\u672c":85,"\u7684\u7ed3\u679c":64,"\u7684\u7f29\u5199":51,"\u7684\u7f51\u7edc\u6a21\u578b":64,"\u7684\u89c4\u8303":68,"\u7684\u89d2\u5ea6":37,"\u7684\u914d\u7f6e\u5199\u5230\u914d\u7f6e\u6587\u4ef6\u4e2d":37,"\u7684flag":[64,65],"\u7684vanilla":64,"\u76ee\u524d\u53ea\u8003\u8651":65,"\u76ee\u524d\u53ea\u8003\u8651\u52a8\u6001\u6269\u5bb9trainer\u6570\u91cf":36,"\u76ee\u524d\u5728paddlepaddle\u4e2d":65,"\u76ee\u524d\u5728paddlepaddle\u4e2d\u6570\u636e\u90fd\u662f\u4ee5":65,"\u76ee\u524d\u5d4c\u5165python\u89e3\u91ca\u5668":68,"\u76ee\u524d\u6211\u4eec\u7528cephfs\u6765\u642d\u5efa":51,"\u76ee\u524d\u7684\u4f18\u5316":65,"\u76ee\u524dpaddle\u7684\u8fdb\u7a0b\u6a21\u578b\u662fc":68,"\u76ee\u524dpaddlepaddle\u91c7\u7528\u4e86":64,"\u76ee\u5f55\u4e0b":69,"\u76ee\u5f55\u4e0b\u5bf9\u5e94\u7684\u5730\u65b9":65,"\u76f4\u63a5\u4f7f\u7528c\u8bed\u8a00\u7684":68,"\u76f4\u63a5\u5220\u9664\u8fd9\u4e2a\u53c2\u6570\u5373\u53ef":69,"\u76f4\u63a5\u5bfc\u51fa\u5230c\u7684\u63a5\u53e3\u6bd4\u8f83\u56f0\u96be":68,"\u76f8\u5173\u5c42":64,"\u77e9\u9635\u5927\u5c0f\u662f":64,"\u793e\u533a\u53c2\u4e0e\u56f0\u96be":68,"\u793e\u533a\u8d21\u732e\u4ee3\u7801\u5b66\u4e60\u6210\u672c\u9ad8":68,"\u795e\u7ecf\u7f51\u7edc\u4e2d\u7684\u53c2\u6570":36,"\u79bb\u7ebf\u6279\u5904\u7406":37,"\u7b2c\u4e00\u4e2atag\u4e3a":85,"\u7b2c\u4e09\u6b65\u5b8c\u6210\u540e":85,"\u7b2c\u4e8c\u4e2a\u4e3a":85,"\u7b49":[65,69],"\u7b49\u5168\u90e8\u9759\u6001\u5e93\u4e2d\u7684\u76ee\u6807\u6587\u4ef6\u5168\u90e8\u6253\u5305\u540e\u4ea7\u751f\u7684\u6587\u4ef6":69,"\u7b49\u5f85\u7f16\u8bd1\u5b8c\u6210\u540e":85,"\u7b49\u6587\u4ef6":69,"\u7c7b\u4f3c":69,"\u7c7b\u540d\u548cc":68,"\u7c7b\u578b":68,"\u7ed3\u8bba":68,"\u7edf\u4e00\u7528":37,"\u7f16\u8bd1\u5668\u6ca1\u6709":68,"\u7f16\u8bd1\u578b\u8bed\u8a00":68,"\u7f16\u8bd1\u65f6\u4f1a\u628a\u5bf9\u5e94\u7684\u5934\u6587\u4ef6\u548c\u5e93\u653e\u5728":65,"\u7f16\u8bd1\u8fd9\u4e2a\u7248\u672c\u7684docker\u53d1\u884c\u955c\u50cf":85,"\u7f16\u8bd1\u8fd9\u4e2a\u7248\u672c\u7684python":85,"\u7f16\u8bd1c":69,"\u800c\u4e0d\u5fc5\u5728\u610fpaddl":69,"\u800c\u4e0d\u652f\u6301pypy\u89e3\u91ca\u5668":68,"\u800c\u4e0d\u66b4\u9732\u6982\u5ff5\u7684\u5b9e\u73b0":69,"\u800c\u4e14\u5728\u4f20\u8f93\u7684\u8fc7\u7a0b\u4e2d\u4e5f\u53ef\u80fd\u51fa\u73b0\u7f51\u7edc\u4e0d\u7a33\u5b9a\u7684\u60c5\u51b5":51,"\u800c\u51fa\u73b0\u9636\u6bb5\u6027\u7684\u8fd0\u884c\u505c\u6ede":36,"\u800c\u5728cpp\u91cc\u9762\u5b9e\u73b0\u8fd9\u4e2ac\u7684\u63a5\u53e3":68,"\u800c\u591a\u8bed\u8a00\u63a5\u53e3\u9700\u8981\u76f4\u63a5\u8bfb\u53d6\u751f\u6210\u7684\u4e8c\u8fdb\u5236":68,"\u800c\u5bf9\u4e8egolang":68,"\u800c\u5bf9\u4e8egolang\u9519\u8bef\u5904\u7406\u5e94\u8be5\u4f7f\u7528\u8fd4\u56de\u503c":68,"\u800c\u662f\u76f4\u63a5\u4fee\u6539paddl":69,"\u800c\u662f\u76f4\u63a5\u7528api\u7684\u63a5\u53e3\u8fdc\u7a0b\u8bbf\u95ee":37,"\u800cswig\u53ea\u80fd\u7b80\u5355\u7684\u66b4\u9732c":68,"\u81ea\u52a8\u6302\u8f7d\u5206\u5e03\u5f0f\u5b58\u50a8\u76ee\u5f55":36,"\u81f3\u4e8e\u4e3a\u4ec0\u4e48\u9700\u8981c":69,"\u826f\u597d\u7684\u6587\u6863":68,"\u8282\u7701\u4e86\u4e0d\u5fc5\u8981\u7684\u64cd\u4f5c":65,"\u83b7\u53d6\u6700\u65b0\u7684\u68c0\u67e5\u70b9\u7684\u6587\u4ef6uuid":36,"\u867d\u7136\u4e0d\u9f13\u52b1\u8fd9\u6837":69,"\u8868\u793a\u5bf9\u8f93\u5165\u6570\u636e":65,"\u89e3\u91ca\u578b\u8bed\u8a00\u53ea\u80fd\u8c03\u7528\u52a8\u6001\u5e93":68,"\u89e3\u91ca\u6027\u8bed\u8a00\u5b9e\u9645\u8fd0\u884c\u7684\u4e8c\u8fdb\u5236\u662f\u89e3\u91ca\u5668\u672c\u8eab":68,"\u8ba1\u5212\u5728":[64,65],"\u8ba1\u7b97\u8fd9\u4e2a\u6587\u4ef6\u7684md5":36,"\u8ba9paddle\u6838\u5fc3\u4e2d":69,"\u8bad\u7ec3\u4efb\u52a1\u7684\u8fd0\u884c\u53ef\u80fd\u4f1a\u5360\u6ee1trainer\u548cparamet":36,"\u8bad\u7ec3\u548c\u7eaf\u4f7f\u7528":85,"\u8bad\u7ec3\u6a21\u578b\u6b63\u786e\u6027":85,"\u8bb0\u5f55\u4e0b\u6240\u6709\u5931\u8d25\u7684\u4f8b\u5b50":85,"\u8bbe\u7f6e":69,"\u8bc6\u522b\u6570\u5b57":85,"\u8bcd\u5411\u91cf":85,"\u8be5\u6587\u4ef6\u5bf9\u76f8\u5173gemm":64,"\u8be5\u7c7b\u7ee7\u627f\u4e8epaddlepaddle\u7684\u57fa\u7c7b":65,"\u8be6\u7ec6\u8bbe\u8ba1":51,"\u8bed\u610f\u89d2\u8272\u6807\u6ce8":85,"\u8bf4\u660e":36,"\u8bf7\u53c2\u8003":69,"\u8f6c\u6362\u5185\u5b58\u7684\u5de5\u4f5c":65,"\u8f6c\u6362\u5197\u4f59":64,"\u8f6c\u6362\u51fd\u6570":65,"\u8f6c\u6362\u751f\u6210\u7684\u6587\u4ef6\u540d\u4f1a\u662f\u4ee5\u4e0b\u683c\u5f0f":37,"\u8f6c\u6362\u8017\u65f6":64,"\u8f93\u5165\u68af\u5ea6":65,"\u8f93\u51fa\u6570\u636e\u548c\u8f93\u51fa\u68af\u5ea6":65,"\u8f93\u51fa\u6570\u636e\u548c\u8f93\u51fa\u68af\u5ea6\u7684\u8f6c\u6362":65,"\u8fbe\u5230\u5bb9\u707e\u7684\u76ee\u7684":36,"\u8fc7\u7a0b\u4e2d\u6240\u6709\u65f6\u95f4\u6b65":64,"\u8fd1\u671f\u76ee\u6807":65,"\u8fd4\u56de\u7b2c\u4e8c\u6b65":85,"\u8fd8\u662f\u4ece":37,"\u8fd9\u4e00\u5c42\u8fdb\u884c\u5c01\u88c5":69,"\u8fd9\u4e00\u6570\u636e\u683c\u5f0f\u7684\u8f6c\u6362\u64cd\u4f5c":64,"\u8fd9\u4e00\u6982\u5ff5\u4e0d\u518d\u7410\u788e":69,"\u8fd9\u4e09\u4e2a\u5206\u652f":85,"\u8fd9\u4e2a\u51fd\u6570\u672c\u8eab\u4f1a\u5728\u8ba1\u7b97\u524d\u5c06\u539f\u6570\u636e\u8f6c\u6362\u4e3a\u66f4\u9002\u5408\u82f1\u7279\u5c14\u5e73\u53f0\u7684\u5185\u90e8\u683c\u5f0f":64,"\u8fd9\u4e2a\u52a8\u6001\u5e93\u7684\u8fde\u63a5\u53c2\u6570\u4e0epaddle\u7684\u5176\u4ed6\u4e8c\u8fdb\u5236":69,"\u8fd9\u4e2a\u53c2\u6570\u4e5f\u4e0d\u4f1a\u4e00\u5e76\u5220\u9664":69,"\u8fd9\u4e2a\u5934\u6587\u4ef6\u4e0d\u5047\u8bbe\u5176\u4ed6\u6587\u4ef6\u7684\u5f15\u7528\u987a\u5e8f":69,"\u8fd9\u4e2a\u63a5\u53e3\u9700\u8981\u505a\u5230":68,"\u8fd9\u4e2a\u6587\u4ef6\u5177\u6709\u72ec\u7279\u7684\u8bed\u6cd5":68,"\u8fd9\u4e2a\u76ee\u5f55\u4e2d\u9664\u4e86":69,"\u8fd9\u4e2a\u7ed3\u6784\u4f53\u4e2d\u7684\u53e6\u4e00\u4e2a\u9879\u76ee\u662f":69,"\u8fd9\u4e2a\u7ed3\u6784\u4f53\u5305\u542b\u4e24\u4e2a\u9879\u76ee":69,"\u8fd9\u4e2a\u9009\u62e9":[64,65],"\u8fd9\u4e2a\u9759\u6001\u5e93\u5305\u542b\u4e86paddle\u7684\u5168\u90e8\u7b26\u53f7":69,"\u8fd9\u4e2ainstance\u53ef\u4ee5\u662f\u5355\u4e2a\u503c":37,"\u8fd9\u4e9b\u4f1a\u5728":[64,65],"\u8fd9\u4e9b\u51fd\u6570\u4f1a\u6839\u636e\u8f93\u5165\u53c2\u6570\u91cd\u65b0\u8bbe\u7f6e\u5185\u90e8\u548c\u5916\u90e8\u5b58\u50a8":65,"\u8fd9\u4e9b\u5206\u5e03\u5f0f\u5b58\u50a8\u670d\u52a1\u901a\u5e38\u4f1a\u628a\u6570\u636e\u5207\u5272\u6210\u591a\u4e2a\u5206\u7247\u5206\u5e03\u5f0f\u7684\u5b58\u50a8\u5728\u591a\u4e2a\u8282\u70b9\u4e4b\u4e0a":37,"\u8fd9\u4e9b\u955c\u50cf\u4e5f\u53ef\u4ee5\u4ece":85,"\u8fd9\u5bf9\u4e8e\u901a\u5e38\u7684java\u7684\u5f00\u53d1\u8005\u6765\u8bf4":68,"\u8fd9\u662f\u56e0\u4e3a":68,"\u8fd9\u6837":69,"\u8fd9\u6837\u4e0b\u4e00\u4e2acpu":65,"\u8fd9\u6837\u4fdd\u8bc1":85,"\u8fd9\u6837\u5c31\u53ef\u4ee5\u5728\u4e91\u7aef\u6267\u884c\u591a\u79cd\u6570\u636e\u7c7b\u8ba1\u7b97\u4efb\u52a1":37,"\u8fd9\u6837\u5df2\u7ecf\u4f20\u8f93\u6210\u529f\u7684\u90e8\u5206\u5c31\u4e0d\u7528\u91cd\u65b0\u4f20\u8f93\u4e86":51,"\u8fd9\u6837\u5e26\u6765\u7684\u597d\u5904\u5c31\u662f\u4e0d\u9700\u8981\u4e00\u76f4\u6e05\u7a7amemori":65,"\u8fd9\u6837\u65e2\u4f7f\u5f97\u6700\u7ec8\u4fdd\u5b58\u7684\u53c2\u6570\u683c\u5f0f\u4e0epaddlepaddle\u4e00\u81f4":65,"\u8fd9\u90fd\u9700\u8981\u8fd9\u4e2a\u63a5\u53e3\u6309\u7167\u7ea6\u5b9a\u4fd7\u6210\u7684\u89c4\u5219\u6765\u6ce8\u91ca\u5b8c\u5907":68,"\u8fd9\u91cc":65,"\u8fd9\u91cc\u7684dockerimage\u4f5c\u4e3a\u7f16\u8bd1\u73af\u5883\u4ee5\u652f\u6301\u66f4\u591a\u7684linux":85,"\u8fd9\u91cc\u9009\u62e90":85,"\u8fd9\u91cc\u9700\u8981\u7528\u6237\u989d\u5916\u6ce8\u610f":36,"\u8fdb\u4e00\u6b65\u4f18\u5316":65,"\u8fdb\u5165":85,"\u8fdb\u800c\u8fdb\u884c\u4ee3\u7801\u8bc4\u5ba1":85,"\u9009\u62e9\u662f\u5426\u7f16\u8bd1mkl":65,"\u9009\u62e9\u9700\u8981\u53d1\u5e03\u7684\u7248\u672c":85,"\u900f\u4f20\u7528\u6237\u8eab\u4efd\u7684\u529e\u6cd5":51,"\u901a\u5e38":69,"\u901a\u5e38\u5305\u542b\u4e00\u4e2acpu\u7248\u672c\u548c\u4e00\u4e2agpu\u7248\u672c":85,"\u901a\u5e38\u6307\u5c06\u4e00\u4e2a\u6574\u4f53\u62c6\u5206\u6210\u591a\u4efd\u7684\u5176\u4e2d\u7684\u4e00\u4efd":36,"\u901a\u8fc7\u4f7f\u7528\u8fd9\u4e9bapi":64,"\u901a\u8fc7\u6a21\u578b\u63a8\u65adapi\u7684\u5b9e\u73b0\u4f5c\u4e3a\u4e00\u4e2a\u6837\u4f8b":69,"\u903b\u8f91\u5212\u4e0a\u6587\u4ef6\u5206\u5757\u7684\u5355\u4f4d":51,"\u9075\u5faa\u4ee5\u4e0b\u6d41\u7a0b":85,"\u90a3\u4e48":69,"\u90a3\u4e48\u5bf9\u5e94\u7684\u5185\u90e8\u5b58\u50a8\u4e5f\u4f1a\u4e0e\u5b83\u4eec\u5171\u4eab\u5185\u5b58":65,"\u90a3\u4e48\u5c31\u4f1a\u4f7f":65,"\u90fd\u4e0d\u4f1a\u60f3\u8981\u77e5\u9053next":65,"\u90fd\u662f\u4e94\u4f4d\u7684\u6570\u5b57":37,"\u90fd\u662f\u4ee5ext\u5f00\u5934":65,"\u90fd\u662fabi\u8c03\u7528\u6807\u51c6\u7684":68,"\u90fd\u7ee7\u627f\u4e8epaddlepaddle\u7684\u57fa\u7c7b":64,"\u914d\u7f6e\u7684\u65b9\u6cd5\u53c2\u8003":51,"\u91ca\u653e\u5bf9paramters\u5185\u5b58\u7684\u9501\u5b9a":36,"\u91cc\u6240\u6709\u7684\u7b26\u53f7\u90fd\u5199\u5165\u81ea\u5df1\u7684\u7a0b\u5e8f\u7684\u4e8c\u8fdb\u5236\u6587\u4ef6\u91cc":68,"\u91cc\u9009\u62e9\u9700\u8981\u53d1\u5e03\u7684\u5206\u652f":85,"\u91cc\u9762\u6dfb\u52a0":65,"\u91cd\u5199\u7236\u7c7blayer\u7684":65,"\u91cd\u547d\u540d\u6210":68,"\u94fe\u63a5\u5230\u81ea\u5df1\u7684\u7a0b\u5e8f\u91cc":68,"\u9519\u8bef\u5904\u7406":68,"\u9519\u8bef\u5904\u7406\u65b9\u5f0f\u662f\u8fd4\u56de\u503c":68,"\u9519\u8bef\u5904\u7406\u7684\u65b9\u5f0f\u4e5f\u4e0d\u5c3d\u76f8\u540c":68,"\u9664\u6784\u9020\u67d0\u79cd\u7c7b\u578b\u7684\u51fd\u6570":69,"\u96c6\u6210\u5230":64,"\u96c6\u6210\u5230paddlepaddl":65,"\u9700\u8981":37,"\u9700\u8981\u4fee\u6539build":85,"\u9700\u8981\u53ef\u4ee5\u8de8\u5e73\u53f0\u6267\u884c":51,"\u9700\u8981\u5728cmake\u7684\u65f6\u5019":69,"\u9700\u8981\u5c06bugfix\u7684\u5206\u652f\u540c\u65f6merge\u5230":85,"\u9700\u8981\u5f15\u7528":69,"\u9700\u8981\u6709\u7a33\u5b9a\u7684\u5bfc\u51fa\u7b26\u53f7":68,"\u9700\u8981\u6ce8\u610f\u7684\u662f":[65,85],"\u9700\u8981\u7d2f\u52a0\u4e0d\u540clayer\u4f20\u8fc7\u6765\u7684\u68af\u5ea6":65,"\u9700\u8981\u88ab\u66b4\u9732\u5230\u5176\u4ed6\u8bed\u8a00":69,"\u9700\u8981\u91cd\u547d\u540dwheel\u5305\u4e2dplatform\u76f8\u5173\u7684\u540e\u7f00":85,"\u9ed8\u8ba4256k":51,"\u9ed8\u8ba4\u8bbe\u7f6e\u4e3a":64,"abstract":[44,50,54,75,84,86,102,120],"api\u4e2d\u4f7f\u7528":68,"api\u5bfc\u51fa\u7684\u52a8\u6001\u5e93":69,"api\u5bfc\u51fa\u7684\u9759\u6001\u5e93":69,"api\u63a5\u53d7\u7684\u7c7b\u578b\u5168\u662f":69,"api\u63a5\u53e3":51,"api\u63a5\u53e3\u7684\u53c2\u6570\u8f6c\u53d1\u7ed9":69,"api\u65f6":69,"api\u65f6\u6240\u552f\u4e00\u9700\u8981\u5f15\u5165\u7684\u5934\u6587\u4ef6":69,"api\u662f\u591a\u8bed\u8a00api\u7684\u57fa\u7840\u90e8\u5206":69,"api\u66b4\u9732\u7684\u7c7b\u578b":69,"api\u751f\u6210\u7684\u4e8c\u8fdb\u5236\u6587\u4ef6\u4f1a\u88ab\u5b89\u88c5\u5230":69,"api\u7684\u5b9e\u4f8b":69,"api\u7684\u5b9e\u73b0\u7ec6\u8282":69,"api\u7684\u63a5\u53e3":69,"api\u7684\u65f6\u5019\u63a8\u8350paddle\u4e0d\u5d4c\u5165python\u89e3\u91ca\u5668":69,"api\u7684\u7f16\u8bd1\u9009\u9879\u9ed8\u8ba4\u5173\u95ed":69,"api\u76ee\u5f55\u7ed3\u6784\u5982\u4e0a\u56fe\u8868\u6240\u793a":69,"api\u83b7\u5f97\u4e86\u795e\u7ecf\u7f51\u7edc\u7684\u53c2\u6570\u5b9e\u4f8b":69,"apis\u505a\u4e86\u5c01\u88c5":64,"block\u6784\u6210\u4e00\u4e2amodel":36,"book\u4e2d\u6240\u6709\u7ae0\u8282\u529f\u80fd\u7684\u6b63\u786e\u6027":85,"boolean":[21,22,50,52,60,68],"break":[13,34,91,92],"bugfix\u5206\u652f\u4e5f\u662f\u5728\u5f00\u53d1\u8005\u81ea\u5df1\u7684fork\u7248\u672c\u5e93\u7ef4\u62a4":85,"bugfix\u5206\u652f\u9700\u8981\u5206\u522b\u7ed9\u4e3b\u7248\u672c\u5e93\u7684":85,"byte":[13,15,51,67],"c99\u662f\u76ee\u524dc\u6700\u5e7f\u6cdb\u7684\u4f7f\u7528\u6807\u51c6":68,"c\u6709\u6807\u51c6\u7684abi":68,"c\u8bed\u8a00\u662f\u6709\u5bfc\u51fa\u7b26\u53f7\u7684\u6807\u51c6\u7684":68,"case":[8,20,22,38,44,45,50,54,63,69,75,79,81,82,99,102,103,109,114,121,128],"char":40,"ci\u73af\u5883\u4f7f\u7528":85,"ci\u7f16\u8bd1wheel\u5b8c\u6210\u540e\u4f1a\u81ea\u52a8\u5c06docker\u955c\u50cfpush\u5230dockerhub":85,"class":[4,5,6,7,8,9,10,11,13,14,18,20,22,24,27,29,30,33,44,45,48,49,53,54,55,56,58,59,61,63,68,72,73,77,78,82,83,84,86,87,88,89,91,103,104,105,110,119],"compute\u51fd\u6570":64,"const":[33,38,40,53,55,61,62,76,77,79,83,86,88,89,90,91,102,103,104,105],"core\u4e2d\u7684\u6a21\u578b\u8fd8\u5728\u4f7f\u7528\u8fd9\u4e2a\u53c2\u6570":69,"core\u4e2d\u8fd9\u4e00\u7c7b\u578b\u63a5\u53e3\u7684\u667a\u80fd\u6307\u9488":69,"core\u662f\u5426\u8fd8\u5728\u4f7f\u7528\u8fd9\u4e2a\u5b9e\u4f8b":69,"core\u6982\u5ff5":69,"data\u5230\u5206\u5e03\u5f0f\u5b58\u50a8\u8865\u5145\u8bad\u7ec3\u6570\u636e":37,"default":[2,6,7,8,9,10,11,13,14,15,18,22,26,29,30,33,34,44,48,57,61,67,70,71,79,80,86,87,88,92,93,94,96,100,101,103,104,108,111,112,114,115,120,122,124,125,126,128],"device\u5c31\u80fd\u62ff\u5230\u6b63\u786e\u7684\u6570\u636e":65,"dnn\u4e09\u8005\u5173\u7cfb\u5982\u4e0b\u8868":65,"dnn\u4e2d\u7684":65,"dnn\u4e2d\u7684\u6392\u5217\u65b9\u5f0f\u4e0d\u6b62\u8fd9\u4e00\u79cd":65,"dnn\u4f1a\u4f5c\u4e3a\u7b2c\u4e09\u65b9\u5e93\u96c6\u6210\u8fdbpaddlepaddl":65,"dnn\u4f1a\u7528\u5230":65,"dnn\u5171\u540c\u4f7f\u7528":65,"dnn\u524d\u540e\u7684cnn\u7f51\u7edc\u6027\u80fd":65,"dnn\u5728\u53d1\u5e03":65,"dnn\u5b9e\u73b0":65,"dnn\u5e0c\u671b\u7684\u683c\u5f0f":65,"dnn\u6570\u636e\u7684\u4e0d\u540c\u683c\u5f0f\u4ee5\u53ca\u76f8\u4e92\u4e4b\u95f4\u7684\u8f6c\u6362":65,"dnn\u7684":65,"dnn\u7684\u5e93\u76ee\u524d\u53ea\u6709\u52a8\u6001\u5e93":65,"dnn\u7684\u6027\u80fd":65,"dnn\u7684\u60c5\u51b5\u4e0b":65,"dnn\u7684\u64cd\u4f5c\u90fd\u662f\u76f4\u63a5\u8986\u76d6\u7684\u5f62\u5f0f":65,"dnn\u7684\u6d4b\u8bd5":65,"dnn\u7684\u73af\u5883\u4e0b":65,"dnn\u7684\u76f8\u5173\u529f\u80fd":65,"dnn\u7684\u7ed3\u679c":65,"dnn\u7684\u9ad8\u6027\u80fd\u683c\u5f0f\u4e0epaddlepaddle\u539f\u6709\u7684":65,"dnn\u7684layer":65,"dnn\u7684layers\u90fd\u4f1a\u7ee7\u627f\u4e8e":65,"enum":[38,40,70,77,78,87,88,92,104],"export":[54,59,94,106,111],"final":[8,9,22,31,32,45,59,71,72,91,102,103],"float":[2,6,7,8,10,13,22,48,53,61,88,89,90,102,103,104,105,109,122],"function":[2,4,8,9,13,21,22,23,27,30,32,33,35,39,40,41,43,44,45,48,49,53,55,58,61,66,71,72,75,76,77,78,79,81,82,83,84,86,88,91,99,102,103,104,105,108,109,111,113,120,128],"golang\u53ef\u4ee5\u4f7f\u7528":68,"golang\u7684":68,"gpu\u7b49":85,"h\u5e76\u4e0d\u56f0\u96be":68,"images\u6570\u636e\u96c6\u4e0a\u4f20\u5230\u4e91\u7aef\u7684":37,"import":[2,4,7,8,30,33,34,44,47,55,57,59,60,66,71,72,78,86,96,97,99,103,109,111,113,114,126],"ingress\u9700\u8981\u628apfsclient\u7684\u8eab\u4efd\u4fe1\u606f\u4f20\u7ed9pfsserv":51,"instance\u4e0e\u751f\u6210\u6570\u636e\u96c6\u65f6":37,"instance\u5305\u6db5\u4e24\u4e2a\u503c":37,"instance\u662f\u4e00\u6a21\u4e00\u6837\u7684":37,"int":[2,6,7,8,9,13,14,15,22,23,32,33,38,39,40,43,44,46,60,61,64,65,66,68,69,77,78,80,81,87,88,89,91,92,102,104,105,111,122],"interface\u6587\u4ef6\u7684\u5199\u6cd5\u975e\u5e38":68,"layer\u65f6":65,"layer\u7684\u540e\u9762\u63a5\u6709cpu":65,"list\u4f5c\u4e3a\u68c0\u67e5\u5217\u8868":85,"long":[1,8,9,13,109],"mkl\u5e93\u7684":64,"mklml\u4ee5\u53camkl":65,"mklml\u53ef\u4ee5\u4e0emkl":65,"mklml\u7684\u5e93\u76ee\u524d\u90fd\u662f\u52a8\u6001\u5e93":65,"mode\u4e0b\u7684\u7ed3\u679c":64,"model\u505a\u5206\u652f\u7ba1\u7406":85,"ndarray\u7c7b\u578b\u7684\u503c\u548c\u6574\u578b\u7684\u503c":37,"new":[2,8,13,22,31,32,33,34,35,38,39,40,41,42,45,48,53,54,63,64,66,70,72,75,80,81,82,84,88,91,97,100,101,107,114,115,128],"note\u7684\u4e66\u5199":85,"null":[59,102,120],"op\u7684\u4fe1\u606f":65,"openmp\u7528\u4e8e\u63d0\u9ad8mklml\u7684\u6027\u80fd":65,"org\u76ee\u524d\u9075\u5faa":85,"packed\u4f18\u5316\u540elayer\u7684\u6d4b\u8bd5":64,"packed\u76f8\u5173\u529f\u80fd":64,"paddle\u4e00\u4e2a\u52a8\u6001\u5e93\u53ef\u4ee5\u5728\u4efb\u4f55linux\u7cfb\u7edf\u4e0a\u8fd0\u884c":68,"paddle\u5185\u5d4c\u7684python\u89e3\u91ca\u5668\u548c\u5916\u90e8\u4f7f\u7528\u7684python\u5982\u679c\u7248\u672c\u4e0d\u540c":68,"paddle\u5185\u90e8\u7684\u7c7b\u4e3ac":68,"paddle\u7684\u591a\u8bed\u8a00\u63a5\u53e3\u5b9e\u73b0\u5305\u62ec\u4e00\u4e0b\u51e0\u4e2a\u65b9\u9762":68,"paddle\u7684\u7c7b\u578b\u5168\u90e8\u9000\u5316\u6210":69,"paddle\u7684\u94fe\u63a5\u65b9\u5f0f\u6bd4\u8f83\u590d\u6742":68,"paddle\u7684c":69,"paddle\u8bad\u7ec3\u4efb\u52a1":37,"paddle\u8def\u5f84\u4e0b":69,"paddle\u9700\u8981\u4e00\u4e2a\u591a\u8bed\u8a00\u63a5\u53e3":68,"paddle\u9700\u8981\u66b4\u9732\u7684api\u5f88\u591a":69,"paddle\u9759\u6001\u5e93\u94fe\u63a5\u590d\u6742":68,"paddle_\u7c7b\u578b\u540d":69,"paddle_\u7c7b\u578b\u540d_\u51fd\u6570\u540d":69,"paddlepaddle\u4e2d\u7684cudnn\u90e8\u5206\u4f7f\u7528\u7684\u4e5f\u662f":65,"paddlepaddle\u4f7f\u7528git":85,"paddlepaddle\u5f00\u53d1\u8fc7\u7a0b\u4f7f\u7528":85,"paddlepaddle\u63d0\u4f9b\u4e13\u7528\u7684":37,"paddlepaddle\u6bcf\u6b21\u53d1\u65b0\u7684\u7248\u672c":85,"paddlepaddle\u6bcf\u6b21\u53d1\u7248\u672c\u9996\u5148\u8981\u4fdd\u8bc1paddlepaddl":85,"paddlepaddle\u7684\u4e3b\u7248\u672c\u5e93\u9075\u5faa":85,"paddlepaddle\u7684activation\u4f1a\u76f4\u63a5\u4f7f\u7528":65,"patch\u53f7":85,"patch\u53f7\u52a0\u4e00":85,"pfsclient\u9700\u8981\u548cingress\u4e4b\u95f4\u505a\u53cc\u5411\u9a8c\u8bc1":51,"pfsclient\u9700\u8981\u5728\u4f20\u8f93\u5b8c\u6bd5\u6700\u540e\u4e00\u4e2achunk\u7684\u65f6\u5019\u68c0\u67e5destination\u6587\u4ef6\u7684md5\u503c\u662f\u5426\u548csource\u6587\u4ef6\u4e00\u81f4":51,"pfsserver\u63d0\u4f9brest":51,"public":[14,18,22,33,53,56,61,77,83,86,88,89,91,102,103,104,105,111,114,115],"py\u4e2d":85,"pypi\u4e0a\u7684package\u540d\u79f0\u4e3apaddlepaddle\u548cpaddlepaddl":85,"pypi\u4e0d\u652f\u6301\u8986\u76d6\u4e0a\u4f20":85,"reader\u7684\u4f7f\u7528\u65b9\u5f0f\u90fd\u662f\u4e00\u81f4\u7684":37,"reader\u8f93\u51fa\u7684data":37,"resnet\u7684mkl":65,"return":[2,6,7,8,9,11,13,14,15,18,21,22,23,24,29,30,31,32,33,37,38,40,43,44,49,53,55,56,57,59,61,62,63,66,71,72,73,77,78,79,83,86,88,89,91,99,102,103,104,105,113,114],"rnn\u90e8\u5206\u4e2d":64,"s3\u4e4b\u7c7b\u7684\u5206\u5e03\u5f0f\u5b58\u50a8\u4e4b\u4e0a":37,"server\u4e4b\u4e0a":36,"server\u4e4b\u95f4\u7684\u7f51\u7edc\u5e26\u5bbd":36,"server\u4f1a\u6682\u505c\u53c2\u6570\u66f4\u65b0\u5e76\u7b49\u5f85":36,"server\u4f1a\u83b7\u53d6parameters\u5185\u5b58\u7684":36,"server\u5185\u5b58\u4e2d\u7684\u6a21\u578b\u6570\u636e\u7684\u5b8c\u6574\u955c\u50cf":36,"server\u540c\u6b65\u7684\u4fdd\u5b58\u4e00\u4e2a\u7279\u5b9a\u65f6\u95f4\u70b9\u7684\u5168\u5c40\u68c0\u67e5\u70b9":36,"server\u5728\u96c6\u7fa4\u4e2d\u542f\u52a8\u540e":36,"server\u6545\u969c\u540e\u88abkubernetes\u91cd\u65b0\u542f\u52a8":36,"server\u6b64\u65f6\u8fd8\u9700\u8981\u901a\u8fc7\u7f51\u7edc\u8bbf\u95ee\u5206\u5e03\u5f0f\u5b58\u50a8\u4ee5\u4fdd\u5b58\u5feb\u7167":36,"server\u751f\u6210\u4e00\u4e2auuid":36,"server\u7684\u5355\u70b9\u6216\u591a\u70b9\u540c\u65f6\u6545\u969c":36,"server\u7684\u6570\u636e\u5feb\u7167":36,"server\u7684\u68c0\u67e5\u70b9\u5404\u81ea\u72ec\u7acb\u4fdd\u5b58":36,"server\u7b2c\u4e00\u6b21\u542f\u52a8\u6216\u4efb\u610f\u65f6\u95f4paramet":36,"short":[8,9,53,57,80,86,91,103],"static":[29,40,69,86,88,114,125,128],"super":[80,102],"swig\u652f\u6301\u7684\u8bed\u8a00\u6216\u8005\u89e3\u91ca\u5668\u6709\u5c40\u9650":68,"swig\u66b4\u9732\u7684\u63a5\u53e3\u4fdd\u7559\u4e86c":68,"swig\u751f\u6210\u7684\u4ee3\u7801\u4e0d\u80fd\u4fdd\u8bc1\u591a\u8bed\u8a00\u4ee3\u7801\u98ce\u683c\u7684\u4e00\u81f4\u6027":68,"swig\u76f4\u63a5\u8bfb\u53d6c":68,"swig\u9700\u8981\u5199\u4e00\u4e2ainterface\u6587\u4ef6":68,"switch":[33,69,114],"tag\u4e3a":85,"tag\u53ef\u4ee5\u662flatest\u6216latest":85,"tag\u7684\u66f4\u65b0\u65f6\u95f4\u662f\u5426\u5728\u4e0a\u8ff0\u7f16\u8bd1wheel\u5305\u5b8c\u6210\u540e\u662f\u5426\u6700\u65b0":85,"throw":114,"true":[2,6,7,8,9,10,11,13,15,20,22,23,29,30,32,33,38,54,60,64,73,78,79,80,81,85,88,91,99,102,111,114,120,122],"try":[34,35,38,39,40,54,59,63,66,81,86,94,96,100,109,113,125],"type\u5b57\u6bb5\u5747\u4e0d\u5c3d\u76f8\u540c":69,"var":[21,32,33,44,48,55,56,58,60,73,78,79,80,82,86,90,91,106],"void":[33,38,40,50,53,55,56,61,66,67,68,69,78,79,87,88,89,90,102,103,104,105],"wheel\u5305":85,"while":[1,2,6,8,13,22,33,42,54,59,62,63,72,75,76,81,84,86,89,99,103,105,120],AGE:[114,115],AWS:[13,37,111,117,118],Abs:22,And:[2,7,8,10,13,14,15,22,29,31,38,42,43,50,57,59,70,74,77,81,86,89,99,114,122],But:[2,8,9,13,22,31,56,62,70,77,86,96,101,111,128],EOS:8,For:[1,2,7,8,9,10,13,22,29,30,32,33,39,40,41,43,44,45,48,49,54,55,56,58,61,63,67,70,71,72,75,76,77,78,79,80,81,82,83,84,87,88,89,90,92,93,94,97,99,101,102,103,104,105,108,109,113,119,120,122,124,126,128],Has:2,IDE:[100,125],IDs:[14,22,42,72],IPs:111,IRs:45,Into:114,Its:[2,7,8,55,87,99,103,114],K8s:128,NMS:8,NOT:[22,80,103],Not:[30,35,63,96,128],ONE:2,OPs:[45,47,113],One:[7,9,22,29,31,42,67,70,86,90,99,102,120],Ops:[82,84,88,103],PFS:51,PRs:106,QoS:115,Such:[61,80,91],THE:2,TLS:[30,51,114],That:[8,13,74,94,120,122],The:[1,2,4,5,6,7,8,9,10,13,14,15,18,21,22,23,26,29,30,31,32,34,35,39,41,42,43,45,47,48,49,52,53,55,59,62,63,66,67,69,71,72,74,75,77,78,79,80,81,84,86,87,88,89,90,91,92,94,96,99,100,101,102,103,104,105,106,108,109,110,111,112,113,114,115,120,122,124],Their:[2,8,35],Then:[4,8,9,22,44,45,56,61,63,74,77,79,93,94,96,99,102,108,109,111,113,114,115,116],There:[7,8,14,22,29,30,33,34,35,40,42,43,45,52,53,54,59,63,70,71,72,75,76,77,80,84,86,87,89,103,109,114,124,125],These:[7,15,32,33,48,53,58,73,84,87,88,93,111,122],Use:[2,7,13,22,30,46,52,81,82,93,102,108,109,114,120,121,126],Used:[9,18,23,82,89],Useful:2,Uses:[63,125],Using:[22,35,54,75,81,82,84,86,95,100,105,115],VMs:100,VPS:114,WITH:126,Will:[13,29],With:[2,8,9,44,48,54,74,78,91],YES:43,Yes:[65,94,100],___fc_layer_0__:114,__align__:53,__cuda_align__:53,__device__:53,__doc__:88,__file__:43,__forceinline__:53,__fp16:53,__global__:53,__gradient_machines__:29,__hadd:53,__half:53,__half_raw:53,__impl__:88,__init__:[48,49,57,63,73,80,91,102,108],__main__:57,__metaclass__:103,__name__:57,__param_conf__:29,__rnn_step__:99,__tmp_params__:29,__va_args__:83,__x:53,_addup_repetitive_outputs_:32,_append_backward_ops_:[32,48],_append_backward_vars_:32,_binari:34,_create_global_var:80,_def:63,_dtype:59,_filer:66,_filter:66,_fwd:66,_fwd_pd:66,_input:66,_librari:34,_link:9,_live_in:63,_live_out:63,_loss:57,_op:[59,103],_output:66,_presucessor:63,_program:63,_proj:8,_remove_no_grad_branch_:32,_reorder_input:66,_source_language_embed:99,_src_input:66,_sucessor:63,_target_language_embed:99,_test:34,_update_op:49,_use:63,_value_index:59,a75:53,a_op:103,aaaaa:37,aaaaaaaaaaaaa:114,abbrevi:15,abc:8,abi:124,abil:57,abl:[8,30,32,45,61,73,77,80,128],about:[4,9,15,33,34,43,47,52,55,63,71,81,86,88,89,94,96,97,103,108,109,114,119,120,124,126],abov:[2,4,7,8,22,30,32,33,34,35,39,44,45,53,54,55,56,58,66,71,72,73,74,75,77,78,80,88,90,91,94,95,97,100,101,103,104,105,108,109,114,115,124,128],abs:[9,20,31,57],abs_numerical_grad:31,absolut:[1,94,124,126],acc:45,acceler:[8,36,65,74,75,94,122],accept:[2,4,6,8,13,22,30,82,124],access:[1,8,9,22,30,34,39,42,43,44,45,80,96,99,111],accessmod:114,accessor:80,accord:[1,2,7,8,15,22,31,32,40,45,47,58,72,82,91,103,111,119,120,122],accordingli:[4,7,8,102],account:[82,101,128],accrodingli:38,accumul:[35,40,49,74,75],accur:[31,42,77],accuraci:[7,18,49,102],achiev:[47,74,75,89,109],ack:120,acquir:54,across:[8,13,32,45,71],act1:59,act2:59,act:[8,9,22,23,33,45,59,72,80,91,97,99,110,113],act_output:88,act_typ:59,actgat:22,action:114,activ:[4,9,22,23,28,34,59,63,72,77,80,84,88,97,99,102,105,106,120],activi:9,actnod:22,actual:[2,8,22,38,48,54,57,59,66,70,75,88,89,90,105],actual_layout:66,adagrad:[24,75,87],adagradoptim:73,adam:[24,30,40,45,57],adamax:24,adapt:[7,10,29,77,90],add:[2,8,9,13,20,22,24,27,29,31,32,33,34,38,42,45,47,49,53,56,60,62,73,75,79,80,82,84,86,89,93,100,101,102,103,105,109,110,122,126],add_activ:80,add_bia:80,add_depend:34,add_execut:34,add_input:[71,102],add_memori:71,add_output:71,add_scalar:[33,72,78],add_sum:80,add_test:[34,102],add_two:[33,71],add_unittest_without_exec:102,addattr:[88,103],addbia:102,addcom:[88,103],added:[2,7,8,18,22,27,29,33,47,48,53,70,74,75,84,101,102,103,104],adding:[84,101],addinput:[88,103],addit:[8,9,32,74,77,82,84,91,103,105],addition:71,addmemori:66,addop:[56,105],addoutput:103,addprimit:66,addprimitivedesc:66,addr:35,address:[35,40,44,45,94,109,111,112,113,116,120,128],addrow:102,addtolay:8,addtyp:88,adjust:[32,48],admin:128,administr:[42,100,128],adopt:[53,57],advanc:[31,99,109,120],advantag:[31,53,54,75,81,111],adversari:[57,81],advic:109,affect:[8,33],affili:72,afford:39,afi:2,aforement:34,after:[8,9,14,15,22,32,33,34,39,40,42,45,46,47,48,50,52,53,63,66,74,76,77,80,93,94,99,101,102,103,104,105,108,111,112,114,115,120,122,124,125],aftern:77,again:[30,35,75,109],against:114,age:14,agg_level:8,aggreg:[49,74,114],ago:34,agre:2,aid:109,alex:22,alexnet_pass1:122,alexnet_pass2:122,algo:66,algorithm:[8,10,22,32,39,48,63,66,72,75,84,90,99],alia:[5,6,8,22],align:[8,9,13],all:[2,6,7,8,18,20,22,23,29,30,32,33,34,35,38,40,42,43,44,45,46,48,50,52,54,57,58,59,62,63,66,67,69,70,71,72,73,74,75,77,78,80,82,88,89,94,99,100,102,105,109,110,111,112,113,114,115,119,120,122,124,125,126,128],all_output_nam:32,alloc:[6,40,43,63,66,89,102,105,110,122],allow:[30,40,44,45,48,54,75,84,101,102,109,114,120],allow_only_one_model_on_one_gpu:[119,120,122],allreduc:74,almost:[22,100,112],along:[8,15,22,23],alpha:[22,34,84],alreadi:[22,34,35,54,66,80,86,94,109,112,114,120,126],alreali:119,also:[1,2,8,9,14,22,30,32,33,34,38,41,45,53,54,56,57,58,59,62,63,70,71,72,75,76,77,78,79,80,81,84,86,88,89,91,92,93,94,96,99,100,102,103,106,109,111,113,115,124,128],altern:[103,108],although:[32,74],altogeth:128,alwai:[4,8,9,22,29,34,67,87,114,120],amazon:[114,115],amazonaw:114,amazonec2fullaccess:114,amazonelasticfilesystemfullaccess:114,amazonroute53domainsfullaccess:114,amazonroute53fullaccess:114,amazons3fullaccess:114,amazonvpcfullaccess:114,ambigu:81,amd64:114,amd:70,amend:101,among:[22,114],amort:74,amount:[22,109],analys:77,analysi:[77,108,109],analyz:63,ancestor:[78,80],andd:114,andrew:63,android:[126,127],android_abi:124,android_api:124,android_arm_neon:124,android_native_api_level:124,android_standalone_toolchain:124,android_toolchain:124,ani:[1,2,8,9,13,22,24,30,34,35,40,42,43,44,45,50,53,54,61,63,67,72,74,75,80,81,83,84,90,93,100,103,105,109,113,114,116,126],annoi:112,announc:53,anoth:[2,8,13,29,30,32,33,43,54,55,66,72,80,86,88,89,90,100,114,120],anroid_arm_mod:124,ans:114,answer:[44,54,101,114],anymor:74,anyon:22,anyth:[13,72,81,114],anytim:57,anywai:[108,124],apach:[2,65],apart:22,api:[14,18,29,30,32,34,40,41,43,44,49,51,56,57,59,71,76,77,82,85,91,92,93,96,102,103,108,109,111,113,114,123,124,125,126,128],api_shar:34,api_test:34,api_trainer_config_helpers_lay:99,apiserv:114,apivers:[114,115],app:125,appar:32,appear:[44,54,58,89],appel:63,append:[2,22,29,32,48,49,72,80,81,99,101,102,111],append_backward:[24,32,73,108],append_batch_s:22,append_clip_op:48,append_gradient_machin:29,append_op:[48,62,80],append_oper:80,appl:125,appleyard:109,appli:[8,22,57,58,74,77,86,99,102],applic:[2,26,44,53,54,55,58,80,82,101,103,108,109,111,114,115,128],applyl1:38,appoint:103,appreci:101,approach:[8,45,46,47,74,75,76,84,124,126,128],approxim:[20,22,75],apt:[94,108],arang:22,arbitrari:[8,45,67,105],arch:124,architectur:[53,93,111,124,125],archiv:[14,68,69],area:57,arg:[2,7,9,26,32,59,73,88,103,119],arg_nam:8,argu:79,argument:[2,4,8,13,15,26,32,33,38,39,45,73,76,79,80,93,99,101,102,120,121],arithmet:53,arm64:[124,125],arm64_standalone_toolchain:124,arm:[53,124,125,126],arm_standalone_toolchain:124,armeabi:124,armv7:[53,125],armv8:53,arn:114,around:[2,8,42,63,80,114,128],arrai:[4,6,8,13,15,22,29,40,44,58,72,78,80,81,82,91,103],arrang:91,arrari:22,array_to_lod_tensor:63,arrow:57,articl:[55,58,100,111,113,115,126],artifact:[85,96,114],artifici:[20,63],arxiv:[9,20,22,57],as_row_vector:8,as_step_input:33,asap:104,asgd:75,ask:[32,35,42,100],assgin:63,assign:[7,8,23,32,39,44,46,48,53,55,74,105,111,113,114,120,128],assignmemt:63,associ:[76,83,105],assum:[7,8,22,33,45,66,94,99,113,122],assumpt:45,assur:1,ast:44,astyp:[81,103],asyc:35,async:[35,119],async_count:120,async_lagged_grad_discard_ratio:120,async_lagged_ratio_default:[119,120],async_lagged_ratio_min:[119,120],asynchron:[35,74,77,111,120],atom:46,att_seq:9,attach:9,attend:9,attended_sequ:9,attenion:9,attent:[8,9,23],attn_scor:23,attr1:8,attr2:8,attr:[6,8,9,22,33,44,59,62,66,78,79,80,88,99,103],attr_map:88,attrdesc:78,attribu:66,attribut:[2,8,9,22,28,32,33,47,48,62,78,80,82,86,88,91,102,103],attributemap:103,attrproto:88,attrtyp:[78,88,103],attrvalu:88,auc:[49,119],aucvalidationlay:120,authent:114,author:[2,51,114],auto:[33,38,46,55,66,68,79,82,86,90,91,93,101,102,103,105,109],autom:[111,114],automat:[8,22,30,32,40,45,47,48,56,73,82,88,93,99,101,102,103,108,112,113,114,119,120,125],avail:[35,40,47,53,54,63,96,114,128],averag:[7,8,11,22,29,39,120],average_test_period:[119,120],avg:[109,113],avg_cost:[45,110,113],avg_loss_valu:113,avg_x:22,avgpool:8,avoid:[31,33,35,45,62,66,74,75,76,93,109],avx2:93,avx:[93,94],awai:54,await:115,awar:[30,44,49,55,71,80,100,108,114],awk:116,aws:51,aws_account_id:114,awsaccountid:114,awskeymanagementservicepowerus:114,axes:22,axi:[8,22],axis:8,aync:47,b363:115,b8561f5c79193550d64fa47418a9e67ebdd71546186e840f88de5026b8097465:115,ba5f:114,back:[2,8,22,29,32,35,45,53,57,75,94,103],background:[7,8,84,111],background_id:[7,8],backpropag:[31,32],backward:[5,8,9,27,31,33,38,40,48,57,64,65,73,75,76,79,83,84,99,102,110,120,122],backward_first:99,backward_op:31,backwardactiv:102,baidu:[54,115],bake:45,balanc:[47,74,114,120],bandwidth:[53,74],bare:[113,115,128],barrier:[111,120],barrierstatset:109,basci:59,base:[7,8,11,13,14,18,20,22,24,27,30,39,48,49,53,54,61,66,70,73,74,75,77,82,83,84,89,91,99,100,102,103,108,109,110,114,120,124,125],baseactiv:9,baseerrorclipattr:48,baseev:29,basematrix:102,basenam:7,basepoolingtyp:[8,9],basestr:[6,7,8,9,11,29],bash:[93,94,100,111,114,115],basi:2,basic:[2,8,29,45,59,66,77,78,82,83,91,102],batch:[2,8,9,13,15,18,22,23,29,30,33,35,37,38,45,49,50,54,57,60,70,71,72,74,75,91,101,102,113,114,115,120],batch_id:[29,57],batch_im:57,batch_images_from_tar:15,batch_label:57,batch_norm:57,batch_norm_lay:9,batch_norm_typ:8,batch_read:[37,81],batch_siz:[2,13,45,57,64,72,113],batch_szi:57,batch_z:57,batchnorm:[22,57],batchsiz:[8,102],bazel:34,bbbbb:37,bbox:7,bcd:8,bcebo:14,bcm2708:126,bdist_wheel:85,beacus:59,beam:[8,99,120],beam_gen:[8,99],beam_search:[29,72,99],beam_siz:[8,72,99,119,120,122],becaus:[4,7,8,14,23,30,33,34,35,40,53,72,76,80,81,84,86,87,90,91,92,99,100,102,105,108,114,122,124],becom:[46,47,86,89,109],been:[2,8,9,22,32,34,39,54,100,101],befor:[4,8,9,22,32,35,42,48,52,55,58,70,75,76,77,81,84,93,94,101,103,104,108,114,124,125,128],begin:[4,7,8,18,22,32,38,40,49,52,58,72,74,102,111],beginiter:[29,30],beginn:99,beginpass:[29,30],begintrain:30,behavior:[22,109],behind:[54,91,113],being:[22,32,42,48,54,79,81,105,108],belong:[7,8,45,86],below:[2,33,35,40,45,47,53,54,67,76,81,84,91,92,93,96,99,102,109,111,114,124,125],benchmark:67,benefit:[9,42,43,72],bengio:20,besid:[1,8,14,45,63,70,74,96],best:[34,66,94,100,120],besteffort:115,beta1:[10,24],beta2:[10,24],beta:[22,57],better:[9,34,54,63,66,72,90,114,125,128],between:[7,8,15,22,29,32,34,35,40,45,47,53,54,66,69,74,76,83,86,94,103,105,114],bgr:15,bi_gru:9,bi_lstm:9,bia:[8,9,22,72,80,99,102],bias:[8,22,102],bias_attr:[8,9,22,80,99],bias_initi:22,bias_param_attr:9,biases_:102,biasparameter_:102,biassiz:102,bidi:115,bidirect:[8,9,99],big:[44,47,63,109,128],bigger:[22,35],bilinear:8,bilinear_interpol:8,bilinearfwdbwd:109,bin:[94,111,114,115],binari:[2,7,8,13,22,34,43,45,53,55,57,67,93,95,96,100,108,109,114],bind:[44,53,56,86,89],bioinf:22,bit:53,bitcod:125,bla:[94,125],black:[57,125],blank:[8,114,125],block0:63,block1:63,block2:63,block:[8,32,36,38,40,44,45,46,47,48,49,50,54,61,63,70,71,73,89,92,102,103,105,109,120],block_i:8,block_id:[44,50],block_x:8,blockdesc:[33,58,80,82],blockdescbind:61,blockingcount:46,blueprint:72,bn_bias_attr:9,bn_layer_attr:9,bn_param_attr:9,book:[14,82,99,106,110],bool:[2,6,7,8,9,10,11,13,15,22,29,33,53,60,62,64,65,66,79,80,87,88,91,92,102,104,120,122],boost:[70,89,104],boot:[8,99,128],boot_bia:8,boot_bias_active_typ:8,boot_lay:99,boot_stat:91,boot_with_const_id:8,bootstrapp:128,borrow:[57,91],bos_id:[8,99],both:[5,6,8,9,15,22,30,33,34,35,42,45,47,53,54,57,61,63,70,72,74,77,79,87,89,99,102,103,105,106,109,111,113,114,125],bottl:74,bottleneck:[77,109],bottom:29,bound:[8,22,63],boundari:45,boundri:7,box:[8,57,109],brace:[33,58],brain:42,branch:[8,22,30,33,34,45,54,60,78,85,96,101,103,106],breadth:120,break_if:91,brief:[34,40,53,89,105],briefli:109,bring:[54,63,105],broadcast:[22,35,74,82,128],broken:101,browser:[94,106,108,114],bsd:[74,100],bucket_nam:114,buddy_alloc:101,buf:38,buf_siz:[13,45,113],buffer:[2,13,38,66,67,75,81,86,110,120],buffer_s:13,buffered_read:81,bufsiz:13,bug:[101,114],build:[8,14,34,43,45,58,59,63,65,75,84,85,88,94,96,97,101,103,108,111,113,114,117,118,120,127],build_android:124,build_dict:14,build_model:57,builder:101,buildtool:85,built:[34,44,45,53,55,63,70,74,88,91,93,96,100,108,124,126,128],bunch:[67,109,111],button:[101,106,114],c11:68,c703c041:101,c99:69,c99e:114,cach:[53,93],cache_pass_in_mem:2,cachetyp:2,cacul:[9,49,111],caff:[33,54],caffe2:[33,44,54],calc_batch_s:2,calcul:[2,7,8,9,18,22,31,32,35,40,46,49,53,63,94,99,102,109,111,120,122],calcut:63,calendar:77,call:[2,7,8,9,13,22,29,30,31,32,33,38,39,40,41,43,44,45,48,55,57,58,63,71,72,73,77,80,82,83,86,88,89,91,97,99,100,102,103,104,105,108,109,111,113,114,120],callabl:[2,6,8,13,14],callback:[48,102],caller:[31,108,114],can:[1,2,4,6,7,8,9,13,14,15,22,23,26,29,30,31,32,33,34,35,38,39,42,43,44,45,47,48,50,53,54,55,56,57,58,59,61,62,63,66,70,71,72,73,74,75,77,78,79,80,81,82,83,84,88,89,90,91,92,93,94,95,96,97,99,100,101,102,103,104,105,106,108,109,111,112,113,114,115,116,119,120,122,124,125,126,128],can_over_batch_s:2,cancel:42,candid:[8,22,72],candidate_activ:22,cannot:[82,86,90,91,102,103],cantain:59,capabl:[53,76,82],capac:[84,114],capi:[68,93],capi_prvi:69,caption:72,captur:[8,112],card:[74,111,113],care:[9,43,63,81,89,94,119,120,128],carefulli:120,caret:29,carpedm20:57,carri:22,cast:[53,90],cast_to_op_attr:88,cat:[13,15,94,116],categor:103,categori:[8,14,35],categorig:14,categoryfil:115,caus:[35,52,96,103],caution:[114,115],cbla:64,cc_:34,cc_binari:34,cc_test:34,cclient:41,cde:8,cdn:14,cduadevicecontext:[70,89],ceil:8,ceil_mod:8,cell:[8,9,22],cell_activ:22,cell_t_prev:22,cell_valu:22,center:[2,15],center_crop:15,cento:[93,96,97,128],central:[84,113],ceph:[13,37,115],cephf:[37,43,51],certain:[1,22,62,70,73,77,86,89,104,119],certif:[30,51,114],cffi:68,cfg:[63,115],cgo:68,chain:[13,32,58,102],challeng:[8,35,54,60,89],chanc:[30,53,102],chang:[8,14,34,39,43,45,54,66,76,78,81,83,85,86,93,99,101,102,103,105,109,111,113,114,120,124],changes:66,channel:[8,9,15,22,44,109],channel_shar:8,chapter:[71,72,113],chapter_data:71,chapter_out:71,characterist:122,check:[2,13,21,32,33,34,48,66,79,82,93,96,101,103,106,111,114,120,122],check_align:13,check_attr:88,check_eq:102,check_fail_continu:2,check_grad:[31,103],check_l:102,check_output:103,check_sparse_distribution_batch:[119,120],check_sparse_distribution_in_pserv:[119,120],check_sparse_distribution_ratio:[119,120],check_sparse_distribution_unbalance_degre:[119,120],check_styl:101,checker:82,checkgrad:120,checkgrad_ep:120,checkmark:128,checkout:101,checkpoint:[47,79],checksum:51,child:33,china:94,chines:106,chip:54,chmod:114,choic:[22,34,54,94],choos:[22,62,93,94,95,100,104,120,124],chosen:[1,57,70],chunk:[39,51],chunk_schem:7,chunktyp:7,chw:15,circl:58,circumst:89,claim:114,claimnam:114,clang:[53,68,101,124],clarifi:[7,22],clariti:72,classdim:22,classic:[8,63],classif:[2,4,8,20,58,122],classifi:[8,57],classification_error_evalu:7,classification_evalu:7,claster:114,clean:[4,33,34,50,76,82,93,100,101],clear:[7,34,72,76,86,90,126],clearer:[76,80],clearli:86,cli:114,click:[96,101,106,108,109,114],client:[38,41,82],clip:[6,9,120],clip_op:48,clip_op_desc:48,clock:8,clone:[8,93,100,101,106,108,124,126],close:[2,81,101],cloud:[34,35,43,51,52,82,128],cloud_read:13,cludform:114,cluster:[13,29,30,33,35,40,45,115,119,120],cluster_test_fil:111,cluster_train:112,cluster_train_fil:111,cluster_train_v2:[112,116],cm469:114,cmake:[69,93,100,101,102,103,106,108,109,124,125],cmake_build_typ:[108,124,125,126],cmake_c:125,cmake_install_prefix:124,cmake_system_nam:[124,125,126],cmakelist:[34,64,65,102],cmatrix:[68,69],cmd:115,cname:114,cnn:[8,22,115],coars:56,code:[2,4,8,13,30,32,34,42,45,47,50,53,56,57,58,62,67,70,73,75,76,77,79,81,82,83,84,88,91,93,94,96,97,99,100,102,103,104,105,106,107,109,111,113,114,115],codebas:[82,101],coeff:8,collabor:35,collect:[8,14,29,77],collectbia:102,color:15,colour:14,column:[7,8,22,58,81,102,108],column_evalu:7,com:[8,9,14,34,57,85,93,100,101,106,108,110,114,115,124,126,128],combin:[7,8,9,13,24,29,63,73,82,86],come:[45,49,63,78,91],comma:[26,29,40,113,120],command:[1,4,13,26,34,38,43,52,93,94,96,97,100,101,102,103,106,107,108,109,112,113,114,115,116,117,118,124,125,126],commandlin:109,comment:[22,34,59,88,101,103],commit:[34,101],common:[15,20,24,27,37,84,89,99,102,119],commonli:[52,84,99,108,109,122,126],commun:[35,40,41,45,47,74,101,102,111,113,114],compani:54,compar:[31,34,44,82,100,102,103],comparison:[34,54,104],compat:[2,23,53,56,74],compil:[8,34,45,54,59,61,63,70,74,83,87,88,92,100,102,106,111],complaint:34,complet:[4,8,9,14,22,24,29,32,33,35,39,40,48,51,58,67,70,82,95,102,103,105,108,113,114,115,128],complex:[1,2,9,42,63,72,82,99,109],complianc:2,complic:[8,45,56,81,90,91],compon:[45,59,91,92,102,104],compos:[13,23,30,56,59,71,80,82],composenotalign:13,composit:56,compress:39,compris:32,compromis:100,comput:[8,9,22,23,26,30,31,35,45,47,50,53,54,55,59,63,67,70,73,74,75,77,83,86,89,90,92,94,99,100,101,102,103,104,108,109,110,111,113,114,122,124,125,126],computation:[8,99],computationgraph:59,con:74,concat:[57,99],concaten:[8,9,22,57,71,91],concentr:82,concept:[2,7,30,44,54,56,57,59,66,71,72,75,76,78,86,91,92,99],conceptu:[50,54,57,59],concern:[30,49,125],concis:[57,91],conckerneltrac:26,conclud:103,concret:[82,89,103],concurr:[35,42,47,77,111],concurrentremoteparameterupdat:120,cond:[22,33,54,60,78],condit:[2,8,22,39,45,54,60,66,99,115],condtion:57,conduct:109,conf:[4,8,112],conf_paddle_gradient_num:114,conf_paddle_n:114,conf_paddle_port:114,conf_paddle_ports_num:114,conf_paddle_ports_num_spars:114,confer:20,confid:8,confidence_threshold:8,config:[2,6,8,26,37,52,72,102,113,114,115,119,120,128],config_:[38,120],config_arg:[119,120,122],config_bas:[7,8,29],config_lay:102,config_len:40,config_pars:[4,64,65,102],config_proto:40,configur:[0,1,2,4,8,22,29,32,38,40,42,43,45,47,54,59,62,80,89,90,97,98,100,101,102,103,105,109,111,120,124,126,128],confirm:52,conflict:[86,101],confus:[15,57,62],congest:120,conll:14,connect:[1,9,22,43,44,45,47,102,111,113,114,115,128],connectionist:8,consequ:[8,9],consid:[7,8,20,32,79,89,100,109,122,128],consider:[2,8,9,70],consist:[7,8,14,15,22,39,55,67,78,81,82,83,88,92,103],consol:[109,114],consolid:[33,106],constant:[8,20,22,59,61,62,70,102,103],constantiniti:22,constraint:86,construct:[2,4,7,22,30,50,59,63,71,80,82,86,88,99,104],constructbackwardgraph:58,constructoptimizationgraph:58,constructor:[22,48,53,77,80,82,86,88,102,103],consum:[35,108],consumpt:63,contact:42,contain:[2,7,8,9,11,13,14,15,22,23,29,30,32,33,39,50,57,59,66,67,70,76,77,80,82,83,86,87,88,91,92,95,96,99,100,103,111,114,116,125],container:111,containerport:114,content:[40,52,67,72,106,115],content_dir:106,content_len:40,context:[8,9,14,48,66,86,87,89,99,103,105,110],context_attr:9,context_len:[8,9],context_proj_layer_nam:9,context_proj_param_attr:9,context_project:9,context_start:[8,9],contin:114,continu:[2,7,32,35,67,111,120,124],contrast:8,contrib:84,contribut:[84,100,107],contributor:82,control:[6,33,44,114,115,120,128],controlflowgraph:63,conv2d:[57,104],conv:[9,57,66,90],conv_act:[9,23],conv_batchnorm_drop_r:[9,23],conv_bias_attr:9,conv_filter_s:[9,23],conv_fwd:66,conv_layer_attr:9,conv_num_filt:[9,23],conv_op:8,conv_pad:[9,23],conv_param_attr:9,conv_pool_2:45,conv_strid:9,conv_with_batchnorm:[9,23],conveni:[30,32,59,73,88],convent:[22,32,40,101,103],converg:112,convers:[53,54],convert:[2,4,14,22,37,45,46,47,53,54,55,66,81,83,113],convlay:8,convlution2d:22,convolut:[8,9,13,22,23,57,70,80,89],convolution2d:22,convolution_algorithm_opt:66,convoper:8,convproject:8,convtranslay:8,convtransproject:8,cool:[2,101],coordin:[35,40],copi:[2,29,30,39,42,52,58,71,72,74,75,91,93,101,111,114,116],copy_from:48,copyright:2,copyvariablewithtensor:90,core:[2,6,18,22,32,59,62,69,75,76,91,100,110,120],coreo:[114,128],corespond:22,corner:82,corpu:14,correct:[2,8,22,31,32,53,74,102,103,104,114],correctli:[7,13,32,53,57,102],corresond:53,correspend:22,correspoind:30,correspond:[2,4,8,22,23,27,30,32,33,34,48,53,59,60,66,70,71,72,80,82,83,84,88,89,102,103,104,105,108,125],correspondingli:125,corss_entropi:30,cortex:53,cos:[8,88],cosin:[8,22,88],cosineop:88,cosineopproto:88,cosineopprotomak:88,cost:[4,22,29,30,32,45,58,73,74,78,79,90,110,113,120],cost_id:8,cost_np:79,could:[2,4,8,13,29,30,31,39,44,45,46,47,53,54,55,71,73,75,76,78,80,81,83,100,104,108,109,112,114,124],count:[7,35,43,49,79,81,109,111,113,115,120,122],counter:[26,35,39,46,58],cours:[7,43,70,100],covari:8,cover:[54,105],cp27:96,cp27m:[85,96],cp27mu:[85,96],cpp:[31,38,56,64,65,68,69,76,82,92,102,104,109],cprofil:108,cprofilev:108,cpu:[1,2,6,8,31,43,53,62,70,75,76,77,82,84,85,89,90,93,94,100,103,104,105,108,109,110,115,120],cpu_avx_mkl:[94,96],cpu_avx_openbla:[96,97],cpu_kernel:62,cpu_ns_:77,cpu_per_pserv:45,cpu_per_train:45,cpudevicecontext:[70,89,103,104],cpuelapsedu:77,cpuengin:65,cpuinfo:94,cpuplac:[45,62,66,70,89,90,103,104,105,110,113],cpusparsematrix:69,crash:[35,109,112,120],creat:[4,6,13,18,22,29,30,31,33,35,40,44,46,48,49,50,51,52,53,54,56,57,58,66,70,71,73,74,75,76,80,83,84,94,97,100,101,102,103,106,111,113,116,120,124,128],create_backward_pass:73,create_bias_paramet:102,create_block:80,create_doc_str:88,create_input_paramet:102,create_local_scop:50,create_oper:56,create_optimization_pass:[24,73],create_paramet:80,create_python_ops_creatation_funct:88,create_rnn:33,create_rnn_op:71,create_st:18,create_tmp_var:80,create_tmp_vari:80,create_var:80,create_whileloop:91,createfromconfigproto:4,creategradientoper:83,creatememori:66,createop:88,createoper:33,createprimitivedesc:66,createstack:114,createvari:33,creation:[56,114],creationd:114,creator:[13,14,37,82,83],creator_:83,credenti:52,crf:[89,90],critic:[57,108],crlf:101,crop:[15,89],crop_grad:89,crop_siz:15,crope:15,cropgradkernel:89,cropkernel:89,cross:[8,22,80,103],cross_compil:126,cross_entropi:[8,30,45,57,63,90],cross_entropy_with_selfnorm:8,crt:51,csc:102,csr:102,csv:26,ctc:7,ctc_evalu:7,ctest:[93,100,103],ctor:80,ctrl:[100,112],ctx:[66,90,103,105],cubla:[70,104],cublas_handle_:89,cublashandle_t:89,cuda7:[96,97],cuda8:[93,94,96],cuda:[26,34,55,70,77,82,89,94,96,100,103,104,109,111,113,120],cuda_context:55,cuda_dir:[119,120],cuda_fp16:53,cuda_profil:26,cuda_so:94,cudaconfigurecal:109,cudadevicecontext:[55,70,89,103],cudadevicegetattribut:109,cudaelapsedu:77,cudaevent_t:77,cudaeventcr:109,cudaeventcreatewithflag:109,cudafre:109,cudagetdevic:109,cudagetdevicecount:109,cudagetdeviceproperti:109,cudagetlasterror:109,cudahostalloc:109,cudalaunch:109,cudamalloc:109,cudamemcpi:109,cudaplac:[70,89,90,104],cudaprofilerstart:109,cudaprofilerstop:109,cudaruntimegetvers:109,cudasetdevic:109,cudasetupargu:109,cudastream_t:89,cudastreamcr:109,cudastreamcreatewithflag:109,cudastreamsynchron:109,cudeviceget:109,cudevicegetattribut:109,cudevicegetcount:109,cudevicegetnam:109,cudevicetotalmem:109,cudnn:[8,11,22,34,62,66,70,89,90,104,120],cudnn_batch_norm:8,cudnn_conv:8,cudnn_conv_workspace_limit_in_mb:[119,120],cudnn_convt:8,cudnn_dir:[119,120],cudnn_kernel:62,cudnnavginclpadpool:8,cudnnavgpool:8,cudnnconvopkernel:104,cudnnv5:93,cudrivergetvers:109,cuinit:109,cumtim:108,cumul:8,cur_mem:72,curl:114,curli:[33,58],current:[2,8,22,32,33,34,35,38,40,44,47,49,54,62,70,71,72,75,76,77,80,86,90,91,94,96,99,100,102,106,112,113,114,120,125],current_block:[78,80],current_endpoint:113,current_oper:78,current_word:99,curv:30,custom:[1,2,24,30,43,53,57,72,75,82,102,114],custom_batch_read:81,cut:[13,91],cut_lin:13,cutoff:14,cv2:15,cxx:125,cxx_compil:[124,125,126],cxx_flag:125,cxxabi_1:96,cycl:35,cyclic:8,cython:68,d3e0:114,d_b0:57,d_b1:57,d_b2:57,d_block:57,d_f:57,d_g:57,d_h0:57,d_h0_bn:57,d_h0_relu:57,d_h1:57,d_h1_bn:57,d_h1_relu:57,d_h2:57,d_loss:57,d_loss_fak:57,d_loss_real:57,d_optim:57,d_step:57,d_t:57,d_w0:57,d_w1:57,d_w2:57,daili:101,dalla:2,dandroid_abi:124,dandroid_arm_mod:124,dandroid_arm_neon:124,dandroid_standalone_toolchain:124,danger:2,dangl:100,darwin:114,dash:57,dat:37,data:[0,1,2,4,7,14,15,18,23,29,30,31,33,37,38,39,47,49,51,53,54,57,58,59,61,62,63,66,67,70,71,72,73,74,75,76,78,80,82,84,86,87,88,89,91,92,97,99,102,103,105,109,110,111,113,116,117,119,120,122],data_fil:15,data_i:57,data_lay:[2,38],data_layout:22,data_layout_:90,data_read:[13,81],data_reader_creator_random_imag:81,data_shar:91,data_typ:[13,14,67,87,90,92,97,99,104],data_type_:[62,70,90],data_x:57,databas:14,datacent:[37,52],datacenter1:37,datacenter2:37,datacenter_1:37,datacenter_2:37,datacenter_nam:37,datadim:8,datafeed:[16,110,113],dataflow:59,dataflow_analysi:63,datalayout:90,dataparallel:45,dataprovid:1,dataproviderconvert:4,datasci:8,dataset:[0,2,22,37,43,45,75,81,97,99,108,113,120],dataset_nam:15,datatransform:90,datatyp:[14,18,22,62,66,87,90,92],date:111,dcgan:57,dcmake_install_prefix:[124,125,126],dcmake_system_nam:[124,125,126],dcuda_arch_nam:93,dcudnn_root:93,ddim:[70,89,105],dead:35,deal:[32,128],debug:[2,31,32,45,52,54,80,94,101,108],debug_str:59,decai:[10,24,27],decar:13,decayr:38,decent:39,decid:[30,42,57,67,75,83,84,87],declar:[22,33,57,71],decod:[8,9,99],decoder_boot:99,decoder_dim:72,decoder_group_nam:99,decoder_input:[72,99],decoder_mem:[72,99],decoder_prev:9,decoder_s:99,decoder_st:[9,99],deconv:[8,57],deconvolut:[8,22],decor:[2,13,102],decrement:46,decrementcount:46,decrypt:114,deduc:82,deep:[8,20,22,32,42,50,57,58,63,65,77,82,84,89,94,109,113,125],deeper:[55,94],deepspeech2:64,def:[2,8,13,30,31,32,37,43,48,49,56,57,59,62,63,71,72,73,80,81,88,91,99,102,103],def_block:57,defalut:[22,120,122],default_block:57,default_devic:122,default_main_program:[18,110,113],default_param_attr:80,default_st:91,default_startup_program:[18,110,113],default_valu:122,defaultdict:63,defaultinfervartyp:61,defect:76,defer:42,defferenct:2,defin:[1,2,8,9,13,20,24,27,29,30,32,33,34,35,42,44,46,47,48,53,54,55,56,57,59,62,63,70,71,74,78,80,81,82,86,88,89,91,99,102,105,108,110,111,112,113,120],define_py_data_sources2:2,definit:[2,32,33,35,39,45,50,55,62,78,83,88,91,94,103,108,110],definiton:56,degener:22,degre:8,deivc:104,delai:[75,89,105,120],delet:[43,51,101],deletestack:114,delimit:7,deliv:128,delta:[8,31],delv:[8,20],demand:[35,89],demo:[8,14,82,112,115,117],demolish:115,demonstr:[99,105],denot:[22,103,122],dens:[2,8,13,40,41,87,102,114],dense_arrai:13,dense_vector:[2,4,13,97],dense_vector_sequ:13,dep:34,depend:[22,33,34,35,43,45,47,59,74,79,87,94,100,103,111,122,124,125,126,128],dependent_var:79,deploi:[8,112,122,128],deploy:[59,67,82,111,112,114,125,128],deprec:8,depth:[33,54],dequeu:47,deriv:[5,30,45,48,60,73,124],desc:[33,48,66,67,80,88,91],desc_:33,descend:[22,91],descent:[8,35,75,111],descproto:67,describ:[30,32,33,34,39,44,45,50,55,62,66,67,71,72,76,78,80,82,87,88,90,92,102,103,104,105,114,115],describestack:114,describestackev:114,describestackresourc:114,descripotor:66,descript:[4,7,33,34,61,65,67,70,83,87,90,92,93,96,101,103,111,114,121],descriptor:[66,90],deseri:[29,67,76],deserializ:82,desgin:58,design:[2,8,13,20,32,38,62,63,68,75,77,84,103,128],desir:[13,35,45,75,114,115],destin:[40,52],destroi:[33,50],destruct:86,destructor:[77,102],det_output:7,detail:[2,4,6,7,8,9,10,22,31,32,39,43,45,47,52,54,57,59,63,66,67,70,71,77,80,84,86,89,90,91,92,93,97,99,100,102,103,104,105,106,108,109,112,113,114,115,121,122,126,128],detect:[61,93,101,124],detection_evalu:7,detection_output:7,determin:[2,8,13,22,33,45,63,70,82,102],dev:[82,94,100,108,124,128],dev_ctx:[33,66,77],devel:85,develop:[32,34,54,61,76,77,80,83,85,94,96,101,105,106,108,110,111,119,120,125,126],deverlop:120,deviat:[6,20],devic:[6,44,45,49,53,59,65,66,70,74,76,77,82,90,94,103,105,110,120,125],device_:77,device_context:[66,103],devicecontext:[33,70,77,103,104],deviceid:[65,122],deviceid_:65,deviceplac:89,devid:[8,120],devtools2:93,dhcp:128,diagnos:112,diagon:22,diagram:[71,111],diamond:57,dic:15,dict:[2,7,14,29,32,80,111,116],dict_fil:7,dict_siz:[14,22,38,72],dictionari:[2,7,8,14,29,30,31,80,122],did:[2,76,94],diff_mat:31,differ:[2,7,8,22,23,29,32,33,34,35,40,42,45,46,47,48,49,50,53,54,57,59,60,63,66,70,72,74,75,77,79,83,86,90,91,92,94,99,102,103,104,105,108,112,114,115,120,125],differenti:56,difficult:[7,31,54,100],difficulti:20,dig:[94,109,114],digit:[2,8,111],digraph:59,dilat:[8,22,66],dilation_h:22,dilation_i:8,dilation_w:22,dim0:103,dim1:103,dim:[8,13,22,23,38,66,67,71,82,87,89,92,102,103,105],dim_:[89,105],dimens:[5,8,9,11,13,22,23,57,82,87,89,91,102,103,105,122],dimension:[2,8,22,99,102,105],dimes:8,dios_arch:125,dios_enable_bitcod:125,dios_platform:125,dios_use_veclib_for_bla:125,dir:124,direct:[8,9,15,54,63,75,108],directli:[1,2,9,20,24,27,34,41,43,45,53,62,76,88,90,91,93,95,112,115,124],director:103,directori:[1,8,34,37,42,51,52,89,93,94,100,105,106,109,111,112,115,116,120,124,125,126],disabl:[2,22,77],disadvantag:[75,80],discard:[13,35,39,72,120],discount:8,discov:35,discoveri:114,discrep:109,discret:8,discrim:57,discuss:[30,33,39,40,41,45,66],disk:[67,100,115],dispatch:[45,76,111,112,120],displai:[43,52,101],dist:[85,93],dist_train:[30,43],distanc:[7,8],distinguish:[34,112],distribut:[2,8,20,33,39,40,41,42,44,49,55,74,82,92,96,107,112,115,117,118,128],distribute_test:[119,120],distributedli:[45,102],distributetranspil:113,disucss:30,div:22,divid:[8,10,22,32,49,88,92,108,119],divisor:22,diy_beam_search_prob_so:[119,120],django:106,dnn:[66,93],dns:114,do_forward_backward:81,doc:[4,13,59,71,91,103,105,106,111],doc_cn:106,dockefil:100,docker:[85,93,95,101,106,111,114,117,118,128],docker_build:30,docker_clust:[112,116],docker_push:30,dockerfil:[100,124,126],dockerhub:94,document:[2,4,8,9,31,45,51,58,71,72,77,82,93,100,101,103,104,105,107,111,113,122,125],documentari:2,doe:[2,4,9,35,39,40,42,43,44,45,47,50,53,59,63,71,76,80,82,83,84,96,100,102,103,105,109,110,113],doesn:[6,8,13,30,33,44,81,94,100,101,108,109,115,124,125],doing:[38,42,45,58,109],domain:114,don:[9,30,34,56,58,63,81,93,94,100,101,103,106,114],done:[7,8,9,32,34,35,39,40,45,46,61,63,67,75,83,84,101,108,109,114],dot:[8,9,23,103,120],dot_period:[120,122],dotmuloper:8,dotmulproject:8,doubl:[2,22,45,53,58,77,90,93,103,104,120],down:109,download:[14,34,35,38,42,51,93,94,96,111,125,128],dozen:34,draw:72,drive:86,driver:[94,111,113],drop:[2,8,9,72],drop_rat:6,dropout:[6,9,102],dropout_prob:22,dropout_r:8,drpi_arm_neon:126,drpi_toolchain:126,drwxr:115,dst:[40,66],dst_primitive_desc:66,dtoh:109,dtype:[4,18,22,45,59,80,110,113],due:[39,42,57,63,72,80,108],dummi:[29,39],dump:67,duplic:[22,47],durat:[39,109],dure:[1,2,8,9,27,32,33,35,39,42,43,49,54,63,74,75,77,80,82,92,102,103,114,119,120,128],durn:2,duse_eigen_for_bla:124,dwith_c_api:[69,124,125,126],dwith_gpu:[93,126],dwith_profil:109,dwith_python:[69,126],dwith_swig_pi:[69,124,125,126],dwith_test:[93,103,125],dwith_tim:109,dynam:[1,2,22,40,69,71,80,81,93,109,120],dynamic_cast:102,dynamic_recurrent_op:91,e2e:128,each:[1,2,4,7,8,9,11,13,14,18,22,23,29,31,32,34,35,38,39,40,42,43,44,45,48,49,50,55,58,61,63,66,70,71,72,74,76,77,79,80,81,82,83,86,87,88,89,90,91,92,99,102,104,108,111,112,113,114,120,122,128],each_feature_vector:5,each_pixel_str:2,each_time_step_output:5,each_word:2,eager:54,earli:[53,55,101,103],eas:[13,61,103],easi:[31,32,72,75,81,82,84,101,102,112],easier:[30,47,53,54,81,91,100,101,102],easili:[30,57,74,77,81,83,86,89],echo:94,edg:[15,63],edit:[7,94,100,114],editor:[80,100],edu:[14,114,115],eeoi3ezpr86c:114,effect:[2,8,29,93,114,120,125],effici:[1,2,8,45,67,81,89,99,100,102],effort:45,efg:8,efs:114,efs_dns_nam:114,efsvol:114,egd:63,eigen:[53,70,75,82,84,89,103,124,125],eigen_device_:89,eigen_test:105,eigen_use_gpu:103,eigenmatrix:105,eigenscalar:105,eigentensor:105,eigenvector:105,either:[2,8,9,13,22,29,30,45,57,60,61,71,75,84,95,109,125],elb:114,elbapis:114,electr:63,electron:115,elem_dim:8,elememt:8,element:[2,4,7,8,9,13,15,22,29,31,39,47,59,72,82,103,105],element_typ:[40,104],elementari:82,elementwis:[22,23],elif:[30,88],els:[30,38,43,45,47,48,54,57,60,61,62,63,86,88,93,94,100,102,103],elsewher:77,emac:100,email:101,emailweixu:34,emb1:38,emb2:38,emb:115,embed:[30,33,38,47,61,72,87,91,99,111],embedding_lay:38,embedding_nam:[8,99],embedding_s:[8,99],emphas:109,empir:8,emplace_back:102,emploi:[32,48,88,99],empti:[7,13,32,35,72,103],emul:53,enabl:[2,6,8,22,33,34,39,44,47,48,59,77,100,101,109,111,114,120,125],enable_grad_shar:[119,120],enable_parallel_vector:120,enableonstart:26,enc_proj:[9,99],enc_seq:9,enc_vec:99,encapsul:40,encod:[9,39,72,99],encoded_proj:[9,99],encoded_sequ:[9,99],encoded_vector:99,encoder_ctx:72,encoder_ctx_expand:72,encoder_ctx_proj:72,encoder_dim:72,encoder_last:8,encoder_out_seq:72,encoder_s:99,encount:38,encourag:[45,50],encrypt:114,encrypt_decrypt:114,end2end:128,end:[2,7,8,22,29,32,33,45,48,55,59,63,72,76,77,81,86,96,99,100,101,120],end_pass:30,end_po:8,endforwardbackward:29,endian:67,endif:[70,77],enditer:[29,30],endpass:[29,30],endpoint:[13,37,114],endtrain:30,enforc:125,engin:[43,65,66,109],english:[2,8,106],enjoi:94,enough:[32,33,62,63,70,100],enqueu:47,ensembl:9,ensur:[2,35,66,74,86,94,96,100,102,125],enter:[33,50],enterpris:82,entir:[8,9,40,42,103],entiti:[7,33,86],entranc:50,entri:[13,22,39,43,61,100,101,102,114,124],entropi:[8,22,80],entry_point:43,enueu:47,enumer:[5,70],env:[106,108,114],environ:[30,45,93,96,100,101,108,109,111,114,115,119,120,125],environmenterror:111,eos_id:[8,99],epoch:57,epsilon:[8,10,22,24],equal:[8,9,22,23,35,91,103,104,120],equat:[7,8,9,10,22,63,103],equip:99,equival:[30,33,44,48,54,60,88,128],error:[6,7,8,9,22,30,31,39,52,53,54,66,86,102,103,112,114,120],error_clip:48,error_clip_callback:48,error_clipping_threshold:6,errorclipbyvalu:48,especi:[2,8,9,65,100],essenc:[30,32],essenti:[8,30,50,53,105],establish:44,estim:[8,30,47,75],eta:115,etc:[7,13,22,33,45,49,66,74,75,81,86,93,104,111,114,119,122,128],etcd:[13,29,35,39,40,42],etcd_addr:40,etcd_endpoint:13,eth0:114,euclidean:8,eval:[7,18,33,49,57,82],eval_program:[18,49],eval_result:49,evalu:[1,8,16,28,29,42,59,79,109,110],evaluate_difficult:7,even:[30,53,74,80,81,100,101,109,120,125],evenli:[40,114],event:115,event_:77,event_block:77,event_handl:[29,30],eventkind:77,eventlist:77,eventu:[45,91],everi:[1,2,7,8,9,13,18,30,35,39,40,42,48,49,58,59,61,63,66,70,71,74,80,86,88,90,99,101,102,103,105,110,111,116,120],everyon:101,everyth:[45,47,57,124],everywher:100,evid:76,evolv:54,exactli:[2,8,9,114],exampl:[1,2,7,8,9,13,14,15,22,23,29,33,43,45,47,49,52,54,55,56,57,58,59,61,63,66,70,71,72,76,77,78,80,81,82,83,84,87,89,90,91,99,100,101,102,103,104,105,108,109,110,111,113,114,115,119,120,122,126],example_read:13,exceed:8,except:[2,8,14,42,44,54,58,77,91,122],excess:63,exchang:76,exclud:8,exclude_mod:8,exclude_param:29,excluded_chunk_typ:7,exconv:8,exconvt:8,exdb:14,exe:[45,110,113],exec:120,execut:[8,34,35,39,43,44,45,49,50,55,57,59,63,66,74,77,83,92,100,102,108,109,114],executioncontext:[66,90,103,104,105],executor:[16,18,44,45,49,53,54,55,57,73,78,80,90,92,108,110,113],exist:[30,33,35,52,54,72,80,81,83,88,89,91,96,100,102,105,114,120,125],exit:[40,52,113,115,120],expand:[22,72,94,102],expand_a:8,expand_level:8,expandconvlay:8,expans:8,expect:[8,90,109],expected_desc:66,expected_kernel_kei:90,experi:[67,122],experienc:101,expert:34,expir:35,explain:[2,7,22,35,44,54,56,58,101,104,108,111,113],explan:[8,31,43,44,45,86,90],explicit:[77,91,102,104],explicitli:[2,30,45,50,103,105,125],explod:48,explor:[8,72,84],expon:8,exponenti:[5,22],expos:[32,41,66,67,89,91,114],express:[2,30,47,49,59,63,103,114],extend:[7,75,91],extens:[42,47,72,103,124],extent:69,extern:[2,34,65,68,69,82],external_librari:34,extingrad_:65,extinval_:65,extoutgrad_:65,extoutval_:65,extra:[6,8,9,45,84,89,128],extra_lay:29,extraattr:[6,122],extraattribut:8,extraattributenon:8,extract:[7,8,54,76,103,114],extralayerattribut:[6,9],extralayeroutput:9,extrem:[8,44,54,109],extremli:1,f120da72:115,f7e3:114,fa0wx:115,fabric:111,face:[34,84],fact:[22,44,54,74,78,80],factor:[6,10,22],factor_s:8,factori:68,fail:[2,35,39,72,103,115,120,122],failur:[35,40,103],fake:57,fake_imag:81,faked_imag:57,fall:[53,79],falloc:51,fals:[2,6,7,8,9,10,13,22,23,24,31,32,33,54,60,62,64,71,78,79,81,87,92,97,99,102,103,111,115,120,122],false_block:[33,60,78],false_label:81,false_neg:49,false_posit:49,false_read:81,familiar:2,fan_in:20,fan_out:20,fanscin:2,far:[48,91],fascinatingli:1,fashion:45,fast:[8,39,54,109],faster:[8,9,22,27,35,54,94,99,109],fastest:54,fastli:101,fat:125,father:32,fault:[29,39,82,93],favorit:100,fbd1f2bb71f4:115,fc1:[59,102,122],fc1_bia:59,fc1_weight:59,fc2:[59,122],fc3:[59,122],fc4:122,fc8a365:114,fc8a:114,fc_act:9,fc_attr:9,fc_bias_attr:9,fc_layer:[80,88,102,122],fc_layer_nam:9,fc_mat:29,fc_op:88,fc_out:33,fc_output:88,fc_param_attr:9,fc_without_b:33,fclayer:102,fcop:56,feasibl:75,featur:[2,5,8,13,14,22,32,45,53,59,74,77,101,120],feed:[9,29,30,45,58,71,84,110,113],feed_dict:57,feed_list:[110,113],feeder:[13,45,110,113],feedforward:20,feel:101,festiv:2,fetch:[14,35,38,45,79,99,102,110],fetch_list:[45,80,110,113],fetch_op:79,few:[2,34,35,45,63,75,81,87,100],fewer:[8,22,80],fg0:8,field1:29,field2:29,field:[8,29,33,59,61,67,79,80,83,87,88,109,114],fifth:58,figur:[30,34,45,47,57,65,71,77,80,99,102,109],file:[1,2,4,7,8,13,14,15,26,29,30,32,34,35,37,39,40,42,43,51,52,54,55,59,67,69,81,82,89,92,94,96,97,99,100,101,102,103,104,105,110,111,112,116,120,124,125,126,128],file_list:2,file_nam:2,file_typ:13,filenam:[2,15,37,80,108],fileoffset:51,filesystem:[42,43,45,51,114],fill:[8,35,39,70,80,114],fill_zero_grad:82,fill_zeros_like_op:32,filter:[8,9,22,48,66],filter_s:[8,9,22,23],filter_size_h:22,filter_size_i:8,filter_size_w:22,filter_strid:22,find:[8,22,33,35,42,53,59,66,72,86,90,93,96,109,113,116,124,125],find_var:31,findmemori:66,findop:33,findprimit:66,findprimitivedesc:66,findvar:[33,86],fine:[6,39,56],fingerprint:114,finish:[2,35,39,42,43,50,63,74,88,93,111,112,114,115],finit:102,finnal:94,first:[2,8,22,29,30,32,33,35,39,42,43,44,45,50,52,54,57,58,59,66,71,72,78,79,80,82,87,88,89,91,93,99,100,101,102,103,105,109,113,114,120,122,128],first_seq:99,firstli:[7,8,104],firstn:13,firstseen:115,fit:[1,14,53,62,63,67,72,82,113],fit_a_lin:113,five:[78,109],fix:[2,6,8,22,45,63,68,80,101,108],flag:[8,14,22,64,65,77,101,103,106,120],flatten0:59,flatten:[22,59,78,80,105],flexibl:[1,8,9,30,40,45,54,58,62,71,72,75,81,89,91,99],flip:15,flist:111,fliud:44,float16_t:53,float32:[4,13,22,45,53,56,57,80,81,103,110,113],float64:22,float_16:22,float_to_half_rn:53,floor:8,flow:[22,33,44,71,77,85],fluid:[0,18,20,21,22,23,24,26,27,32,45,47,50,70,77,80,89,90,104,108],fluid_cuda_create_tensor:55,fluid_cuda_mult:55,fluid_cuda_read:55,fly:32,fnt03:114,focu:[2,59,108,109],focus:103,folder:[34,37,43,52,114],follow:[1,2,7,8,9,10,13,15,22,23,29,30,31,32,33,34,35,39,43,44,45,47,50,53,54,55,56,57,58,59,60,61,63,66,70,71,72,74,75,77,78,79,80,81,82,83,84,86,87,88,89,90,91,93,94,96,97,99,100,101,102,103,105,106,108,109,110,113,114,115,116,117,118,122,124,125,126,128],footprint:55,forbid:30,forc:[74,80,90],force_cpu:[22,62],force_cudnn:62,force_load:68,forest:33,forget:[10,22,30],forget_bia:22,fork:[8,101],form:[1,2,8,9,22,49,96,109],formal:90,format:[1,2,7,13,14,15,22,26,29,31,39,45,53,54,70,72,91,97,101,102,103,105,111,114,120],former:[30,34,54,63,75],formul:22,formula:[8,9,10,22,31,63],formular:8,forth:57,forward:[5,8,9,22,31,32,33,38,40,48,54,57,64,65,66,67,73,76,78,81,82,83,84,87,99,102,122],forward_infer:66,forward_list:77,forward_op:31,forward_proj:22,forward_train:66,forwardactiv:102,forwardbackward:29,forwardtest:4,found:[2,4,53,78,84,86,99,104,111,113,126],four:[2,7,22,49,54,58,66,70],foward:79,fp16:[53,82,92],fp32:[70,82,90,92],fp64:[70,92],fpga:[70,110],fpgadevicecontext:89,fpgaengin:65,fpgaplac:[70,89],frac:22,frame:[7,50,82,91],framework:[30,32,33,48,49,53,54,59,70,74,75,77,78,82,84,86,88,89,101,102,103,108,110,111,125],free:[14,55,89,101,128],freememoryop:55,frequenc:[14,109],frequent:[39,81,82,84,89,112,124,125],fresh:42,friend:86,friendli:57,from:[2,4,7,8,9,13,14,15,20,22,29,31,32,33,34,35,37,38,39,40,44,45,47,48,49,52,53,54,56,57,58,59,60,62,63,66,71,72,73,74,76,78,80,81,82,83,86,89,90,91,94,96,99,100,101,102,103,104,105,108,109,111,113,114,115,120,122,124,125,128],from_no_sequ:8,from_sequ:8,from_tar:29,fromfil:81,front:[59,63],fuction:26,fulfil:109,full:[8,22,35,42,71,74,75,99,102,104,128],full_matrix_project:[9,99],fulli:[22,45,47,102,109,113,128],fullmatrixproject:8,fullsiz:38,fully_matrix_project:9,fullyconnect:[59,80],fullyconnectedlay:102,func:[13,39,44,55,83],funciton:[9,22],functor:[56,59],fundament:[47,53,82],funtion:22,further:[8,88,128],futur:[8,42,45,53,63,71,82,124],fvs:88,fwd_desc:66,fwd_op:83,fwd_primit:66,fwd_primitive_desc:66,fwd_var:48,g_b0:57,g_b1:57,g_b2:57,g_block:57,g_command_config_arg:[64,65],g_h0:57,g_h0_bn:57,g_h0_relu:57,g_h1:57,g_h1_bn:57,g_h1_relu:57,g_h2:57,g_im:57,g_loss:57,g_optim:57,g_program:80,g_state:77,g_step:57,g_w0:57,g_w1:57,g_w2:57,gain:8,gan:30,gangliao:34,gap:120,gate:[8,9,22,23],gate_act:[8,9],gate_activ:22,gate_attr:8,gate_bias_attr:8,gate_param_attr:8,gate_recurr:8,gate_v:22,gatedrecurrentlay:64,gather:[8,32,63,74,76,102,103],gauss:6,gaussian:20,gaussian_normal_random:57,gcc:[53,55,68,82,93,100,108,124,126],gcc_3:96,gcreators_:88,gemm:64,gemmconvkernel:104,gen:8,gender:14,gendrated_id:72,gener:[1,2,4,7,8,9,13,18,29,30,31,32,33,34,35,37,39,40,42,44,45,54,56,61,63,66,70,74,75,78,79,80,81,82,83,87,88,89,91,101,103,109,114,116,120,122,124,126],generated_id:72,generated_scor:72,generated_word_embed:8,generatedinput:[8,99],genert:2,gereat:7,get:[2,7,8,14,22,29,31,32,33,34,35,39,40,42,43,51,54,57,59,62,63,64,65,66,70,71,72,77,80,82,83,86,88,89,90,91,93,94,96,99,101,102,103,104,108,109,111,112,114,116,123],get_all_op_proto:88,get_block:80,get_config_arg:122,get_data:115,get_dict:14,get_dim:31,get_embed:14,get_float_el:31,get_grad:29,get_grad_op_desc:32,get_input_lay:102,get_lin:13,get_movie_title_dict:14,get_numeric_gradi:31,get_numerical_gradi:31,get_output:31,get_program:63,get_pserver_program:113,get_shap:29,get_startup_program:113,get_support:96,get_symbol:59,get_tensor:31,get_trainer_program:113,get_vari:33,get_word_dict:14,get_worker_addr:44,getactualkerneltyp:62,getattr:48,getbatchs:102,getdeviceid:104,geteigendevic:105,getengin:66,getenv:[30,43,111],getexpectedkerneltyp:[62,66,90],getinfervartyp:61,getinput:102,getinputgrad:102,getinputvalu:102,getkerneltyp:53,getkerneltypeforvar:90,getlayeroutput:29,getlibrari:66,getmat:38,getoptconfig:38,getoutputgrad:102,getoutputvalu:102,getparam:38,getparameterconfig:38,getparameterptr:102,getparameterspars:38,getparametersremot:38,getplac:[66,89,103,104,105],getsiz:102,gettask:39,gettempl:114,gettensor:90,gettranspos:102,getw:102,getweight:102,getwgrad:102,gist:9,git:[85,93,100,101,106,124,126],github:[9,34,57,70,85,93,100,101,106,108,110,124,126],give:[2,22,35,71,80,82,90,100,101,102,109,114],given:[2,8,13,22,23,29,32,40,42,47,48,54,56,57,72,81,84,91,102,120],glibc:[96,124,126],glibc_2:96,glibcxx_3:96,glide:34,global:[2,6,22,24,30,33,34,35,55,59,62,76,77,82,86,88,89,90,100,109,114,120],global_block:80,global_learning_r:6,global_pool:22,global_step:24,globalstat:109,globalstatinfo:109,globe:2,glog:101,glog_v:101,glog_vmodul:101,glorot10a:20,glorot:20,gnueabihf:126,go_librari:34,go_test:34,goal:[47,53,58,74,82,109],gob:39,godep:34,godoc:68,goe:[9,35,54,60,86,110],going:[32,56,75,108,111,128],golang:34,good:[57,75,80,81,84,108,109,113,128],googl:[30,77,82,101,108,111,124],googleapi:114,googlenet:65,goroutin:44,got:[62,86],govern:2,gpg2:114,gpg:114,gprotos_:88,gpu:[1,2,6,8,11,31,43,49,53,63,70,74,75,76,77,82,84,85,89,90,93,96,97,100,104,105,107,110,111,113,128],gpu_id:[120,122],gpu_per_train:45,gpudevic:89,gpugpu_id:119,gpukernel:82,gpustarttimestamp:26,grab:35,grad:[31,32,40,48,65,80,87,120],grad_info_map:32,grad_n:48,grad_nam:48,grad_op:48,grad_op_class:82,grad_op_desc:48,grad_op_maker_:83,grad_op_typ:[82,83],grad_op_type_:83,grad_s_block:32,grad_share_block_num:[119,120],grad_to_var:[32,48],grad_var_nam:31,gradient:[6,7,8,10,20,22,24,27,29,35,39,46,48,58,61,73,74,75,76,80,82,87,103,108,111,113,120],gradient_clipping_threshold:6,gradient_evalu:7,gradient_flat:31,gradient_machin:[29,69],gradientmachin:[4,29,69,76],gradientmachine_:38,gradopdescmak:[61,83],gradopdescmakerbas:83,gradopmak:83,gradual:109,grai:15,grain:56,grandient:29,grant:114,graph:[8,22,29,32,33,34,35,44,45,46,47,49,54,57,71,74,75,78,105],grayscal:2,great:[47,128],greater:[8,48,75,111],greaterthan:88,green:[44,57],grep:[94,116],gridsize3d:26,groudtruth:99,ground:[7,8,22],group:[9,22,23,39,59,66,89,103,128],group_input1:99,group_input2:99,group_input:99,grouplen:14,grow:101,grpc:128,gru:[8,22,72,99],gru_bias_attr:9,gru_decod:99,gru_decoder_with_attent:99,gru_layer_attr:9,gru_memori:9,gru_out:72,gru_param_attr:9,gru_step:[72,99],gru_step_lay:9,grumemori:[9,99],gserver:[8,64,65,102],gsizex:109,gtx:63,guarante:[66,80,102],guard:38,guest:[96,100],gui:[108,109],guid:[26,51,63,82,99,101,102,109,113,114,115,125],gzip:[39,115],h0_bn:57,h_f:22,h_prev:33,had:100,hadoop:30,half:[8,22,23,53,114],half_to_float:53,hand:[63,82,89,105,111,113],handi:34,handl:[13,30,32,43,44,45,59,63,66,70,76,81,86,89,91,104,110],handler:[29,33],handwrit:2,happen:[22,39,88],hard:[45,54,72,91,100,114],hardshrink:22,hardsigmoid:22,hardwar:[54,55,89,100,104,109],has:[2,4,7,8,9,14,22,26,30,31,32,33,34,35,39,40,42,45,47,48,49,53,54,57,59,63,67,70,72,74,77,78,82,87,88,89,90,93,99,100,101,102,109,110,114,115,125,128],has_kei:[29,32,48],has_selected_colum:8,has_var_recurs:32,hasdependentvar:79,hash:[70,74],hasn:54,have:[1,2,4,8,9,13,22,30,31,32,33,34,35,39,40,42,43,45,47,48,50,53,54,55,56,57,58,62,63,66,67,70,71,72,74,75,76,77,78,80,81,82,83,86,87,89,90,92,93,94,99,100,102,103,104,109,111,114,120,122,125,126,128],haven:[54,100],hdf:[1,13,37],head:[101,103,111,116],header:[40,67,69,82,89,102,104,124,125,126],headip:116,heard:100,heavi:112,height:[8,13,15,22,33,68,81,102,103],height_:87,held:35,hello:30,help:[2,4,8,22,33,52,54,59,66,72,81,82,91,100,101,108,112],helper:[22,45,66,83,91,102],henc:[45,75,80,83,84,86],here:[2,4,6,7,8,9,13,22,23,30,34,35,41,47,48,50,52,54,58,59,66,70,71,81,84,88,93,94,96,99,101,103,104,106,111,112,113,114,115,119,122,125,126,128],heterogen:[45,47,77],heurist:[8,47,72,120],hidden:[8,9,22,73,80,99,114],hidden_dim:22,hidden_out:33,hidden_s:9,hidden_t_prev:22,hidden_v:22,hidden_valu:22,hierarch:[8,78,80,82,99],hierarchi:82,high:[6,20,53,74,89,102,111,128],higher:[1,56,71,91,101],highest:[13,33],highli:[1,2,14,91,99,122],him:30,hint:[62,108],histor:[56,104],histori:10,hl_get_sync_flag:102,hold:[30,32,35,39,41,53,57,59,61,63,86,88,89,90,105,113,114],holder_:[89,105],home:[37,52,94,108,114,115,116],honor:39,hook:[2,6],hookattr:6,hookattribut:6,horizont:[8,15],host:[34,43,77,114,115,124,125,126],host_c:[124,125,126],hostfil:116,hostnam:114,hostpath:115,hostport:114,hot:22,hour:100,hourli:101,hous:[2,14,97],how:[1,2,6,8,22,30,33,35,39,44,45,50,52,54,56,59,62,66,71,72,76,77,84,88,90,99,100,104,108,111,113,114,115,120,123,126],howev:[2,8,9,22,31,32,42,45,50,54,63,70,75,76,80,81,83,84,87,88,89,90,99,114,119,120],howto:111,hpp:[53,68],html:[14,20],htod:109,http:[2,8,9,14,20,22,34,43,57,85,93,94,100,101,106,108,110,114,115,124,126,128],hub:85,huber:8,huge:75,human:[8,20,77],hundr:104,hwc:15,hyper:[8,57,102],hyperparamet:[8,84],hyperplan:13,i1117:109,i386:125,iOS:[126,127],iamfullaccess:114,iamusersshkei:114,icc:55,ics:14,id_input:7,id_rsa:116,idea:[34,54,55,75,81,84,108,113],ideal:[45,90],ident:[8,22,83,103,114],identifi:[8,60,70,102],identityoffsetproject:8,identityproject:8,ids:[7,8,22,72,102],idx:[39,57,63,102],ies:52,if_else_op:32,ifdef:[70,77],ifels:[33,78],ifelseop:78,ignor:[2,8,22,120],illustr:[2,7,22,35,40,45,56,71,99,102,109],im_siz:57,imag:[2,11,12,13,14,22,23,30,45,54,57,58,72,73,78,81,93,100,101,114,117,118,122,128],image_a:81,image_b:81,image_fil:81,image_h:22,image_lay:81,image_nam:30,image_path:81,image_reader_cr:81,image_w:22,imagenet:[8,20,37],imagepullpolici:114,imageri:8,images_reader_cr:81,imagin:58,img2label:15,img:[2,8,9],img_conv_lay:9,img_featur:2,img_pool_lay:9,imgsiz:109,imgsizei:109,imgsizex:109,imikolov:111,immedi:[63,66,75,84,93,114],immutable_paramet:30,impel:89,imper:44,imperfect:82,implement:[2,8,9,13,20,22,23,24,27,33,39,40,41,42,43,44,45,47,54,56,59,60,61,63,66,68,69,70,72,76,79,86,88,89,90,91,99],implemet:38,impli:[2,34],implicitli:44,imposs:[72,128],impractic:90,improv:[8,46,47,63,82,108,109,114],in_fals:22,in_plac:22,in_tru:22,inarg:38,inbound:114,includ:[1,2,7,8,9,14,15,22,24,30,33,34,40,43,53,54,57,59,63,68,69,71,72,77,78,80,82,88,93,96,99,100,102,103,108,109,111,114,115,120,124,125,126],inclus:72,incom:[44,62],incorpor:8,incorrect:8,increas:[35,39,53,111,120],increment:[49,58,63,120],incupd:102,inde:13,independ:[8,22,31,32,40,46,86,89,128],index:[2,7,8,11,13,14,22,29,31,32,33,35,39,44,78,80,91,104,114],indexslot:8,indiact:22,indic:[2,7,8,22,32,33,40,50,57,71,78,83,87,89,91,112,114,124],indice_map:91,indices_map:91,individu:[35,74,114],industri:[35,67,128],ineffici:[76,90],infer:[0,15,22,30,32,33,35,49,54,60,61,62,63,64,68,70,79,80,82,87,90,97,125,126],infer_shap:80,infer_var_type_:61,inferenc:125,inferfac:61,inferior:42,infernec:126,infershap:[33,80,82,103,105],infershapecontext:[103,105],infervartypefn:61,info:[7,8,14,53,71,102,112,128],infom:8,inform:[4,8,14,22,29,33,43,52,59,62,63,66,67,70,71,74,80,84,86,87,101,102,103,105,108,109,114,120,124],infrastructur:[54,114],ingor:120,ingrad_:65,inherit:[33,73,82,89,103],ininst:30,init:[6,20,29,33,46,57,65,71,72,97,102,111,114,122],init_attr:80,init_from_tar:29,init_model_path:[119,120,122],initi:[2,4,6,8,9,14,16,22,29,32,34,39,44,45,46,47,49,58,71,74,75,80,84,88,91,97,99,102,103,110,120],initial_max:6,initial_mean:[6,8],initial_min:6,initial_std:[6,8],initialize_op_attr:80,initpaddl:4,initrd:128,inlcud:9,inlin:[89,104,105,114],inner:[8,102],inner_param_attr:9,inproj_attr:8,inproj_bias_attr:8,inproj_param_attr:8,input0:105,input1:[8,9,105],input2:8,input:[2,4,5,7,8,9,11,13,15,21,22,23,29,31,32,33,38,42,44,45,46,47,48,49,53,54,55,56,57,58,59,61,62,63,65,66,70,71,72,75,76,79,80,81,82,83,86,88,89,90,91,97,99,101,102,103,104,105,110,113,116,122],input_conf:8,input_data:102,input_data_target:102,input_dim_idx:22,input_dtyp:22,input_featur:5,input_hassub_sequence_data:102,input_id:8,input_imag:9,input_index:102,input_label:102,input_lay:102,input_loc:8,input_nam:30,input_proj_bias_attr:9,input_proj_layer_attr:9,input_seg:91,input_seq:[8,22],input_sequence_data:102,input_sequence_label:102,input_sparse_float_value_data:102,input_sparse_non_value_data:102,input_t:102,input_to_check:31,input_valu:31,input_var:[31,80],inputbuff:38,inputdef:102,inputgradi:83,inputlayers_:102,inputs_to_check:31,inputsizechang:66,inputtyp:[2,13],insert:[32,48,55,74,79,82,83,101],insid:[7,9,32,35,45,47,48,49,62,66,76,77,81,82,83,94,114],inspir:77,instal:[8,22,43,65,85,93,94,100,101,106,108,111,115],install_android:124,instanc:[8,22,31,33,35,37,41,44,45,46,48,50,55,60,66,71,72,75,80,82,83,99,102,105,109,113,120],instance_ip:114,instanti:[35,50,110],instead:[8,9,11,32,34,38,43,44,45,53,54,58,59,100,101],instrins:53,instruct:[33,58,94,100,109,124],int16:92,int32:[70,78,91,92,120],int64:[22,45,51,70,87,90,92],int64_t:77,int8:70,integ:[2,7,8,13,22,39,43,44,53,68,72,102],integer_valu:[2,13],integer_value_sequ:[2,13,72,99],integr:[7,93,128],intel:[54,70,89,104],intellig:[20,63],inteloptimizedpaddl:65,intend:93,inter:[8,45],interact:[8,45,94,114],intercept:8,interchang:[58,82],interconnect:74,interest:[44,53,74,109],interfac:[0,4,6,8,9,20,24,26,27,29,33,39,43,52,59,74,76,82,83,89,93,103,105,114,125,128],intergr:8,intermedi:[22,45,52,55,57,63,73,100,124,126],intern:[8,9,20,24,29,53,108,111,112,114],internel:65,internet:[34,35,128],interpret:[2,7,22,50,54,55,92,93,109],inth:105,intrins:[44,50,53,126],introduc:[2,8,15,33,35,57,64,67,84,86,88,103,108,111,115],introduct:3,introductori:100,intuit:[42,82],inval_:65,invalid:[81,86],invent:54,invoc:[34,56,82],invok:[2,8,18,29,32,45,48,76,80,82,83,88,90,100,101,109,114],involv:[72,103],iob:7,ioe:7,ios:125,ios_arch:125,ios_deployment_target:125,ios_development_root:125,ios_enable_bitcod:125,ios_platform:125,ios_sdk_root:125,ios_use_veclib_for_bla:125,ipad:125,iphon:125,ips:114,ipt:[8,80,88,99],ipx:128,ipython:30,is_color:15,is_cpu_plac:66,is_loc:29,is_mkldnn_librari:66,is_revers:22,is_seq:[8,99],is_spars:22,is_stat:6,is_target:79,is_tensor:88,is_test:[22,66],is_traget:79,is_train:[2,15],isinst:48,ismkldnnkernel:66,isn:109,isspars:102,issu:[34,57,94,96,100,101,109],istag:85,item:[8,13,22,29,42,53,81,97,128],iter:[8,9,10,13,29,30,35,45,54,55,63,66,75,77,81,91],iter_multiple_input_and_param:80,its:[2,8,9,20,22,27,29,30,31,32,33,35,39,44,48,49,54,55,57,58,59,61,63,67,71,72,74,75,76,79,80,82,83,86,87,88,89,90,96,102,103,104,105,109,111,114,120],itself:[32,35,42,55,66,75,86],ivs:88,java:[33,68,78,82],jeremi:109,jian:20,jku:22,job:[4,14,32,42,44,45,48,82,94,111,113,119,120,122],job_desc:45,job_dispatch_packag:112,job_id:14,job_nam:[43,114],job_namespac:114,job_path:114,job_workspac:112,jobdesc:45,jobnam:45,jobpath:114,jobport0:114,jobport1:114,jobport2:114,jobport3:114,jobserv:43,join:35,jointli:9,journei:94,jpg:15,json:[59,114,115],jth:9,judg:8,juditski:75,jupyt:[43,94],just:[2,5,7,8,9,14,22,34,39,40,44,45,54,55,57,61,66,75,76,80,81,82,83,84,86,87,93,96,100,101,112,114,122,124],jx4xr:114,jypyt:30,k8s:[44,128],k8s_data:114,k8s_job:30,k8s_token:30,k8s_train:114,k8s_user:30,kafka:37,kaim:20,kcpu:77,kcuda:77,kcudnn:104,kdisabl:77,kebilinearinterpbw:109,kebilinearinterpfw:109,keep:[2,8,13,15,20,35,54,55,58,72,75,80,86,88,93,101,128],keep_dim:22,keep_top_k:8,kei:[2,14,15,23,26,29,31,32,33,35,37,39,51,53,62,66,82,83,88,91,100,101,103,109],kept:[8,63,80],kera:84,kernel0:104,kernel1:104,kernel:[8,22,31,53,55,62,65,75,77,84,87,89,90,103,105,109],kernel_hint:62,kernel_type_for_var:90,kerneltyp:[62,66],key1:120,key2:120,key_pair_nam:114,keyid:114,keymetadata:114,keypair:114,keyserv:114,keystat:114,keyusag:114,keyword:[2,80],kforcecpu:62,kill:[35,114],kind:[1,2,30,31,35,41,45,48,55,58,62,66,73,74,77,89,90,92,94,104,114,115],kind_:77,kmark:77,kmkldnn:104,kms:114,knchw8c:70,knchw:70,knhwc:70,know:[2,30,39,44,63,67,101,102,108,109,111,114,124],known:[22,32,33,54,56,71],kplain:104,kpoprang:77,kpushrang:77,kriz:14,krizhevski:22,kselectedrow:87,ksimonyan:9,kstate:77,kube_cluster_tl:30,kube_ctrl_start_job:30,kube_get_workers_addr:44,kube_list_containers_in_job_and_return_current_containers_rank:30,kubeconfig:114,kubectl:[112,115,116],kuberent:[35,114],kubernet:[30,35,44,45,82,111,117,118,128],kubernetes_service_host:30,kusecudnn:62,kusemkldnn:62,kvp:26,kwarg:[2,9,10,13,18,22,24,49,59,80,88],kwd:26,l1_rate:6,l1_regularization_op:84,l2_rate:6,l2_regularization_op:84,l2_sim:8,l93:38,label:[2,4,7,8,13,14,15,22,29,45,49,54,57,58,59,73,78,81,90,110,113,115],label_dim:8,label_fil:81,label_lay:81,label_path:81,lag:120,lake:2,lambda:[22,44,48],lambdacost:8,lambdarank:8,lan:111,languag:[2,8,14,23,44,54,58,63,77,82,86,122],larg:[11,14,45,47,48,63,67,75,101],larger:[2,6,7,8,63],larger_than:[33,60,78],largest:22,last:[7,8,9,22,32,48,63,71,77,78,99,120],last_seq:72,last_time_step_output:8,lastseen:115,latenc:[8,53,112,114],latent:8,later:[34,82,84,89,93,96,103,105,114],latest:[8,33,34,35,42,85,93,94,96,106,115,124,125],latter:[75,91,108],launch:[66,114,120],launcher:30,law:2,layer1:[8,9],layer2:8,layer3:8,layer:[4,6,7,9,11,13,16,20,28,29,32,33,38,44,45,47,54,57,58,60,73,75,78,81,82,84,88,89,91,97,99,107,110,113,119,120],layer_0:102,layer_attr:[8,99,122],layer_help:62,layer_num:122,layer_typ:[8,64,65],layerbas:102,layerconfig:102,layergradutil:102,layerhelp:[22,62,80],layermap:102,layeroutout:8,layeroutput:9,layout:[15,66,90],layout_:[62,70],layouttyp:62,lazi:[75,84],lbl:7,lead:[63,70,109],leaki:57,leakyrelu:22,learing_r:73,learn:[6,7,8,9,10,14,30,32,40,42,45,47,50,57,58,63,65,72,74,75,77,81,82,84,89,94,99,100,102,103,106,109,113,125],learnabl:[22,29],learning_r:[6,24,40,45,110,113],leas:35,least:[7,35,96,124],leav:[2,33,114],lectur:63,lecun:14,left:[8,33,105,125],left_right_flip:15,legaci:94,legal:88,len:[2,8,22,40,44,51,54,80,97,102],length:[8,9,13,14,15,22,23,40,53,64,67,71,72,82,91,99,115,120],leran:63,less:[8,22,30,48,113,128],less_than:[30,63],lesser:22,let02:115,let:[4,7,8,30,33,42,44,55,56,58,62,66,70,71,72,73,83,89,90,103,108,113,114],level:[6,8,20,22,53,56,59,67,71,72,77,89,91,92,101,112,120,124],lgtest:34,lgtest_main:34,lib64:[94,120],lib:[69,93,94,108,111,124,125,126],libapi:34,libari:69,libc:96,libcuda:94,libgcc_:96,libgoogl:108,libiomp5:65,libmkldnn:65,libmklml_intel:65,libnvidia:94,libpaddl:[68,69,82,108],libpaddle_capi:69,libpaddle_gserv:69,libpaddle_math:69,libpython2:93,librari:[8,22,34,41,45,65,66,69,74,90,93,96,103,104,111,113,120,125,126],library_:70,library_typ:104,library_type_:90,librarydevicecontext:70,librarytyp:[90,104],libstdc:96,licens:[2,65,74],life:35,lifecycl:[77,128],lifetim:[86,96],lightweight:56,like:[2,7,8,13,14,22,32,33,34,35,38,43,44,50,54,55,56,57,58,59,61,66,70,74,75,80,81,82,83,84,86,87,90,91,93,96,99,100,101,108,109,110,111,114,119,122,124,125,126,128],limit:[2,8,13,22,54,63,67,72,82,84,109,120],linaro:126,line:[1,2,4,7,13,22,26,34,38,43,52,58,75,78,80,82,84,100,101,107,108,109,112,113,114,122],line_break:13,linear:[8,22,23,72,97],lineno:108,link1:53,link2:53,link:[8,9,34,51,52,86,96,103,114,128],linux:[13,51,94,96,100,101,111,114,126],linux_x86_64:[85,96],lipo:125,list:[1,2,7,8,9,13,15,18,22,24,26,29,30,32,33,34,39,43,44,50,52,54,57,70,73,76,77,80,83,86,91,97,99,100,102,103,108,111,113,114,120,122,126],listdir:111,listen:[35,44,45,111,113,120],listen_and_do:44,listenanddo:44,littl:[1,2,40,62,67,120],live:[103,110],live_in:63,live_out:63,load:[1,2,4,15,30,35,45,57,74,80,93,103,114,120],load_and_transform:15,load_imag:15,load_image_byt:15,load_missing_parameter_strategi:[119,120,122],load_mnist:57,load_persist:113,loadparamet:4,loadsave_parameters_in_pserv:[38,119,120],loc:[7,20],local:[6,22,29,31,33,35,41,42,58,63,71,78,80,82,93,94,100,101,108,112,115,119,120],local_scop:31,localhost:[94,106],localpath:52,locat:[8,22,29,34,54,70,77,89,91,99,102,111,126],lock:[34,35,39,40],lod:[22,67,71,87,91,92],lod_desc:[87,92],lod_expand:72,lod_level:[22,80,87,92],lod_rank_table_obj:22,lod_tensor:[22,71,87,92],lod_tensor_aarri:22,lod_tensor_arrai:22,lodrankt:22,lodtensor:[22,23,61,67,82,92],lodtensorarrai:22,lodtensordesc:[67,87],log:[2,39,45,52,57,96,102,111,112,114,115,116,120,126],log_barrier_abstract:120,log_barrier_lowest_nod:[119,120],log_barrier_show_log:[119,120],log_clip:[119,120],log_error_clip:[119,120],log_period:[115,120,122],log_period_serv:[119,120],logarithm:[5,22],logger:2,logic:[2,42,45,47,48,57,61,73,74,76,86,91,103],login:[96,116],logist:22,logit:[57,90],longer:[35,45,63],look:[2,7,22,33,43,44,54,55,58,75,80,83,84,110,111,114,115,119],lookahead:8,lookup:[22,61,72,110],lookup_t:63,loop:[31,33,54,63,77,81,86],loop_var:91,loss:[8,22,24,32,45,57,59,73,75,84,102],lot:[45,70,72,75,80,84,89,111,119,128],low:[8,20,73,74,89,91],low_rnn:71,lower:[8,22,53,71,72,101,112],lower_level_rnn:71,lowest:120,lpaddle_capi_shar:69,lpaddle_capi_whol:69,lrelu:57,lstm:[8,22,99,115],lstm_bias_attr:9,lstm_cell_attr:9,lstm_group:9,lstm_layer_attr:9,lstm_step:9,lstm_unit_op:22,lstmemori:[9,99],lstmemory_group:8,lstmlayer:64,ltr:8,luckili:63,mac:[69,100,101,124],machin:[9,14,29,45,47,54,57,63,65,74,75,84,93,96,100,102,114,115,116,119,120,122,126,128],machine_transl:99,maco:[96,97,100,125],macro:[56,70,83,103],made:[2,35,40,54,99],mai:[2,8,9,22,31,33,45,49,53,55,62,63,66,74,77,81,82,86,90,93,94,105,106,109,111,114,126],main:[2,4,22,44,48,54,55,59,74,78,82,96,108,111,114],main_program:[18,22,32,49],mainli:[41,63,70,89,93,103,120],mainlin:96,maintain:[8,33,39,75,80,82,114],majel:34,major:[45,53,90,124],make:[2,7,8,22,30,32,33,34,35,39,40,42,45,46,53,54,58,71,72,75,76,80,81,82,84,89,91,93,100,101,102,103,104,108,109,111,113,114,124,125,126,128],make_ddim:105,make_function_oper:56,make_vari:88,maker:[82,83],malloc:[89,102],man:51,manag:[24,29,35,40,41,44,45,52,77,86,89,96,106],mandarin:8,mandatori:125,mani:[9,15,32,34,39,44,54,57,62,63,72,76,77,80,82,83,86,87,88,90,91,100,120],manili:59,manipul:[54,80,83,112,125],manner:[8,75,84],mantain:63,manual:[45,73,75,83,112,124,125,128],manufactur:54,manylinux1:96,manylinux1_x86_64:[85,96],manylinux:85,map:[2,7,8,13,23,29,30,33,39,48,66,70,80,83,86,88,89,91,100,120,128],map_fn:91,map_read:13,mapper:13,mapreduc:[30,111],margin:22,mark:[2,32,47,57,58,71,72,77,86,99,108,128],marker:77,market:53,mask:[6,8,22],master:[30,42,82,85,120,126],mastermind:34,mat:[68,69],mat_cache_row:38,mat_norm:38,mat_normal_shar:38,mat_param_attr:9,mat_sparse_row:38,mat_sparse_row_auto_grow:38,mat_sparse_row_id:38,mat_sparse_row_prefetch:38,mat_sparse_row_prefetch_full_s:38,mat_value_shar:38,match:[22,34,53,96,109],matchbox:128,math:[9,65,68,82,101,102,103,109],mathemat:84,matirx:8,matmul:[33,59,71,91,103],matric:[4,22,99,102],matrix:[7,8,9,13,22,23,29,38,68,69,102,103,119,122,125],matrixptr:102,matrixtyp:69,matter:2,mattyp:38,matur:111,max:[2,6,8,13,14,22,23,31,46,48,63,80,109,120,122],max_diff:31,max_id:[8,29],max_job_id:14,max_length:[8,72,99],max_movie_id:14,max_relative_error:[31,103],max_seq_len:22,max_sort_s:8,max_user_id:14,max_x:22,maxframe_evalu:7,maxid:7,maxid_evalu:7,maxim:[8,48],maximum:[7,8,14,22,33,40,99,103,109,120],maxinum:11,maxoutfunctor:89,maxpool:8,mayb:[33,66,103],mchw:22,md5:[14,36],mean:[2,6,7,8,9,10,11,13,15,20,29,32,34,45,46,48,59,72,79,81,86,90,94,99,100,103,108,109,110,113,114,120,122,128],mean_var_nam:8,meant:91,measur:[49,109],mechan:[8,9,23,32,41,49,66,80,83,99,104,114],mem:[8,33,43,72],mem_per_pserv:45,mem_per_train:45,member:[8,14,30,48,58,59,70,76,80,86,103],memcpi:[76,109],memor:8,memori:[1,2,9,32,33,38,39,43,53,55,65,66,67,70,72,75,77,82,90,99,100,101,102,105,109,110,115,120,122],memory_boot:9,memory_nam:8,memory_optim:63,memory_test:100,memory_threshold_on_load_data:120,memoryalloc:89,memorydesc:66,mention:[22,32,34,39,45,47,54,71,74,75,77,100],mere:9,merg:[8,18,22,40,42,46,49,65,71,74,76,101,106,120,125],messag:[33,44,50,54,55,58,67,77,78,79,80,82,83,87,92,101,115,120],metaclass:103,metadata:[51,114,115],metal:[113,128],metaphor:58,metaplotlib:30,method:[2,8,10,20,24,29,31,33,42,44,45,46,48,53,57,58,59,62,73,74,80,81,82,86,87,90,91,93,94,96,102,103,105,106,108,109,120,122],methodolog:75,metric:[18,49,77],microarchitectur:53,might:[8,33,34,44,54,63,78,100,101,102,108,114,124],mileag:109,million:[14,122],min:[6,8,22,46,48,80,109,114,122],min_block:33,min_count:47,min_desc:33,min_pool_s:2,min_word_freq:14,mind:108,mini:[2,8,13,18,22,29,33,35,49,50,54,60,71],mini_batch:81,minibatch:[8,22,33,49,58,60,78],minim:[2,24,33,45,47,48,54,57,73,82,110,113,120,124,125,126],minimum:[8,22,125],minimun:120,minsizerel:[124,125,126],minst:2,minu:83,minus_grad:83,minusgradop:83,minusop:83,minusopgradmak:83,minusopprotoandcheckermak:83,minut:[35,42,94,100,114],mirror:[34,94],mislead:40,mismatch:22,miss:[57,120],mistak:54,misus:104,mit:114,mix:[9,77,91,99],mixed_lay:9,mixed_layer_attr:9,mixedlayertyp:8,mixtur:108,mkdir:[52,93,106,114,116],mkl:[66,82,89,90,93,94,104],mkl_packed_:64,mkldnn:[8,65,70,90],mkldnn_:65,mkldnn_batch_norm:8,mkldnnactiv:65,mkldnnbase:65,mkldnnlayer:65,mkldnnmatrix:65,mkldnnstream:65,mkldnntester:65,mklml:65,mklpack:64,mklpackedgatedrecurrentlay:64,mklpackedgemm:64,mklpackedlstmlay:64,mklpackedrecurrentlay:64,mlp:59,mlr:20,mnist:[2,4,37,45,57,58,78,81,82,108],mnist_provid:2,mnist_random_image_batch_read:81,mnist_train:[2,81],mnist_train_batch_read:81,mobil:[53,54,63,82,106,123],mod:111,mode:[8,26,29,53,64,74,101,120],model:[0,1,4,8,9,14,23,29,32,33,35,36,44,45,47,48,49,58,63,64,73,74,75,82,84,90,91,97,101,102,106,107,111,113,114,120],model_config:4,model_list:[120,122],model_path:122,modelparallel:45,modern:63,modif:95,modifi:[4,8,45,53,59,84,99,102,103,111,112,114],modul:[1,2,4,9,14,29,45,56,57,72,91,103,108],modular:72,modulo:8,moment:[24,108],momentum:[6,22,24,86,104],momentumop:108,mon:115,monitor:77,mono:8,month:34,more:[1,2,4,7,8,9,13,22,30,31,32,34,35,39,42,43,45,47,52,53,54,55,56,58,62,63,66,70,71,72,73,77,80,81,82,84,89,91,93,94,97,99,100,102,103,104,105,106,108,109,110,111,113,115,122,126,128],most:[2,4,8,13,22,29,30,32,34,42,45,55,58,59,70,72,75,77,81,84,89,96,99,102,108,109,110,119,128],mostli:[53,128],motiv:82,mount:[43,94,111,114,115],mountpath:[114,115],move:[8,35,39,52,54,75,94,109,114,128],movement:109,movi:[2,14],movidiu:54,movie_categori:14,movie_info:14,movie_review:14,movieinfo:14,moving_average_fract:8,mpi:[74,116],mpirun:116,mse:[54,58,73,78],msra:20,much:[8,22,35,54,66,73,81,84,91,109],mul:[56,63,80,102,103],mul_grad:103,mul_op:[22,103],mul_ratio:8,mul_result:80,mulgradkernel:103,mulkernel:103,mulop:[56,103],mulopgrad:103,mulopmak:103,mult:[44,55],multi:[8,49,74,76,90,102,108,112,113,119,120,128],multi_binary_label_cross_entropi:8,multidimension:22,multigradientmachin:76,multinomi:8,multip:23,multipl:[7,8,9,13,18,22,23,29,30,31,39,40,42,44,45,47,49,54,55,56,62,74,77,82,90,92,99,102,103,108,111,114,120,122],multiple_input:80,multiple_param_attr:80,multipli:[7,8,22,44,102],multiprocess:13,multithread:2,must:[2,5,7,8,9,13,15,22,32,40,48,63,66,67,70,77,79,80,81,82,88,92,99,102,103,105,111,113,114,120,122,124,126],mutabl:[89,105],mutable_data:[66,89,103,105],mutuable_data:[89,105],mxnet:[33,44,54],my_cluster_nam:114,my_external_dns_nam:114,my_lib:111,myerrorclip:48,myfil:13,mypaddl:115,naiv:44,name:[2,6,7,8,9,11,15,18,22,26,29,30,31,32,33,35,37,38,40,43,44,45,49,53,56,59,62,65,66,67,69,70,72,77,78,80,82,85,87,88,91,92,94,96,97,99,100,102,103,104,109,110,111,113,115,117,118,120,122,125,128],name_:77,name_prefix:37,namespac:[33,60,68,80,102,103,115],nativ:[8,53,101],natur:[22,39,42,47,72,91,122],navig:106,ncall:108,nccl1:74,nccl2:74,ncclinit:74,nchw8:90,nchw8c:90,nchw:[8,22,65,70],ndarrai:[15,29,37],ndcg:8,ndcg_num:8,ndk:124,nearest:53,nearli:31,necess:91,necessari:[2,8,32,33,40,42,48,49,63,67,72,76,80,88,91,102,116],necessarili:[44,102],neck:74,need:[2,7,8,9,13,20,22,23,24,27,30,31,32,34,38,39,40,42,43,45,47,48,49,52,54,55,56,57,62,63,66,70,72,73,74,75,76,77,79,80,82,83,84,86,87,88,89,91,93,94,95,96,97,99,102,103,104,105,106,111,113,114,115,119,120,122,124,125,126,128],neg:[2,7,8,22],neg_distribut:8,neg_overlap:8,neg_pos_ratio:8,neglect:8,neighberhood:74,neither:8,neon:[53,124,126],ner:7,nervana:54,nest:[2,8,13,32,33,77,78,92],net:[8,9,16,22,33,57,71,86],netop:[33,82],network:[1,2,4,6,7,8,13,20,23,27,28,29,30,31,32,33,35,38,45,47,49,57,59,63,64,65,71,73,75,77,80,81,84,86,88,89,90,92,97,102,103,105,109,111,113,120,128],network_config:122,networkadministr:114,neural:[2,4,8,9,13,20,29,30,32,33,35,45,59,63,64,65,71,75,84,86,89,90,92,97,105,109,111,113,120],neuralnetwork:76,neuron:[4,102],never:[13,63,81,86,114,115],new_block_idx:80,new_dim:22,new_op_and_kernel:104,new_op_desc:48,new_scop:90,new_stat:71,newblock:80,newbuff:66,newer:124,newest:40,newli:[53,125,128],newop:33,newopdesc:80,newprogram:80,newscop:90,newvardesc:80,next:[8,14,32,35,41,48,72,74,91,99,102,103,108,109,114,115,120],nextlay:65,nfs4:114,nfs:114,nfsver:114,ngram:14,nic:[119,120],nil:39,nine:14,nlp:[2,8],nltk:14,nms_threshold:8,nms_top_k:8,nnz:102,no_cach:2,no_grad_dict:32,no_grad_set:[24,31,32,103],no_gradi:32,no_sequ:[2,8],node1ip:116,node2ip:116,node3ip:116,node:[8,34,42,44,45,47,59,63,72,74,82,100,102,111,112,113,114,115,116,120,128],node_0:114,node_1:114,node_2:114,node_id:111,nodeattr:59,nodeentri:59,nodefil:112,nodesep:59,nohup:111,nois:[8,35,57,111],noisi:[8,57],non:[8,22,35,53,54,87,102,103,114,120],none:[1,2,4,6,7,8,9,10,11,15,18,20,22,23,24,29,30,31,32,33,48,49,57,59,60,71,72,73,78,80,88,91,99,110,113],noneedtran:66,nonlinear:[20,102],nontranspos:22,nor:[44,100],norm:[9,22,57,70],norm_by_tim:8,normal:[2,4,8,9,14,20,22,75,99,102,111,115,120],notat:[8,63],note:[2,4,6,8,9,11,15,18,22,23,29,30,32,33,38,39,43,63,67,70,74,81,82,89,90,93,94,103,105,106,109,111,113,114,120,122,125],notebook:[43,94],notest_dist_fit_a_lin:113,noteworthi:54,noth:[5,29,62,80,86,100,120],notic:[8,48,54,74,83,99,101,102],notif:101,notimplementederror:48,notin:90,notingradi:103,notion:91,notori:31,now:[2,13,32,34,35,47,57,67,70,75,82,83,84,86,113,114,120,125],np_arrai:13,nproc:100,nullptr:[66,77,83,86,102],num:[8,9,111,120],num_channel:[8,9],num_chunk_typ:7,num_class:[8,9,59],num_col_dim:22,num_filt:[8,9,22,23],num_flatten_dim:22,num_gradient_serv:[111,119,120],num_hidden:59,num_input:101,num_neg_sampl:8,num_or_sect:22,num_parameter_serv:30,num_pass:[29,115,119,120,122],num_per_batch:15,num_pserv:45,num_repeat:8,num_result:7,num_results_per_sampl:8,num_row:87,num_shard:37,num_step:91,num_train:45,number:[2,7,8,9,13,14,15,22,33,35,37,47,49,63,75,77,81,82,88,91,100,102,108,111,113,114,120],numchunktyp:7,numdevices_:122,numer:[8,103],numeric_grad:31,numerical_grad:31,numlogicaldevices_:122,numofallsampl:7,numofwrongpredict:7,numpi:[6,13,15,22,29,37,53,57,80,81,93,103],numreal:38,numsampl:109,numtagtyp:7,numtimeout:39,nv_:34,nv_gpu:100,nv_librari:34,nv_test:34,nvcc:[34,53,55],nvidia:[53,70,74,89,94,100,109,120],nvlink:74,nvprof:77,obei:7,obj:2,object:[2,4,6,8,9,13,22,29,30,38,45,48,49,57,59,63,68,73,77,80,82,84,86,105,109],observ:[8,102,109],obtain:[2,8,22,42,75],obvious:[34,70,108],occup:63,occupi:[53,77],occur:[14,29,63],occurr:33,oct:115,odd:8,odoti:22,off:[69,93,94,100,111,124,125,126,128],offer:[4,33,82,88],offici:[8,34,101,106,114,124],offlin:[35,37,128],offset:[8,22,38],often:[8,38,59,63,70,101,108,111],ograd:102,old:[31,40,42,72,82,120],older:[22,54,124],omega:84,omit:22,omp_num_thread:108,ompi_comm_world_rank:111,on_init:2,onc:[2,8,35,39,44,45,47,49,54,58,75,101,102,106,114],one:[2,5,7,8,9,11,13,20,22,24,27,29,30,31,32,33,35,38,39,40,42,43,44,45,48,49,50,53,54,55,56,57,59,61,62,66,67,70,71,72,73,74,75,76,78,79,80,81,82,83,86,87,89,90,91,94,100,101,102,103,104,110,112,113,114,115,116,120,122,128],onehotcrossentropyopkernel:103,ones:[56,57,82,101],onli:[1,2,4,7,8,9,11,15,22,27,29,30,31,32,34,38,39,40,41,42,43,44,45,47,48,49,50,52,53,54,57,58,63,66,71,72,73,74,76,77,80,82,87,88,89,90,91,93,95,96,99,100,102,103,104,105,106,109,113,114,115,119,120,122,125,128],onlin:[8,10,35,37,63,81],only_cpu:31,onnx:54,onto:[22,45,47,114,116],op1:[63,90],op1_2_op2:90,op1_to_op2:90,op2:[63,90],op3:63,op_:103,op_check:103,op_class:[82,88],op_desc:[48,61,79],op_info:110,op_kei:66,op_maker_class:[82,88],op_proto:88,op_registri:110,op_siz:48,op_test:103,op_typ:[82,103,104],op_unique_kei:66,opattrcheck:103,opcreat:88,opdesc:[33,48,58,78,79,80,82,83,88,92],opdescbind:[61,83],opdescbuild:33,open:[2,8,15,30,37,54,57,65,81,101,108,111,114],openbla:[93,94,124],opencv:15,openmp:108,openmpi:111,opensourc:74,oper:[8,9,13,15,20,22,24,27,31,33,44,45,46,47,49,50,53,54,55,57,58,59,61,62,71,72,73,74,77,79,84,86,89,90,92,99,101,102,104,105,109,110,114,120,124],operand:[22,53],operator_grad:31,operator_list:77,operatorbas:[33,56,82,83,88,103],operatorwithkernel:[90,103],opinfo:[61,82,83],opinfomak:61,opinfomap:83,opkernel:105,opkernelbas:104,opkernelkei:82,opkerneltyp:[70,90,104],opmak:88,opposit:22,opproto:103,opprotoandcheckermak:[83,103],opprotomak:[88,103],opregist:88,opregistri:88,ops:[24,31,32,33,34,44,55,58,59,75,78,79,80,82,89,103,128],ops_:33,ops_test:34,opt:[30,73,79,88,93],opt_op_list:73,optest:103,optestmeta:103,optim:[2,6,16,28,29,31,32,45,46,47,55,57,74,75,76,78,82,84,87,102,108,109,110,111,113,124,126],optimis:73,optimize_op:113,optimize_op_attr:80,optimizer_op:113,option:[2,7,8,18,22,26,30,34,45,57,62,67,78,79,80,82,87,88,92,100,102,108,111,112,122,124,125,128],optmization_op_list:73,opts_np:79,optyp:[61,88],opwithkernel:87,order:[2,8,9,13,15,22,29,32,58,67,77,81,84,91,93,102,108,111,114,115,120,128],ordereddict:29,orderli:22,oregon:114,org:[2,7,8,9,14,20,22,37,51,57,94],organ:[7,8],orient:88,origin:[1,2,8,9,13,14,22,31,53,57,86,91,101,105],other:[2,7,8,9,13,22,24,33,35,40,44,52,53,54,55,61,63,66,70,71,75,79,84,86,88,89,90,93,99,100,101,108,110,111,113,114,115,122,124,125,126,128],otherchunktyp:7,otherwis:[1,8,13,14,15,22,29,30,32,35,40,42,57,61,66,81,99,101,112,122],our:[22,30,32,34,45,47,57,61,63,70,74,75,86,91,93,96,99,100,101,102,108,113,114,115,124],out:[8,22,23,29,30,33,34,39,42,45,48,54,59,63,66,71,72,80,90,97,99,103,105,108,109,114,115,116,120],out_dir:114,out_fals:22,out_left:8,out_mem:99,out_memori:9,out_right:8,out_size_i:8,out_size_x:8,out_tru:22,outer:8,outgrad_:65,outlier:8,outlin:121,outout_lay:29,outout_layer1:29,outout_layer2:29,output:[4,5,6,7,9,11,13,22,23,26,29,30,31,32,33,37,42,44,47,48,52,55,56,57,58,59,60,61,63,66,67,71,72,75,78,79,80,81,82,83,86,87,88,89,90,91,93,99,100,101,102,103,104,105,108,109,111,115,120,122,124],output_:[8,65,102],output_all_step:71,output_arg_nam:48,output_dim_idx:22,output_dtyp:22,output_fil:26,output_id:8,output_lay:[29,97],output_max_index:11,output_mem:[8,99],output_mod:26,output_nam:31,output_num:71,output_path:37,output_s:22,output_seg:91,outputbuff:38,outputgradi:83,outputh:8,outputw:8,outsid:[2,8,9,45,86],outter_kwarg:2,outupt:91,outv:102,outval_:65,over:[1,8,9,22,29,30,54,63,74,75,91,101,102,109],overal:[57,75,77,101,128],overfit:84,overhead:109,overlap:[7,8,102],overlap_threshold:[7,8],overload:[53,62],overrid:[33,35,52,66,89,102,103,105],overview:[39,40,41,89],overwhelm:101,overwrit:[52,111],own:[8,32,40,42,48,50,59,61,73,74,75,84,88,103,111,112,114,124,125],owner:[100,101],paam:15,pack:[91,124],packag:[2,13,14,39,43,44,56,65,85,93,94,101,103,108,114],pad:[9,22,66],pad_c:8,pad_h:8,pad_w:8,paddepaddl:1,padding_attr:8,padding_h:22,padding_i:8,padding_w:22,padding_x:8,paddl:[2,4,5,6,7,8,9,10,11,13,14,15,18,20,21,22,23,24,26,27,29,30,33,34,35,37,43,45,52,55,56,57,60,64,65,66,67,68,69,71,72,76,78,82,84,85,88,89,91,93,94,96,97,99,100,101,102,103,104,106,108,109,110,111,112,113,114,115,116,120,122,124,128],paddle_begin_init_param:40,paddle_dir:103,paddle_element_typ:40,paddle_element_type_float32:40,paddle_element_type_float64:40,paddle_element_type_int32:40,paddle_element_type_int64:40,paddle_element_type_uint32:40,paddle_element_type_uint64:40,paddle_enforc:[33,66],paddle_enforce_eq:[103,105],paddle_error:[68,69],paddle_exampl:43,paddle_finish_init_param:40,paddle_get_param:40,paddle_gradi:40,paddle_init_num_gradient_serv:111,paddle_init_param:40,paddle_init_port:111,paddle_init_ports_num:111,paddle_init_ports_num_for_spars:111,paddle_init_pserv:111,paddle_init_trainer_count:111,paddle_init_trainer_id:111,paddle_init_use_gpu:111,paddle_job:43,paddle_manylinux_devel:93,paddle_matrix:[68,69],paddle_matrix_cr:69,paddle_matrix_get_shap:68,paddle_matrix_shap:68,paddle_new_etcd_pserver_cli:40,paddle_new_pserver_cli:40,paddle_on_cloud:43,paddle_output:115,paddle_paramet:40,paddle_pserver2:112,paddle_pserver_cli:40,paddle_pserver_client_releas:40,paddle_save_model:40,paddle_send_grad:40,paddle_train:[69,85,112],paddle_with_cuda:77,paddle_with_mkldnn:70,paddlepaddl:[1,2,4,8,9,13,14,15,29,34,35,37,40,41,42,43,44,45,51,52,56,57,58,60,62,67,71,72,73,76,77,80,81,82,86,91,92,95,97,99,100,101,102,103,104,108,109,111,112,116,117,118,127,128],paddlepaddle_gpu:96,paddlepaddlebook:94,paddlepadl:2,paddpepaddl:2,page:[101,114],pair:[7,23,24,26,32,33,45,58,73,77,82],pairwis:8,pakcag:34,paper:[8,20,22,57],para:38,paradigm:[44,50,82],paragraph:71,paragraph_data:71,paragraph_out:71,parallel:[44,45,47,74,77,82,90,100,109,111,114,115,120,122],parallel_for:44,parallel_nn:[6,119,120],paralleldo:46,parallelfor:44,param:[6,8,9,13,22,24,31,33,40,76,80,89,105],param_attr:[8,9,22,23,38,80,99],param_config_proto:40,param_initi:22,paramattr:[6,8,16,22,99],paramet:[1,2,4,7,9,10,11,13,14,15,18,21,22,23,24,26,28,31,32,33,34,36,38,42,44,45,46,48,50,52,54,55,57,58,59,61,67,71,73,74,78,81,86,88,91,93,97,101,102,103,104,105,107,110,112,122,125],parameter_block_s:[119,120],parameter_block_size_for_spars:[119,120],parameter_learning_r:6,parameter_list:[24,32,73],parameter_nam:[29,30],parameter_serv:30,parameter_valu:38,parameterattribut:[6,8,9,38],parameterclient_:38,parametermap:102,parametermutex_:38,parameters_:102,parameters_and_grad:[24,73],parameterserver2:38,parameterset:30,parameterupdat:76,parameterupdater_:38,parametr:8,params_grad:[73,113],paramt:114,paraspars:102,parent:[33,44,78,80,82,102],parent_:[33,86],parent_idx:80,parenthes:82,pars:[4,13,14,34,45,59,100,114,122],parse_config:4,parser:13,part:[2,7,8,22,23,32,33,42,45,54,66,67,78,80,89,99,102,108,109,111,113,128],parti:[100,109,124,125,126],partial:[8,29],partial_sum:8,particip:103,particular:[58,67,82,90,109],particularli:20,partit:[35,37,45,47,82,111,114],pass:[2,8,18,22,27,29,32,33,35,48,49,54,57,63,67,73,75,76,79,80,81,82,84,86,91,101,102,109,111,112,113,114,115,120],pass_gener:8,pass_id:[29,45,113],pass_idx:81,pass_num:113,passtyp:102,password:116,past:[30,94,97,114],patch:51,path:[1,2,7,13,14,15,29,35,39,40,43,63,72,81,93,94,111,114,115,120,122,124,125,126],path_to_paddlepaddle_working_directori:106,pattern:[14,35,68,75,84,114],paus:[35,42],pcie:74,pdf:[9,22],peephol:22,peer:74,pem:[30,37,114],pend:[35,39],peopl:100,pep425tag:96,pep8:101,per:[7,8,14,15,22,35,40,74,75,81,84,103,120],percal:108,perf_test:108,perfom:[120,122],perform:[1,8,9,20,22,31,40,45,49,53,54,57,63,74,76,77,81,82,84,89,90,99,100,102,103,107,111,119,124,125,126],perftool:[77,108],period:[1,35,42,120],permiss:[2,114],permut:22,peroid:[8,15],persist:[22,50,87,92,114],persistentvolum:114,persistentvolumeclaim:114,person:[7,30,62],perspect:[82,109],perturb:[31,102],pex:128,pfs:[37,52],pfsclient:37,pfspath:52,pgp:114,phase:[66,72,74,75,81,83,128],philosophi:[75,84],photo:57,physic:[125,128],pick:[2,22,114,125],pickl:[111,116],pictur:74,piec:[9,44,77,105,113],pil:[15,111],pillow:43,ping:101,pip:[85,93,95,97,101,106,108],pipe:13,pipelin:49,piperead:13,pivot:66,pixel:[2,8,13,14,45],pixels_float:2,pixels_str:2,place:[1,2,22,32,33,35,42,45,47,50,62,66,74,82,90,102,105,109,110,113],place_:[62,70,89,90],place_typ:104,placehold:[57,89,105],placement:47,plain:[1,7,8,13,43,67,69,70],plan:[35,44,66,82,102,124],platform:[33,55,66,70,77,89,90,96,101,103,104,105,110,114,124,125,126],pleas:[2,4,6,8,9,10,15,22,30,35,39,40,41,44,55,59,70,71,80,81,82,89,92,93,94,96,99,100,101,102,103,105,106,108,111,113,114,124,125,126],plot:30,plu:[8,31],plug:[74,75],pne:103,pnpairvalidationlay:120,pnpairvalidationpredict_fil:119,pod:[37,43,44,114,115],pod_nam:114,point:[22,33,35,43,53,63,66,74,89,100,101,103,105,108,109,124,128],pointer:[33,40,59,63,70,80,82,86,89,105],polar:14,polici:114,pollut:42,polyak:75,ponit:59,pool3:102,pool:[2,9,22,28,46,63],pool_attr:9,pool_bias_attr:9,pool_layer_attr:9,pool_pad:[9,22],pool_siz:[2,8,9,22,23],pool_size_i:8,pool_strid:[9,22,23],pool_typ:[8,9,22,23],pooled_height:8,pooled_width:8,pooling_lay:9,pooling_typ:8,poolingtyp:11,pop:[33,50],popul:40,popular:[34,57,59,77],port:[34,44,108,111,113,114,115,119,120],port_num:119,portabl:59,portal:106,ports_num:[111,120],ports_num_for_spars:[38,111,119,120,122],pose:35,posit:[2,7,8,9,22],positive_label:7,possibl:[30,33,39,47,63,80,84,92,109],post:[43,51],postpon:84,potenti:[53,109],power:[53,63,74,105,128],ppo_workspac:106,pprof:108,practic:[99,102],pre:[2,8,9,14,30,40,62,63,93,101,114,115,124,126],pre_activ:80,pre_bia:80,pre_stat:[71,91],preambl:80,precis:[7,49,53,75,93],precision_evalu:7,precompil:50,pred:[59,63],predecessor:63,predetermin:[8,120],predic:14,predict:[2,3,7,8,22,29,45,84,97,99,120],predict_fil:120,predict_lay:29,predict_output_dir:[119,120],predict_sampl:4,prediction1:29,prediction2:29,prefer:[54,62],prefetch:[38,102],prefix:[7,9,35,37,72,114],pregrad:102,prepand:80,prepar:[4,31,43,76,99,117],prepend:[22,80],prepend_oper:80,preprocess:[14,15,91,115],present:[30,32,33,77,91],preserv:52,press:20,prev_batch_st:[119,120],prev_cel:22,prev_cell_data:22,prev_hidden:22,prev_hidden_data:22,prevent:[1,10,30,35,39,42,48,84,108],preview:[82,106],previou:[8,9,22,29,32,35,47,52,71,72,102,108,114,120],previous:[8,115],previous_memori:33,price:[14,82,97],prim:66,primari:[54,58],primarili:[75,84],primer:101,primit:[53,65,66,74,91],primitive_desc:66,primitivedesc:66,principl:[30,34,70],print:[6,29,30,45,54,59,80,96,97,108,116,120],print_graphviz:59,printallstatu:109,printer:7,printstatu:109,priorbox:8,prioriti:82,prite:7,privat:[33,69,77,80,86,87,88,89,91,101,105],privileg:[100,114],pro:74,prob:[7,29,97],probabilist:8,probabl:[7,8,22,29,72,94,99,101],problem:[4,8,30,31,34,42,54,57,58,75,82,84,96,100],proc:94,proce:[13,35,81,94,114],procedur:[33,67,105,125],proceed:20,process:[1,2,4,6,8,9,13,22,30,32,33,37,38,39,42,44,45,49,50,54,55,59,63,65,67,74,84,88,90,99,101,108,111,112,114,115,120,122],process_num:13,processor:[53,109],produc:[8,9,13,22,35,54,59,81],product:[8,9,22,23,43,54,102,114,115],productgraph:115,prof:108,profil:[16,52,77],profilerst:77,proflier:[77,109],program:[1,13,18,20,22,26,30,32,37,40,42,45,47,50,58,60,63,73,74,77,81,82,86,92,108,109,112,120],programdesc:[44,45,50,54,63,67,79,80,83,92],programm:[45,54,80],progress:[35,39,120],proivid:2,proj:8,project:[8,9,43,69,99,102,103],promis:[8,9,72],prompt:[52,54,113],prone:30,prop_kind:66,propag:[8,10,32,54,75,103,120,122],proper:[62,111],properli:[62,100,113],properti:[2,59,84,120],propos:[33,46,47,72,73,74,75,91],proprietari:65,protect:[53,88,102,103],proto:[11,62,67,70,78,82,88,92,103],proto_:88,protobuf:[29,33,43,44,45,50,54,55,58,59,63,67,78,80,82,83,88],protoc:[124,126],protocol:[7,110,120,128],provi:111,provid:[8,14,22,30,33,40,43,44,49,50,53,54,57,59,61,62,70,74,75,77,80,84,88,89,91,94,97,105,108,109,111,112,113,114,124,125,128],providermemory_threshold_on_load_data:119,provis:[114,128],provod:2,prune:[8,33],ps_desir:35,pserver:[29,38,40,41,43,82,111,113,114,119,120],pserver_addr:40,pserver_cpu:43,pserver_endpoint:113,pserver_id:36,pserver_mem:43,pserver_num_thread:[38,119,120],pserver_prog:113,pserver_spec:29,pserver_startup:113,pserverstart_pserv:119,pseudo:[30,32,43,83,91],pseudocod:91,psize:102,ptr:[69,89],pub:116,publish:124,pull:[34,82,85,101,124],purpos:[8,35,45,47,62,109],push:[33,50,54,77,85,101],push_back:102,put:[34,35,38,47,63,66,80,89,102,113,115,124],pvc:114,pwd:[93,94,100,106,124],pxe:128,py_paddl:4,pybind:[33,53],pydataprovid:[1,2],pydataprovider2:[3,4],pypi:96,pyramid:8,pyramid_height:8,python2:108,python3:96,python:[1,2,3,22,29,30,33,41,49,50,54,56,57,58,59,62,68,72,76,77,82,85,89,91,93,94,96,97,99,100,101,106,110,111,113,116],pytorch:[54,77],qualcomm:53,queri:[7,8,23,114],query_id:7,question:[8,30,44,47,88,113,114],queue:47,quick:[59,120],quick_start:[43,114,115,117],quick_start_data:115,quickli:[72,80,82],quickstart:115,quit:[72,109],r14b:124,r_h_val:22,r_t:8,rais:[13,22,48,59,111],rajathkmp:57,ran:[47,109],rand:[57,109,120,122],random:[2,6,8,13,20,37,57,70,76,80,81,103,111,120],random_crop:15,random_imag:37,randomli:[15,42],randomnumberse:119,rang:[2,8,13,20,22,37,44,45,53,57,63,77,81,88,101,113,120,122],rank0:74,rank1:74,rank:[8,22,30,91,105,114],rank_tabl:22,rankdir:59,ranktabl:22,rapid:83,rare:2,raspberri:127,raspberry_pi:126,raspberrypi:126,raspbian:126,rate:[6,7,8,9,10,14,40,102],rather:[4,32,43,57,91,114],ratio:[8,120],raw:[8,22,67],rdma:120,rdma_tcp:[119,120],reach:[35,63,74,109],read:[1,2,13,15,22,29,30,32,35,37,44,45,47,54,55,81,82,91,94,99,100,106,111,114,124,128],read_from_arrai:63,read_from_realistic_imag:30,read_from_rng:30,read_lock:36,read_minibatch:54,read_mnist_imag:30,read_ranking_model_data:30,readabl:[77,82,108],reader:[0,14,29,37,45,53,57,58,78,108,111,113],reader_cr:37,reader_creator_bool:81,reader_creator_random_imag:[13,81],reader_creator_random_image_and_label:[13,81],readi:[35,114,115,128],readlockguard:38,readm:69,readonesamplefromfil:2,readwritebuffer_:38,readwritemani:114,real:[2,8,22,38,57,81,111],realist:30,realiz:[33,71],realli:[54,84],reaon:104,rearrang:22,reason:[9,30,31,35,54,101,113,115],recal:7,receiv:[35,43,45,47,71,113],recent:[63,75],reciev:120,recognit:[2,8],recommand:2,recommend:[1,9,22,30,93,94,95,99,101,102,106,111,112,120,124],recompil:109,record:[13,39,66,77,88,114],recordev:77,recordio:[13,14,30,37,39],recov:[35,91],recover:82,recoveri:39,rectifi:[8,20],recurr:[64,71,86],recurrent_group:[9,99],recurrent_lay:9,recurrent_op:91,recurrentgradientmachin:[69,72,91],recurrentgroup:7,recurrentlay:[64,120],recurs:[32,33,34,52,63,82],recv:[44,45,47,74,114],recvparametertyp:38,red:[57,108],redirect:13,reduc:[8,22,47,53,74,82,94,101,108,112,120,122],reduce_by_kei:82,reduce_mean:57,refactor:[45,47,58,72,75,76,80,84,91],refer:[1,4,6,8,9,10,15,20,22,23,26,31,33,35,39,40,41,44,53,59,66,70,71,74,78,80,82,84,86,89,91,92,93,94,99,100,102,103,105,113,115,124,125],referenc:39,reflect:39,reformat:101,refrain:103,reg:88,regard:128,region:[8,86,109],regist:[63,70,83,89,90,102,109],register_gpu_profil:109,register_lay:102,register_op:[56,82,83,88,103],register_op_cpu_kernel:[89,103],register_op_cuda_kernel:[89,103],register_op_kernel:104,register_op_without_gradi:[82,103],register_oper:[61,83],register_tim:38,register_timer_info:109,registerop:88,registr:[103,104,110],registri:[43,61,89,115,128],regress:8,regular:[6,16,24,32,102,114],regularization_coeff:27,reiniti:66,reinstal:93,rel:[1,9,31,42,84,103,124],relat:[2,35,42,43,53,70,77,86,90,101,108,115,125,126,128],relationship:[83,89],releas:[85,114,124,125,126],relev:103,reli:[31,44,72,73,75,84,103,108],reliabl:[35,84],relu1:59,relu2:59,relu:[8,57,59,63,102],relwithdebinfo:108,remain:91,remaind:22,rememb:[8,101],remind:89,remot:[6,34,38,45,82,101,102,114,120,122],remoteparameterupdat:[38,41,120],remov:[13,22,32,45,52,54,72,101,120,124,125],ren:20,renam:[32,52,53,96],reorder:66,reorder_primit:66,reorgan:8,repeat:[33,58,78,79,87,88,92,108],repeatedli:[58,63],replac:[34,39,61,75,83],repli:101,replic:45,replicaset:43,repo:[34,101,106,126],report:[39,53,54,77,109],reportdataset:39,repositori:[8,106,124],reprenset:22,repres:[2,4,8,9,22,23,32,33,39,44,45,47,48,54,59,67,70,72,75,80,82,84,87,89,91,92,99,102,114],represent:[8,22,40,45,55,57,58,63,70,72,87],reproduc:100,request:[34,35,38,42,44,82,85,101,114,115,128],requir:[1,2,7,8,24,30,32,35,40,42,43,45,47,48,52,53,59,63,65,71,75,77,78,79,82,84,87,88,92,96,100,101,102,103,106,111,114,115,124,126,128],requisit:63,rerun:103,research:[14,45,54],reserv:[2,22,52],reserveoutput:102,reset:[8,18,22,35,49],reset_program:[18,49],resetingrad:65,resetinvalu:65,resetoutgrad:65,resetoutvalu:65,resetxxx:65,reshap:[31,81,105],reshape_s:8,resid:[22,100],resiz:[15,38,89,103,105],resize_s:15,resize_short:15,resolv:[34,101,115],resourc:[45,50,74,77,89,104,114],respect:[2,22,31,48,53,57,71,99,102,120],respons:[8,38,45,49,57,74,75,76,84,114,115],rest:[2,22,33,43,51,55,90,128],restart:[35,40,114,115,128],restartpolici:[114,115],restor:[31,75],restrict:[84,86,108,120],result:[4,5,7,8,21,22,26,29,31,32,39,49,57,58,59,63,67,72,73,74,76,103,105,108,109,110,114,120],result_fil:7,resum:42,retain:105,retran:114,retriev:[33,72,86,100,102,108,115],retriv:111,return_op_list:24,return_seq:9,reuqest:85,reus:[33,42,72,81,82,102,103],rev:100,revamp:45,reveal:[30,108],revers:[8,9,22,32,99],review:[14,44,115],reviews_electronics_5:115,rewrit:[34,103],rgb:[8,15],rho:10,rid:54,right:[2,8,31,32,33,34,43,49,63,82,84,101,104],ring:74,risk:32,rkt:[43,100],rmsprop:75,rmspropoptim:75,rnn:[8,9,33,54,57,72,80,82,86,107,119],rnn_bias_attr:99,rnn_layer_attr:99,rnn_out:99,rnn_output:91,rnn_step:8,rnn_use_batch:[64,119,120],rnnalgorithm:72,rnnlm:14,rnnstep:91,roadmap:91,robust:[8,20],rocmplac:70,roi:8,role:[14,30,39,40,45,74,113,114],rollback:80,root:[10,11,32,74,114,115,125],rot:8,roughli:2,round:[53,74],routin:[53,65,74],row:[4,7,8,13,22,38,102],row_id:8,rows_:87,rpc:39,rpcserver:39,rpi:126,rpi_arm_neon:126,rpi_toolchain:126,rsize:114,rtk:128,rtype:13,rule:[7,22,32,45,48,54,58,102,114],run:[30,31,32,33,34,35,43,44,45,46,47,49,53,54,55,56,57,58,59,63,66,70,71,73,74,75,77,78,79,80,82,85,86,87,89,90,95,96,97,100,101,102,104,105,106,108,109,111,112,113,114,116,117,118,120,124,125,126,128],run_test:93,runinitfunct:109,runnabl:47,running_on_cloud:43,runserv:106,runtim:[1,2,26,33,44,45,61,71,82,92,94,104,112,124],runtime_table_:33,s_block:32,s_recurrent_group:99,sacrif:1,safe:43,sai:[8,55,58,60,63,81,100,120,122],said:54,sake:102,same:[2,4,7,8,9,20,22,29,30,31,39,40,42,44,45,56,57,59,62,63,71,72,74,80,82,83,86,90,91,93,99,103,104,105,112,113,114,122],samping_id:8,sampl:[2,4,7,13,14,22,49,57,80,88,94,111,112,120,122],sample_id:7,sample_num:7,sampler:57,satifi:[7,63],satisfi:[34,66,87,96,114],save:[2,8,13,29,35,37,39,40,43,44,45,58,59,63,67,75,87,92,100,111,114,115,120,122],save_dir:[115,120,122],save_only_on:[119,120],save_parameter_to_tar:29,save_persist:113,saving_period:[119,120],saving_period_by_batch:[119,120,122],saw:2,scalabl:82,scalar:[2,8,22,32,33,60,91],scale:[5,20,45,47,75,83,88,103,111],scaleop:103,scaleopmak:[82,103],scalingproject:8,scan:[32,39,63,82],scatter:[8,32,74],scenario:[72,119],scene:119,schdule:114,schedul:[39,43,47,114],scheduler_factor:6,scheme:[7,10,38,84,103],scienc:63,scope:[31,44,46,50,55,90,110],score:[7,8,22,23,72],scp:116,script:[4,14,74,93,100,103,111,112,114,116,124],sdk:125,search:[8,35,86,93,99,120],second:[2,8,22,30,44,52,54,57,59,71,72,78,79,81,86,88,103,112],secret:114,section:[2,32,47,54,80,99,101,102,108,114],see:[2,4,8,9,22,30,32,35,44,47,53,54,80,101,103,105,108,109,113,114],seed:[20,22,109,120],seem:[34,53,54,96],seen:[23,84,103],segment:[7,22,71,91,105],sel_fc:8,selcet:8,select:[8,22,72,114],selected_generation_scor:72,selected_id:[8,72],selected_indic:8,selected_row:[87,92],selected_rows_desc:[87,92],selected_scor:72,selectedrow:[61,92],selectiv:8,selector:115,self:[31,48,49,57,59,63,64,65,67,73,80,91,102,103],self_addr:44,selfnorm:8,semant:[14,30,72,85],semat:30,send:[35,40,44,45,47,62,74,82,88,101,111,113,114,120],send_back_parameter_typ:38,sendbackparameterspars:38,sendbackparametertyp:38,sendparameterrequest:38,sendparameterrespons:38,sens:[75,84,101,108],sensit:8,sent:[30,40,44,45,82,88,92,115],sentenc:[2,8,14,54,71,72,91,99],sentence_input:91,sentiment:2,sentimental_provid:2,separ:[2,7,22,26,40,45,56,75,83,84,111,113,120],seper:91,seq:[8,14],seq_len:91,seq_pool:8,seq_silc:8,seq_text_print:7,seq_typ:[2,13],seqtext_evalu:7,seqtoseq:8,seqtoseq_net:8,sequel:2,sequenc:[2,5,7,8,9,11,13,14,22,23,32,33,44,50,54,58,64,73,78,91,101,102],sequence_group:8,sequence_nest_group:8,sequencesoftmaxop:22,sequencestartposit:8,sequencetextprint:7,sequencetyp:[2,8],sequenti:[8,33,44,99],seri:[9,96],serial:[2,29,33,39,67,76,82],serializ:[82,92],serv:[45,53,82,91,94,109,111,114],server:[30,34,38,41,42,45,55,74,82,93,102,112,119,128],server_endpoint:113,serverless:35,servic:[108,111,128],sess:[57,59,73],session:[59,73,79,109],set:[1,2,4,6,7,8,9,13,14,15,22,23,26,29,30,32,35,43,57,61,63,66,70,71,72,77,79,80,82,83,86,89,91,93,99,100,101,102,103,105,106,107,108,109,111,112,113,114,115,119,120,122,125,126],set_active_typ:102,set_attr:48,set_default_parameter_nam:6,set_drop_r:102,set_float_el:31,set_input:[8,48],set_output:48,set_siz:102,set_typ:[48,102],setdatatyp:87,setdefault:103,setp:114,setq:100,settup:102,setup:[2,45,75,85,102,103,128],sever:[2,7,8,31,38,45,47,57,71,72,74,76,77,80,87,89,91,93,111,112,114,122],sexstant:128,sgd:[24,29,30,35,43,47,75,76,87,110,111,113],sgd_optim:[110,113],sgdasync_count:119,shall:[32,34],shaoq:20,shape:[7,8,13,18,22,23,29,31,32,33,45,57,60,70,71,78,80,82,87,89,103,105,110,113],shard:[35,36,37,38,39,40,42,45,47,111,114],share:[8,22,34,57,69,76,80,82,84,89,91,100,103,109,120],shared_bia:9,shared_bias:8,shared_librari:34,shared_ptr:[66,68,69,86,89,105],shell:[94,114],shift:[8,22],shorten:8,shorter:15,should:[2,4,6,7,8,13,15,18,20,22,24,26,27,29,30,31,32,33,40,43,45,48,49,53,55,56,57,61,62,66,70,71,72,73,75,76,77,78,81,82,83,84,87,88,90,91,92,97,99,103,104,106,112,114,124],should_be_fals:30,should_be_tru:30,should_shuffl:2,show:[4,7,10,32,33,35,52,54,60,63,67,71,74,75,78,91,96,100,105,111,114,115,120],show_check_sparse_distribution_log:[119,120],show_layer_stat:[119,120],show_parameter_stats_period:[115,119,120,122],shown:[2,8,30,45,49,74,77,99,102,105,109,114],shrink:102,shrink_rnn_memori:22,shrunk:48,shuffl:[2,13,45,113],sid:114,side:[8,29,45,49,63,76,105,111],sig:114,sigint:112,sigmod:88,sigmod_op:88,sigmod_output:88,sigmoid:[8,23,33,88,91,102],sigmoidactiv:9,sign:[51,67,114],signal:112,signatur:114,signific:109,similar:[8,22,33,44,45,47,50,54,72,75,77,81,82,84,89,90,91,103,108,114,128],similarli:[8,13,54,63,103],simpl:[1,2,5,7,8,9,13,14,24,29,44,47,53,55,58,59,63,71,75,78,84,86,88,91,109,113,120],simple_attent:99,simple_gru:99,simple_lstm:8,simple_rnn:[8,99],simple_transform:15,simpler:76,simplest:114,simpli:[1,8,15,30,40,45,94,97,99,109],simplifi:[30,72,80,88,102,115],simul:[54,125],simultan:114,sinc:[8,9,35,39,41,42,45,46,54,61,63,66,70,75,80,81,83,84,91,105,109,113,114,125,128],sincer:101,singl:[2,7,9,13,22,32,35,45,47,49,53,62,74,82,86,93,97,102,108,111,115],singleton:[44,46],sinlg:29,sit:45,site:[34,108,114],situat:[32,79,90],size:[2,7,8,9,13,14,15,22,23,29,35,37,38,40,45,53,57,63,67,72,75,80,81,87,88,89,91,94,97,99,102,103,105,110,113,120,124,125,126],size_a:8,size_b:8,size_in_byt:66,size_t:[38,89,91,102],sizeof:33,skip:[32,81,101,112,114],slice:[22,44],sliceproject:8,slide:[8,10,14,35],slight:54,slightli:57,slope:[8,22],slopeinterceptlay:8,slow:[2,109],slowli:[100,108],small:[2,8,14,22,31,44,55,57,65,72,101,102,120],small_messag:[119,120],smaller:[22,31,35,53,72,101],smart:86,smooth:8,snap:115,snapdragon:53,snapshot:[36,42,114],snippet:[56,73,99,102,109,114],sock:43,sock_recv_buf_s:[119,120],sock_send_buf_s:[119,120],socket:120,soft:22,soft_label:22,softmax:[8,9,22,30,33,45,47,54,59,60,72,78,99,102],softmax_param_attr:9,softmax_selfnorm_alpha:8,softmaxoutput:59,softrelu:22,softwar:[2,53,77,109,128],solid:57,solut:[74,128],solv:[30,32,63,82],some:[2,6,8,13,15,29,30,32,33,34,38,39,40,42,43,45,47,48,53,55,56,57,58,62,63,66,70,71,72,73,78,79,80,81,82,83,86,89,90,91,101,102,103,104,105,109,111,114,119,120,122,124,125,126,128],some_c_api_funct:69,some_inst:69,some_op:[61,71,91],some_python_class:68,somecppclass:68,somedata:29,somegotyp:68,someth:[2,32,38,80,100,101,108],sometim:[8,77,81,100,109],somewhat:40,somewher:86,soon:35,sophist:102,sort:[8,14,22,91,108,114,120],sort_by_length:91,sourc:[8,14,31,34,52,54,57,65,67,69,72,81,82,99,100,108,111,114,115,125],source_dict_dim:[72,99],source_dict_s:72,source_language_word:[72,99],space:[7,8,47,53,80,84,99,100,109],space_seperated_tokens_from_dictionary_according_to_seq:7,space_seperated_tokens_from_dictionary_according_to_sub_seq:7,span:77,spars:[2,6,8,10,13,22,38,102,105,111,114,120],sparse_binary_vector:[2,13],sparse_binary_vector_sequ:13,sparse_float_vector:[2,13],sparse_float_vector_sequ:13,sparse_non_value_slot:13,sparse_remot:38,sparse_upd:[6,38],sparse_value_slot:13,sparseparam:102,sparseprefetchrowcpumatrix:102,spatial:8,spatial_scal:8,speak:99,spec:[114,115],specfii:120,special:[8,22,32,40,45,53,55,61,70,72,73,103],specialvartypeinfer:61,specif:[1,2,22,23,29,32,34,35,45,48,52,55,72,82,86,89,100,103,113,122,124],specifi:[1,2,7,8,18,22,30,31,38,39,40,43,44,45,46,48,49,50,52,57,67,77,80,86,88,91,94,99,100,101,102,105,106,108,114,120,124,125],speech:8,speed:[8,9,53,67,74,75,93,128],speedup:77,sphinx:[68,106],split:[2,8,13,23,42,44,46,54,60,72,82,91,111,114,122],split_count:[111,114],spread:32,sql:1,sqrt:20,sqrt_x:22,squar:[8,10,11,59],square_error_cost:[110,113],srand:120,src:[34,66,111],src_backward:99,src_embed:[72,99],src_forward:99,src_primitive_desc:66,src_root:4,src_word_id:[72,99],src_word_vec:72,sreializ:92,srl:14,ssd:8,ssh:[114,115,116,126],ssh_server:112,sstabl:30,stabil:[8,31,63,103],stabl:[85,114],stack:[22,50,82,91,114],stackexchang:8,stage:[34,41,46,57,63,66,92,112,124],stale:35,stamp:109,standalon:124,standard:[6,13,20,22,54,82,84,96,100,108],stanford:[14,31,115],star:34,start:[8,9,22,29,32,34,35,38,39,40,42,43,45,46,72,74,76,77,93,94,96,99,100,108,109,112,116,120,123],start_mpi_train:116,start_op_idx:32,start_pass:[119,120],start_po:8,start_pserv:120,startup:[22,35,43,54,114],startup_program:[18,22,24],stat:[109,120],state:[8,9,18,22,24,33,35,49,50,71,72,77,86,91,99,104,115,120],state_act:[8,9],statem:63,statement:[54,58,63,102,114],static_cast:[66,105],staticinput:[8,99],statist:[8,18,20,49,77,120],statset:109,statu:[43,72,109,114,115],status:115,std:[29,34,38,59,61,62,66,68,69,77,79,82,83,86,88,89,102,103,105,120],stdbuf:111,stderr:112,stdout:[13,112],step:[4,8,9,11,22,24,31,33,35,40,45,47,49,54,57,58,64,72,75,76,80,82,88,91,93,94,99,101,102,108,109,111,114,115,116,124,126,128],step_gradi:32,step_id:91,step_input:91,step_net:33,step_output:91,step_scop:82,stepnet:[33,71,82,86],still:[32,39,42,45,54,63,83,96,105],stirng:80,stmt1482205552000:114,stmt1482205746000:114,stochast:[10,35,39,42,75,111],stop:[8,80,100,112,115,120],stop_gradi:[22,80],storag:[51,53,111,114,115],store:[7,8,14,22,29,31,33,34,38,50,59,61,67,70,72,76,78,80,82,83,84,86,91,102,103,105,106,111,114,115,116,120,125,126],str:[15,18,22,29,32,43,91,122],straight:[78,81,87],straightforward:66,strategi:[2,11,35,80,120],stream:[13,45,66,77,89,104],stream_:89,streamid:26,street:8,strict:[81,111],stride:[8,9,22,66,70],stride_h:22,stride_i:8,stride_w:22,stride_x:8,string:[1,2,7,8,13,15,22,26,29,32,33,39,52,59,62,67,77,78,79,80,82,83,86,87,88,92,102,103,114,120],strip:108,strongli:111,struct:[39,40,51,53,61,62,69,70,77,83,88,90,104],structur:[32,33,39,54,57,67,72,78,80,82,87,112,114],sts:114,stuff:101,stun:2,style:[2,8,82,88,93],sub:[7,8,13,22,30,32,42,44,47,57,63,71,74,76,80,99,102,124],sub_block:32,sub_nest_seq:8,sub_sequ:[2,8],subclass:[24,80],subcommand:52,subgradi:10,subgraph:[47,57],submiss:45,submit:[66,82,106,111,114,119,120],subnet0:114,subnet:[30,114],subobjectpath:115,subscript:22,subsequ:[8,74],subsequenceinput:8,subset:[22,102],succ:63,succeed:[39,115],success:[8,40,114,115],successfulcr:115,successfulli:103,successor:120,sucess:63,sucessor:63,sudo:[100,114],suffer:31,suffici:120,suffix:[18,43,96,111],suggest:[8,34,101,109],suit:128,suitabl:[87,120],sum:[8,10,23,32,33,36,46,61,80,99,102],sum_op:32,sum_x:22,sume:22,summar:[57,77],summari:77,summat:22,sumopgradmak:83,sun:20,supercomput:63,suppli:[22,87],support:[6,7,8,10,11,13,15,22,23,31,33,35,42,43,44,45,47,54,56,57,63,66,67,70,72,75,76,77,79,81,82,83,84,87,90,93,94,96,97,99,100,102,103,105,106,109,111,114,120,124,125,126,128],support_inplac:63,suppos:[9,22,23,34,44,56,87,102],suppress:[8,52],sure:[22,93,100,102,108,113,114],surpass:[8,20],sutibal:89,svs:88,swagger:51,swig:[4,41,68,69,93,124,125],swig_paddl:4,switchop:33,sychron:74,symbol:[8,33,59,69,96],symbols_ready_:33,symbolt:[33,82],symlink:101,sync:[35,75,84,120],sync_with_cpp:108,syncflag:102,synchron:[35,39,66,74,77,111,114,120],syntax:[44,50,54,72,81],sysroot:124,system:[33,34,35,40,42,45,47,51,56,57,63,65,93,94,96,103,106,108,111,115,124],t_max:22,t_min:22,tab:96,tabl:[2,7,8,22,33,44,54,61,67,87,92,125],tablelookup:87,tablelookupgrad:87,tablelookupop:87,tableproject:8,tag:[7,14,85,94,99,111],tagtyp:7,tail:72,take:[2,4,7,8,9,13,22,29,30,32,33,34,35,42,44,45,48,50,53,55,57,58,60,61,63,66,70,75,78,79,80,81,82,83,89,90,91,93,99,100,101,102,103,104,108,109,111,113,114,115],taken:[2,8,48,59,63,70,91],talk:[40,55,126],tangl:108,tanh:[8,9,57,72,99,102],tanhactiv:9,tanhshrink:22,tar:[15,29,114],tarbal:114,target:[8,14,22,24,29,32,33,34,48,50,57,59,73,79,82,93,99,103,124,125,126],target_block:[32,48],target_dict_dim:99,target_dict_s:72,target_dictionary_dim:8,target_language_embed:8,target_language_word:99,target_link_librari:34,target_word:72,targetinlink:8,task:[2,7,8,45,67,72,77,88,99,113,122],task_queu:39,taskentri:39,taskqueu:39,tbd:[41,66],tcp:[114,120],tear:109,tech:113,technic:[32,35],techniqu:[63,99,102,108],technolog:[54,100],tee:115,tell:[35,39,40,72,88,94,109,124],templat:[56,66,88,89,103,104,105,115,128],tempor:8,temporari:[18,32,43,50,63,75,80],tempori:63,ten:100,tensor:[22,23,31,34,44,46,47,53,54,55,57,59,61,62,66,67,70,71,72,87,91,92,103,110],tensor_arrai:44,tensor_array_read:91,tensor_array_s:91,tensor_array_stack:91,tensor_array_unstack:91,tensor_array_writ:91,tensor_data:67,tensor_in:90,tensor_s:31,tensor_test:34,tensor_to_check:31,tensorarrai:46,tensorarraydesc:91,tensordesc:[67,87],tensorflow:[33,44,45,47,54,57,60,84,91,105],term:[8,9,22,35,83,84],termin:115,terminolog:63,tese:1,tessorarrai:91,test100:14,test10:14,test1:37,test:[1,2,8,13,14,15,29,30,31,34,59,69,75,81,85,97,100,105,109,110,111,116,119],test_:103,test_all_data_in_one_period:115,test_check_grad_ingore_i:103,test_check_grad_ingore_x:103,test_check_grad_norm:103,test_check_output:103,test_data_dir:111,test_fcgrad:102,test_gpuprofil:109,test_layergrad:102,test_list:2,test_mkldnn:65,test_mklpack:64,test_mul_op:[93,103],test_norm:103,test_pass:[119,120,122],test_period:[119,120,122],test_recurrent_op:101,test_wait:[119,120],testa:30,testb:30,testbilinearfwdbwd:109,testcas:103,testconfig:102,testfcgrad:102,testfclay:102,testlayergrad:102,testmodel_list:119,testmulop:103,testq:30,testresult:29,testsave_dir:119,testutil:102,text1:52,text:[1,2,7,9,13,22,30,67,71,77,114],text_fil:13,tflop:109,tftp:128,tgz:[14,96],than:[2,4,6,7,8,9,22,32,35,43,44,48,54,55,56,57,80,82,84,91,93,99,100,102,111,113,114,124,128],the_step:54,theano:54,thei:[2,8,18,20,22,27,30,32,34,35,40,42,44,47,48,52,54,57,58,62,63,72,73,77,80,82,88,91,92,99,100,101,102,103,105,109,111,113,114,119],them:[1,2,7,8,9,15,22,30,31,32,34,35,38,43,47,48,54,55,56,61,62,63,72,80,81,82,83,86,87,88,90,91,92,100,101,103,106,109,113,114,119,120],themselv:[32,34],theori:[54,109],therefor:[32,63,75],therein:[8,33],theta:57,theta_d:57,theta_g:57,thi:[1,2,6,7,8,9,10,13,14,15,18,20,21,22,23,24,26,27,29,30,31,32,33,34,35,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,56,57,58,59,62,63,66,70,71,72,73,74,75,76,77,78,80,81,82,83,84,87,88,89,90,91,94,96,97,99,100,101,102,103,104,105,106,108,109,110,111,113,114,115,120,122,124,125,126,128],thin:61,thing:[2,45,57,82,89,109],think:[30,34,113],third:[8,35,59,103,108,109,124,125,126],third_parti:[8,65,124,125,126],thirt:100,those:[8,33,34,35,56,58,59,60,78,124],though:[91,128],thought:[34,109],thread:[44,46,77,102,108,109,120,122],thread_count:46,thread_id:77,thread_id_:77,thread_local_rand_use_global_se:[119,120],thread_pool:46,threadblocks:26,threadid:122,threadloc:109,threadpool:44,three:[2,7,8,22,31,32,35,49,53,54,55,58,66,72,73,76,77,78,81,89,120,124],threshold:[6,7,8,22,35,39,48,101,120],thresholdedrelu:22,through:[4,8,23,32,34,35,39,41,49,63,73,75,99,102,103,106,109,110,111,125],throughout:50,throughput:[109,111],thrust:82,thu:[2,8,22,42,49,59,63,102,114],tier:115,time:[2,8,9,11,13,22,29,30,31,34,35,39,42,45,47,48,54,56,61,63,64,70,71,72,74,77,80,81,82,83,87,88,91,92,93,99,100,105,108,109,115,120,122,128],timelin:[8,77,82,109],timeo:114,timeout:[35,39],timeout_sec:13,timestamp:[8,36],timestep:[2,8,86],tip:[124,125],titan:63,titl:14,tls:51,tmp:80,to_chw:15,to_no_sequ:8,to_sequ:8,to_tar:29,todo:[7,13,14,33,35,39,42,72,88],toend:8,togeth:[2,8,9,13,29,32,91,99,113],token:[7,8,30,99],toler:[29,31,93,103],too:[14,31,44,48,66,90,91],took:128,tool:[77,93,96,99,100,108,113,114,124,126],toolchain:[108,124,125],top:[7,22,29,71,72,103],top_k:[7,22,72],top_level_rnn:71,topic:66,topk_generated_scor:72,topk_id:72,topk_indic:22,topk_out:22,topk_scor:72,toplevel:100,topolog:[30,35,45,59,63,67,76],topoloi:59,topolopi:29,torch:[33,54],toronto:14,total:[22,29,35,47,49,74,77,81,108,109,111,115,128],total_pass:81,tottim:108,toward:54,trace:[33,55,57],track:[35,39,59,80],tractabl:8,tradit:[8,33,53],traffic:45,trail:13,train100:14,train10:14,train:[0,1,2,4,6,7,8,13,14,15,20,32,33,37,39,40,42,44,48,49,50,54,55,57,58,63,64,67,74,75,76,77,78,79,80,82,84,87,89,92,99,102,107,109,117,118,119,125],train_config_dir:114,train_data:111,train_data_dir:111,train_id:114,train_list:[2,111],train_loop:54,train_read:[45,113],trainabl:[8,67,80],traindot_period:119,trainer:[2,4,30,36,37,38,39,41,45,47,55,64,65,75,76,82,102,112,113,120,122],trainer_config:[1,2,114,115],trainer_config_help:[2,102],trainer_count:[97,111,114,115,119,120,122],trainer_cpu:43,trainer_cr:43,trainer_gpu:43,trainer_id:[111,114,120],trainer_intern:38,trainer_mem:43,trainer_packag:43,trainer_prog:45,trainerid:42,training_rol:113,trainingjob:45,trainingtest_period:119,trainonebatch:38,tran:[66,102,120],trane:2,trans_var:90,transact:[35,39],transfer:[1,2,63,77],transform:[8,9,15,22,82,99,102,105],transform_param_attr:9,transformed_st:9,translat:[8,9,63],translation_id:72,translation_scor:72,transpar:[72,112],transpil:[44,113],transport:120,transpos:[8,15,102],transpose_i:22,transpose_x:22,transposedfullmatrixproject:8,travel:2,travers:[32,58,63],travi:101,treat:[8,22,33,40,63],treatment:[40,53],tree:[8,33,44,50,54,80,110,120,126],trg_dic_siz:72,trg_embed:[72,99],triain:1,trick:72,tricki:68,trigger:[42,76],trim:8,trivial:[2,72,91],true_block:[33,60,78],true_imag:81,true_label:81,true_neg:49,true_posit:49,true_read:81,truth:[7,8,22],tune:[6,107,108],tuninglog_barrier_abstract:119,tupl:[2,8,9,13,14,15,18,22,23,29,32,80,81],ture:8,turn:[8,22,80,81,94],tutori:[93,94,99,102,103,108,109,114,116,117,118,125],twice:[47,57,113],twine:85,two:[1,2,7,8,9,22,23,30,32,40,41,42,43,44,45,49,52,53,54,55,57,58,61,63,67,70,72,75,77,78,81,82,83,84,86,87,88,90,91,92,93,99,103,105,109,112,114,122,124,126],txt:[2,34,43,52,64,65,102,106,111,114,116],type:[2,7,8,9,11,13,14,15,18,22,23,24,29,30,32,33,35,38,39,42,43,45,51,52,53,55,61,62,66,67,68,69,71,72,78,79,80,81,82,83,84,87,88,89,90,92,97,99,100,102,104,105,111,114,115,120,122,125],type_nam:88,typedef:[40,53,68,69,70,89,104],typeerror:48,typeid:88,typenam:[56,88,89,103,104,105],typic:[4,7,45,109,125],ubuntu:[85,96,97,108],ubyt:81,uci:14,uci_h:[97,113],ufldl:[8,22],uid:115,uint16_t:53,uint32:[51,67],uint32_t:77,uint64:[67,68],uint64_t:68,unawar:40,unbalanc:120,unbound:[63,99],unclear:42,uncreat:32,under:[2,34,39,47,74,90,93,94,105,106,111,112,114],underli:[22,72],understand:[20,54,80,108,109,128],understand_senti:99,undeterminist:109,unidirect:8,unifi:[50,59,87,101],uniform:[6,8,13,20,37,57,80,81,120],uniform_random:80,uniniti:32,uninstal:93,uniqu:[30,33,35,42,43,66,70,80,86,103,111,113,114,120],unique_nam:80,unique_name_gener:80,unique_ptr:[83,86,89,102],unit:[8,9,22,23,34,75,77,84,89,93,99,100,105],unittest:[69,101,103],unittestcheckgrad_ep:119,unk:[87,92],unknown:[8,22],unless:[2,22],unlik:[8,22,72,103],unnecessari:[32,101],unordered_map:86,unpack:91,unrol:71,unseen:84,unseg:8,unsign:[40,53],unstack:91,unstack_from:91,unsupervis:57,unsupport:103,until:[35,40,46,47,54,63,86,113,114],unzip:124,updat:[6,8,10,22,24,32,35,39,40,45,51,53,57,71,72,73,74,75,76,86,91,96,102,108,111,120,122],update_equ:29,update_hook:6,update_memori:33,update_op:73,updatecallback:102,updatestack:114,upgrad:[74,93,96],upload:[35,43,51,85,111],upon:35,upper:8,upstream:101,uri:114,url:[13,14,101],usag:[1,2,7,8,9,15,29,53,60,63,76,80,103,109,111,125],use:[1,2,4,6,7,8,9,11,13,14,15,20,22,24,27,29,30,31,33,34,35,41,45,46,47,50,53,57,59,61,62,63,66,70,72,73,74,76,77,80,86,87,88,90,91,92,93,94,96,97,99,100,101,102,103,104,106,108,109,111,114,115,120,122,124,125,126],use_cpu:62,use_cudnn:[22,23,62],use_eigen_bla:124,use_eigen_for_bla:[124,125],use_etcd:29,use_global_stat:8,use_gpu:[97,111,115,119,120,122],use_mkl_pack:64,use_mkldnn:[8,62,65],use_nesterov:24,use_old_updat:[38,119,120],use_peephol:22,use_sparse_remote_updat:38,used:[1,2,4,7,8,9,10,11,13,14,15,20,22,26,29,30,31,33,34,35,41,42,45,48,50,53,54,57,59,63,71,72,75,76,77,80,81,82,84,86,88,89,90,91,93,96,99,100,102,103,105,108,109,114,119,120,122,124,125,126],useful:[1,2,8,9,31,53,63,80,86,90,99,102,122,124],usegpu:102,user:[1,2,6,8,9,13,14,15,18,20,22,24,26,27,29,30,31,32,33,34,37,39,42,43,44,45,46,47,48,49,50,52,56,57,58,59,61,62,66,70,72,73,74,75,77,80,81,82,83,84,86,88,89,90,91,94,101,104,106,108,111,114,119,120,124,128],user_info:14,user_nam:37,usercert:37,userinfo:14,userkei:37,usernam:37,uses:[2,8,35,42,44,45,53,63,70,71,72,76,77,89,90,93,96,99,100,101,102,105,106,111,114,120,124],using:[1,2,4,6,8,9,13,22,29,30,32,33,34,35,39,40,42,43,45,50,52,53,54,56,57,59,61,63,71,73,75,78,80,81,83,84,86,88,89,93,94,95,96,97,99,101,102,103,104,105,106,109,111,114,115,116,120,122,124,126],usr:[93,94,111,114,120],usual:[8,22,29,32,43,63,70,77,78,84,89,101,103,108,109,114,120,122],util:[4,45,64,65,74,99,102,103,104,109,128],uuid:[36,42],v7a:124,v8a:124,val:32,valid:[8,15,22,81,82,86,103,114,125],valu:[2,4,6,7,8,11,13,14,15,20,22,23,26,29,31,32,33,35,44,48,49,59,60,63,65,67,71,72,73,75,76,78,82,86,87,88,91,92,99,102,103,104,113,114,120,122,124,125],value1:120,value2:120,value_:87,value_evalu:7,value_rang:13,valueerror:[22,59],values_:91,vanilla:99,var_nam:[32,90],var_recurs:48,varabl:47,vardesc:[33,58,78,80,82,87],vardescbuild:33,vari:[109,114],variabl:[2,10,13,14,18,20,21,22,23,24,30,31,33,44,45,47,48,49,50,55,57,58,59,60,61,70,71,72,73,75,78,79,83,84,87,88,90,91,102,103,104,108,110,111,114,115,124,125],variablenamemap:103,varialbl:57,varianc:8,variant:[8,61,70,89,91,104],varibal:32,varibl:59,varienc:91,varient:91,variou:[33,53,63,84,124],varproto:88,vars_:[33,86],vartyp:[22,87,92],vartypeinfer:61,vec1:8,vec2:8,veclib:125,vecter:22,vector:[2,8,9,13,14,22,30,33,38,40,59,60,66,71,72,77,80,82,83,87,91,99,102,105],vectorenable_parallel_vector:119,veloc:24,vendor:34,verb:14,verbos:[52,101],veri:[2,8,11,34,39,44,47,50,54,56,57,63,66,72,76,81,84,86,89,91,99,108,109,112],verifi:[33,102,125],version:[2,8,9,32,34,43,45,48,52,55,57,59,60,67,72,85,93,94,97,100,102,108,109,111,113,114,115,119,120,124,125,126],versu:30,vertic:8,vgg:[9,23],via:[22,32,35,70,95,101,109,113,114,125,128],view:[8,67,70],vim:94,viriabl:111,virtual:[48,61,62,83,89,100,104],virtualenv:100,visibl:[42,86],visit:[29,32],visual:[8,72,109],vlog:[38,101],voila:97,volum:[106,115],volumemount:[114,115],volumn:114,vutbr:14,w_f:22,wai:[2,7,9,22,30,32,40,42,50,54,62,63,72,75,80,81,84,91,99,100,101,102,122],wait:[35,40,46,104,111,113,120],walk:[4,125],wangkuiyi:34,want:[2,8,30,43,44,49,57,62,70,75,77,79,81,84,86,89,90,91,93,94,100,101,102,106,108,111,120,122,124,126],warn:[29,52],warp:[8,109],warpctc:8,warranti:2,wast:74,watch:35,wbia:114,web:[106,108],websit:106,weight:[7,8,9,10,20,22,23,27,64,67,84,99,102,120,122],weight_act:9,weightlist:102,weights_:102,weights_primitive_desc:66,weights_t:102,welcom:34,well:[22,32,43,45,54,56,57,84,87,102,113,114,120],were:[7,34,54],west:114,wget:124,wgt:66,what:[6,8,34,54,57,72,80,88,90,103,108,128],whatev:[100,111],wheel:96,when:[1,2,6,7,8,10,13,18,22,29,31,32,33,34,35,38,39,40,43,44,45,47,48,49,50,52,53,54,55,59,72,74,75,76,77,78,80,82,89,91,93,95,99,100,101,102,103,105,106,108,109,111,114,115,120,122,124,125,128],whenev:[80,101],where:[2,8,9,10,20,22,23,30,32,33,35,42,44,45,54,55,58,70,71,72,75,78,82,84,89,91,99,102,103,108,109,110,120,122],wherea:[22,33,39,56,60,89,92],whether:[7,8,15,21,22,29,31,32,33,50,77,81,87,91,93,94,102,103,120,125],which:[1,2,4,6,7,8,9,13,14,15,22,23,29,30,31,32,33,34,35,37,39,40,42,43,44,45,46,48,50,53,54,55,56,57,59,61,63,66,67,70,71,72,73,74,76,78,79,80,81,82,83,86,87,88,90,91,92,93,96,99,100,101,102,103,104,105,108,109,111,112,113,114,120,122,124,125,128],while_grad:63,while_loop:[72,91],while_op:32,whileloop:91,whileop:33,whl:93,who:[32,56,58,74,80,101,113],whoever:40,whole:[2,7,13,32,57,60,63,68,69,71,74,79,88,101,111,114,115,128],whose:[2,8,13,22,31,32,35,42,48,71,82,83,88,91,99],why:[9,31,69,100],wide:[34,48,57,96,112,116],width:[7,8,13,15,22,38,68,81,102,103],wiki:[8,34],wikipedia:[8,14],wilder:2,window:[8,11,14,75,94,100,124],wirt:59,wise:[8,15,22,47,82,105],wish:[93,96,106,111,113],with_avx:[93,94,111,124,125],with_bia:88,with_c_api:[93,124,125,126],with_doc:93,with_doubl:[93,102,111],with_dso:93,with_golang:[93,124],with_gpu:[93,100,111,124,125],with_mkl:[64,65,93,124],with_mkldnn:65,with_mklml:65,with_profil:109,with_python:[93,111,124,125],with_rdma:[111,124,125],with_style_check:[93,101],with_swig_pi:[93,124,125],with_test:[93,103],with_tim:[109,111],within:[8,39,45,54,125],without:[2,7,8,24,32,35,40,77,80,81,82,103,108,111,116],wloop:91,wmt14:99,wmt_shrinked_data:14,won:[109,111],wonder:2,word2vec:[43,111],word:[2,7,8,14,32,47,58,61,63,71,72,82,88,91,99,104,111,122],word_dict:[111,116],word_id:2,word_idx:14,word_vector_dim:[8,72,99],words_freq_sort:14,work:[2,4,8,13,22,30,33,34,35,45,50,53,54,62,73,75,77,80,94,99,100,101,102,106,108,109,111,113,114,115,120,128],worker:[47,92,114],workercount:114,workflow:[82,114],workspac:[101,111,112,120],world:111,worth:110,would:[29,33,34,35,42,45,46,47,54,56,57,58,66,73,75,76,80,81,87,91,94,100,101,108,114,124,128],wouldn:[54,58],wrap:[54,56,57,74,128],wrapper:[9,34,56,74,75,83,91,109],write:[2,13,22,30,35,42,44,45,47,53,54,55,56,59,61,66,73,75,80,81,82,83,89,91,100,107,111,114],write_lock:36,write_to_arrai:63,writer:[30,80],written:[22,26,32,33,44,50,57,67,75,82,83,87,93,94,103,105,108,112],wrong:[2,81],wrote:[47,59],wsize:114,www:[2,14,22],x64:[124,126],x86:125,x86_64:[124,125],x_first_step:22,x_last_step:22,x_neg:31,x_num_col_dim:22,x_po:31,x_reshap:22,x_t:22,x_t_data:22,xarg:[7,94,102,116],xavier:20,xavieriniti:22,xcode:125,xcodebuild:125,xeon:104,xgbe0:120,xgbe1:120,xiangyu:20,xmap_read:13,xpu:54,xrang:[31,54,57,77,81,97,102],xx_layer:62,xxx:[30,91],xxxx:36,xxxxxxxxx:114,xxxxxxxxxx:114,xxxxxxxxxxxxx:114,xxxxxxxxxxxxxxxxxxx:114,y_dim:57,y_neg:31,y_num_col_dim:22,y_po:31,y_predict:[22,97,110,113],yaml:[34,112,114,116,128],yancey1989:43,yann:14,yapf:101,year:54,yeild:29,yep:[77,108],yet:[54,128],yield:[2,13,30,37,81],yoshua:20,you:[1,2,4,6,8,9,13,23,29,31,43,45,53,86,93,94,95,96,97,99,100,101,102,103,104,106,108,109,111,112,113,114,116,120,122,124,125,126,128],your:[2,8,13,29,30,34,38,43,52,82,93,95,96,100,101,102,106,109,111,112,114,122,124,125,126,128],your_access_key_id:114,your_secrete_access_kei:114,your_source_root:69,yourself:93,yuang:54,yuyang18:[13,14],yuyang:108,z_dim:57,z_size:57,zero:[2,6,8,9,10,13,14,18,31,32,35,57,72,76,80,87,102,114,120],zhang:20,zip:[14,80,124],zone:114,zxvf:114},titles:["API","Introduction","PyDataProvider2","API","Python Prediction","Activation","Parameter Attribute","Evaluators","Layers","Networks","Optimizer","Pooling","Data Reader Interface and DataSets","Data Reader Interface","Dataset","Image Interface","Fluid","DataFeeder","Evaluator","Executor","Initializer","IO","Layers","Nets","Optimizer","ParamAttr","Profiler","Regularizer","Model Configuration","Training and Inference","PaddlePaddle Design Doc","Auto Gradient Checker Design","Backward Building","Design Doc: Block and Scope","Required CMake Function","Design Doc: Distributed Training","\u6a21\u578b\u53c2\u6570\u68c0\u67e5\u70b9\uff08Checkpointing\uff09","\u8bad\u7ec3\u6570\u636e\u7684\u5b58\u50a8\u548c\u5206\u53d1","Alalysis of large model distributed training in Paddle","Design Doc: Master Server","Design Doc: The Client Library of Parameter Server","Design Doc: Remote Parameter Updater for Cluster Train","Design Doc: Save Model","Submit a Distributed Training Job","Design Doc: Concurrent Programming with Fluid","Design Doc: Distributed Training Architecture","Design Doc: Execute the Program with Multi CPU","Design Doc: Parameter Server","Error Clip","Evaluator Design","Executor Design Doc","FileManager\u8bbe\u8ba1\u6587\u6863","PFSClient","Design Doc: float16","Design Doc: PaddlePaddle Fluid","PaddlePaddle Fluid: Towards a Compiled Programming Language","Design Doc: Functions, Operators, and Layers","Design for GAN","Design Doc: Computations as a Graph","Survey on Graph","The IfElse Operator","Design Doc: InferVarType","Problem","Memory Optimization","Intel\u00ae MKL Packed on PaddlePaddle: Design Doc","Intel\u00ae MKL-DNN on PaddlePaddle: Design Doc","Design Doc: Add MKLDNN Kernel in Fluid Operator","Design Doc: Model Format","Paddle\u591a\u8bed\u8a00\u63a5\u53e3\u5b9e\u73b0","C-API \u6a21\u578b\u63a8\u65ad\u5b9e\u73b0\u6587\u6863","Design Doc: The Keys of Operator Kernel Type","RNNOp design","Design: Sequence Decoder Generating LoDTensors","Optimizer Design","Design Doc: NCCL support in Paddle Fluid","Averaging Parameter in PaddlePaddle","Design Doc: The C++ Class Parameters","Introduction","Design Doc: PaddlePaddle Programs","Prune","Design Doc: Python API","Python Data Reader Design Doc","Design Doc: Refactorization Overview","Design Doc: Gradient Operators Registration","Regularization in PaddlePaddle","PaddlePaddle\u53d1\u884c\u89c4\u8303","Design of Scope in Paddle","Design Doc: Selected Rows","Interaction between C++ and Python","Design Doc: Supporting new Device/Library","Background","Design for TensorArray","Background","Build from Sources","Run in Docker Containers","Install and Build","Install Using pip","GET STARTED","RNN Models","RNN Configuration","Build using Docker","Contribute Code","Write New Layers","How to write a new operator","Add Kernels for a New Device","How to use Eigen in Paddle","Contribute Documentation","HOW TO","Profiling the Python Code","Tune GPU Performance","PaddlePaddle Fluid Source Code Overview","Distributed Training","Cluster Training Using Fabric","Fluid Distributed Training","Distributed PaddlePaddle Training on AWS with Kubernetes","PaddlePaddle On Kubernetes","Cluster Training Using OpenMPI","<no title>","<no title>","Argument Outline","Detail Description","Set Command-line Parameters","Use Case","PaddlePaddle Documentation","Build PaddlePaddle for Android","Build PaddlePaddle for iOS","Build PaddlePaddle for Raspberry Pi","MOBILE","Cluster bootstrapping tool survey"],titleterms:{"\u4e0a\u4f20\u8bad\u7ec3\u6587\u4ef6":37,"\u4e0d\u4f7f\u7528":68,"\u4e0d\u4f7f\u7528swig\u8fd9\u79cd\u4ee3\u7801\u751f\u6210\u5668":68,"\u4e0d\u5bfc\u51fapaddle\u5185\u90e8\u7684\u7ed3\u6784\u4f53":68,"\u4e0d\u5f15\u7528\u5176\u4ed6\u52a8\u6001\u5e93":68,"\u4ec5\u4ec5\u4f7f\u7528void":68,"\u4ece\u5feb\u7167\u6062\u590d":36,"\u4f7f\u7528\u52a8\u6001\u5e93\u6765\u5206\u53d1paddl":68,"\u4f7f\u7528\u8f6c\u6362\u5e93":37,"\u5177\u4f53\u67d0\u79cd\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5177\u4f53\u67d0\u79cd\u7c7b\u578b\u7684\u5b9e\u73b0\u6587\u4ef6":69,"\u5206\u5757\u6587\u4ef6\u4f20\u8f93":51,"\u5206\u652f\u89c4\u8303":85,"\u52a0\u901f\u6267\u884c":36,"\u52a8\u6001\u5e93\u4e2d\u4e0d\u5d4c\u5165\u4efb\u4f55\u5176\u4ed6\u8bed\u8a00\u7684\u89e3\u91ca\u5668":68,"\u52a8\u6001\u6269\u5bb9":36,"\u539f\u56e0":68,"\u539f\u56e0\u5217\u8868":68,"\u53c2\u8003\u6587\u6863":51,"\u53d1\u5e03docker\u955c\u50cf":85,"\u53d1\u5e03wheel\u5305\u5230pypi":85,"\u540d\u8bcd\u89e3\u91ca":51,"\u57fa\u672c\u8981\u6c42":68,"\u5b9e\u73b0":68,"\u5b9e\u73b0\u65b9\u5f0f":69,"\u5bfc\u51fac":68,"\u5feb\u7167\u4fdd\u5b58\u7684\u8bbe\u8ba1\u5982\u4e0b":36,"\u6307\u9488\u4f5c\u4e3a\u7c7b\u578b\u7684\u53e5\u67c4":68,"\u63a8\u6d4b\u6267\u884c":36,"\u652f\u6301\u7528\u6237\u81ea\u5b9a\u4e49\u7684\u6570\u636e\u9884\u5904\u7406job":37,"\u6587\u4ef6\u4f20\u8f93\u4f18\u5316":51,"\u6587\u4ef6\u8bbf\u95ee\u65b9\u5f0f":37,"\u6587\u4ef6\u8bbf\u95ee\u7684\u6743\u9650":37,"\u6587\u4ef6\u9884\u5904\u7406":37,"\u66b4\u9732\u63a5\u53e3\u539f\u5219":69,"\u672f\u8bed":36,"\u67b6\u6784\u56fe":51,"\u6846\u67b6\u751f\u6210":51,"\u6982\u5ff5\u89e3\u91ca":37,"\u6a21\u5757":51,"\u6a21\u578b\u53c2\u6570\u68c0\u67e5\u70b9":36,"\u6a21\u578b\u63a8\u65ad\u5b9e\u73b0\u6587\u6863":69,"\u6d41\u7a0b\u4ecb\u7ecd":37,"\u751f\u6210sparse\u6587\u4ef6":51,"\u7528\u6237\u4f7f\u7528\u6d41\u7a0b":51,"\u76ee\u5f55\u7ed3\u6784":69,"\u76ee\u6807":51,"\u793a\u4f8b\u7a0b\u5e8f":37,"\u7b26\u53f7":68,"\u7c7b":68,"\u7f16\u8bd1\u9009\u9879":69,"\u7f29\u5bb9":36,"\u800c\u662f\u624b\u5199\u591a\u8bed\u8a00\u7ed1\u5b9a":68,"\u80cc\u666f":68,"\u8986\u76d6\u4e0d\u4e00\u81f4\u7684\u90e8\u5206":51,"\u8bad\u7ec3\u6570\u636e\u5b58\u50a8":37,"\u8bad\u7ec3\u6570\u636e\u7684\u5b58\u50a8\u548c\u5206\u53d1":37,"\u8f6c\u6362\u5e93":37,"\u8fd9\u4e2a\u52a8\u6001\u5e93\u4f7f\u7528c99\u6807\u51c6\u7684\u5934\u6587\u4ef6\u5bfc\u51fa\u4e00\u4e9b\u51fd\u6570":68,"\u8fdb\u884c\u8bad\u7ec3":37,"abstract":[45,46,47,74,128],"book\u4e2d\u6240\u6709\u7ae0\u8282":85,"case":[32,122],"class":[57,76,80,102],"filemanager\u8bbe\u8ba1\u6587\u6863":51,"final":62,"function":[34,56,57,80],"new":[89,102,103,104],"paddle\u52a8\u6001\u5e93\u4e2d":68,"paddle\u591a\u8bed\u8a00\u63a5\u53e3\u5b9e\u73b0":68,"paddlepaddle\u53d1\u884c\u89c4\u8303":85,"paddlepaddle\u56de\u5f52\u6d4b\u8bd5\u5217\u8868":85,"return":[80,81],"switch":[66,89],"tensor\u5230eigentensor\u7684\u8f6c\u6362":105,AWS:114,Abs:5,DNS:114,E2E:113,EFS:114,For:[34,115],KMS:114,Not:100,The:[33,40,44,50,54,57,58,60,61,70,73,76,82,83,126],Use:[33,78,106,111,115,122],Using:[34,40,96,112,116,124],With:43,about:57,abs:22,absolut:72,access:114,account:114,accuraci:22,action:[64,65],activ:[5,8,65],adadelta:10,adagrad:10,adagradoptim:24,adam:10,adamax:10,adamaxoptim:24,adamoptim:24,add:[63,66,104,114],address:114,addto:8,advanc:89,aggreg:8,aggregatelevel:8,alalysi:38,algorithm:[31,35,45,71,79],all:[86,91],analog:44,analysi:[45,63],android:124,api:[0,3,45,64,65,69,73,75,80,84,88],appendix:128,applic:3,approach:109,arbitrari:54,architectur:[45,77,99],argument:[52,81,111,119,122,124,126],arrai:31,array_length:22,array_read:22,array_to_lod_tensor:22,array_writ:22,asset:114,assign:22,associ:[86,114],assumpt:128,async:120,attent:99,attribut:[6,63,84],auc:7,auto:31,averag:75,avg:11,aws:114,backgraound:31,background:[47,64,89,90,91,92,103,104],backward:[32,54,58,82,103],base:[43,72],basepool:11,basic:[63,89,128],batch:81,batch_norm:[8,22],batch_siz:81,beam:72,beam_search:8,beam_search_decod:22,benchmark:[64,65],benefit:[47,82],between:[30,80,82,88,89],bidirectional_gru:9,bidirectional_lstm:9,bilinear_interp:8,binari:33,bind:103,bla:93,block:[33,55,57,58,78,80,82],block_expand:8,blockdesc:78,book:94,bool:93,bootstrap:128,bottleneck:108,brelu:[5,22],bring:128,bucket:114,build:[32,57,82,93,95,100,106,115,124,125,126],built:109,cach:2,can:86,capi:69,capi_priv:69,cast:22,ceil:22,challeng:[32,47,79],chang:72,check:[8,31,102,112],checker:31,checkpoint:[35,36,42],choic:62,choos:[34,114],chunk:7,cifar:14,classif:7,classification_error:7,classification_error_print:7,client:40,clip:[8,48],close:31,cloudform:114,cluster:[41,111,112,113,114,116,122,128],cmake:[34,64,65,126],code:[43,55,80,101,108,110],column_sum:7,command:[111,121,122],commit:115,common:120,commun:120,compar:128,comparis:80,compat:54,compil:[33,53,55,78,82,93,103,110,124,125,126],complet:54,compos:81,comput:[33,58,66,82,84,105],con:128,concat:[8,22],concept:[80,82,114],concern:65,conclus:[42,59,128],concurr:44,condit:57,config:[3,122],configur:[28,99,107,114,125],conll05:14,connect:8,constantiniti:20,construct:58,contain:[94,115],content:[64,65,69,109,114],context:104,context_project:8,contribut:[101,106],control:[63,82],contruct:63,conv2d:22,conv2d_transpos:22,conv:8,conv_oper:8,conv_project:8,conv_shift:8,convert:42,core:[31,80,114],corner:32,cos_sim:[8,22],cost:8,cpu:[46,122],creat:[32,81,82,86,114,115],create_arrai:22,creation:[39,75,84],creator:81,credenti:114,crf:8,crf_decod:8,cross:[124,125,126],cross_channel_norm:8,cross_entropi:22,cross_entropy_cost:8,cross_entropy_with_selfnorm_cost:8,ctc:8,ctc_error:7,cuda:[53,93],cudnn:93,cudnnavg:11,cudnnmax:11,current:[53,83],custom:81,data:[8,12,13,22,35,45,81,90,114,115],datafeed:[13,17],dataflow:63,dataprovid:[2,3,120],dataset:[12,14,35,39,111],datatyp:[13,70],decayedadagrad:10,decayedadagradoptim:24,decod:72,decor:81,deep:[33,54],defin:[103,114],definit:92,delet:114,demo:[57,113,114],dens:42,dep:96,depend:[57,93,96],deploi:43,deriv:102,describ:[54,73],descript:[52,82,120],design:[30,31,33,35,39,40,41,42,44,45,46,47,49,50,53,54,56,57,58,61,64,65,66,67,70,71,72,73,74,76,78,80,81,82,83,86,87,89,91],destroi:[86,114],detail:[38,120],detect:[7,8],detection_map:7,detection_output:8,develop:[82,100,107],devic:[89,104,122],devicecontext:89,dictionari:81,differ:[82,89,111,122],directori:114,discrimin:57,discuss:[47,57],dispatch:[35,39],distribut:[30,35,38,43,45,47,111,113,114,120],dnn:65,doc:[30,33,35,39,40,41,42,44,45,46,47,50,53,54,56,58,61,64,65,66,67,70,74,76,78,80,81,82,83,87,89],docker:[43,94,100,115,124],document:[106,123],doe:81,dot_prod:8,dot_product_attent:[9,23],dotmul_oper:8,dotmul_project:8,down:114,download:[114,115],dropout:[8,22],dure:[72,81],dylib:69,dynam:[35,91],dynamic_lstm:22,dynet:59,each:96,ec2:114,eigen:105,elast:114,elect:42,elementwise_add:22,elementwise_div:22,elementwise_mul:22,elementwise_sub:22,els:33,elu:22,embed:[8,22],engin:57,enough:31,entri:81,environ:[43,124],eos:8,equat:102,error:48,evalu:[7,18,49],event:[29,30,77],evolut:54,examin:108,exampl:[30,34,44,60,69],execut:[33,46,54,78,82],executor:[19,50],exp:[5,22],expand:8,expandlevel:8,explain:31,extern:114,fabric:112,factor:8,factorization_machin:8,faq:[95,96],fault:35,file:[33,108,114,115],fill_const:22,fill_constant_batch_size_lik:22,find:114,first_seq:8,float16:53,floor:22,flow:63,fluid:[16,44,54,55,66,74,110,113],format:[33,35,67],forward:[58,103],frame:33,framework:[31,104,105],from:[30,42,88,93,95],full_matrix_project:8,fulli:8,functor:89,futur:54,gan:57,gate:99,gated_unit:8,gener:[55,57,72,99,100,108,128],get:[97,113,115],get_output:8,give:81,global:[78,80],glu:23,gotcha:100,gpu:[94,109,120,122],grad_op:32,gradient:[31,32,40,65,83,102],gradient_print:7,graident:31,graph:[58,59,63,82,84],group:[8,114],gru:[9,120],gru_group:9,gru_step:8,gru_unit:[9,22],grumemori:8,hand:109,handler:[30,68],happen:42,hard_shrink:22,hard_sigmoid:22,hardwar:53,have:113,helper:80,hierarchi:33,high:[73,75,84,88],how:[31,38,75,81,82,89,93,103,105,106,107,109],hsigmoid:8,huber_classification_cost:8,huber_regression_cost:8,iOS:125,iam:114,ident:5,identifi:108,identity_project:8,ifels:60,ifelseop:33,imag:[8,9,15,43,94,115,124],imdb:14,img_cmrnorm:8,img_conv:8,img_conv_bn_pool:9,img_conv_group:[9,23],img_pool:8,imikolov:14,implement:[31,32,34,38,46,48,49,53,67,71,74,75,80,81,82,83,84,102,103,104,105],increment:22,infer:[29,124],infershap:[78,87],infervartyp:61,ingredi:30,ingress:51,init_hook:2,initi:[20,40,57,114,122],input_typ:2,insid:86,inspect:114,instal:[95,96,97,113,114,124,125,126,128],instanc:114,instead:81,integr:[89,114],intel:[64,65],interact:88,interfac:[12,13,15,31,35,40,41,50,73,81,86],intermedi:82,interpol:8,introduc:[72,91,113],introduct:[1,77,84,111,113],is_paramet:21,isn:81,issu:53,job:[35,43,112,114,115,116],join:8,kei:[64,70,114],kernel:[66,70,82,104],kill:112,kmax_sequence_scor:8,kube:114,kubectl:114,kubernet:[43,114,115],l1decayregular:27,l2_distanc:8,l2_normal:22,l2decayregular:27,lambda_cost:8,languag:[33,55],larg:38,last_seq:8,launch:[94,112,116],layer:[8,22,30,56,64,65,80,102,122],layout:70,leaky_relu:22,learn:[33,54],learnabl:8,less_than:22,leval:88,level:[73,75,84,88],libpaddle_capi_shar:69,libpaddle_capi_whol:69,librari:[40,53,70,82,89,124],limit:45,line:[111,121],linear:5,linear_chain_crf:22,linear_comb:8,linux:[112,124],list:[36,81],live:63,local:[45,86,114,122],lod:72,lod_rank_t:22,lod_tensor_to_arrai:22,lodtensor:[71,72,91],lodtensordesc:92,log:[5,22,101],logic:39,logsigmoid:22,look:108,low:[75,84,88],lstm:[9,120],lstm_step:8,lstm_unit:22,lstmemori:8,lstmemory_group:9,lstmemory_unit:9,machin:[8,72],macro:82,main:57,make:63,manag:[34,111],map:[81,82],master:[35,39,43,44],math:[8,89],mathemat:31,matmul:22,matrix:[65,120],max:11,max_sequence_len:22,maxframe_print:7,maxid:8,maxid_print:7,maxout:8,mean:22,member:57,memori:[8,63,71,89],merge_lod_tensor:22,messag:88,method:72,might:57,migrat:82,mileston:82,mini:81,minibatch:13,misc:8,mix:[8,122],mkl:[64,65],mkldnn:66,mkldnn_helper:66,mkldnndevicecontext:66,mnist:14,mobil:127,model:[2,3,28,30,38,40,42,54,57,67,72,98,99,112,122],modifi:115,modul:[82,89,105],momentum:10,momentumoptim:24,more:57,motiv:[32,50,67,74,79],movielen:14,msrainiti:20,mul:22,multi:[46,55],multi_binary_label_cross_entropy_cost:8,multibox_loss:8,multipl:81,multiplex:8,mxnet:59,name:[86,114],nativ:55,nccl:74,nce:8,necess:80,necessari:82,need:[81,100,109],nest:71,net:23,network:[9,82,99,122],neural:99,nlp:[9,120],non:[2,113],norm:[8,84],normaliniti:20,note:31,numer:31,numpi:31,nvprof:109,nvvp:109,object:35,offset:72,ones:22,onli:[81,86],op_mak:82,openmpi:116,oper:[56,60,63,66,70,75,78,80,82,83,87,91,103],opinfomap:82,opkernel:[82,89,103,104],opproto:88,ops:84,optim:[10,24,35,40,58,63,73,80,107],option:[52,93],opwithkernel:82,order:52,org:106,origin:82,orthogon:86,other:65,out_prod:8,outlin:119,output:[8,112,114],overview:[42,48,50,64,65,82,86,110],pack:[64,72],packag:[34,96],pad:8,paddl:[38,74,81,86,105],paddlejob:43,paddlepaddl:[30,33,54,55,64,65,75,78,84,85,93,94,96,106,110,113,114,115,123,124,125,126],pair:114,paradigm:54,parallel_nn:122,paramattr:25,paramet:[6,8,29,30,35,40,41,43,47,65,75,76,80,84,111,113,114,120,121],parameteraverageoptim:75,parent:86,part:58,partit:40,pass:[93,122],path:[42,52],penalti:84,perform:[75,108,109,120],persist:39,pfsclient:[51,52],pfsserver:51,pip:96,place:[63,70,89,104],placement:45,platform:111,pnpair:7,point:[64,114],polici:63,pool2d:22,pool:[8,11],pose:[61,83],potenti:62,pow:22,power:8,precision_recal:7,predict:4,prefetch:81,prelu:8,prepar:[111,112,113,114,116,125],principl:66,print:7,privat:114,pro:128,problem:[49,61,62,63,70,73,83,90],procedur:128,process:[35,40,43,73,82,100],profil:[26,108,109],program:[33,44,46,54,55,78,80,94,111,113],programdesc:[55,78],project:34,propos:[61,83,84],protobuf:87,protomak:103,provid:[2,81],prune:79,pserver:42,pull:94,pydataprovider2:2,python:[4,31,43,45,64,65,71,73,75,80,81,84,88,92,102,103,108],qualiti:82,queue:[35,39],quick:97,randomnumb:120,rank:7,rank_cost:8,raspberri:126,reader:[12,13,30,81],readi:113,realiz:82,reciproc:22,recoveri:35,recurr:[8,9,99],recurrent_group:8,reduce_max:22,reduce_mean:22,reduce_min:22,reduce_sum:22,ref:31,refactor:82,refer:[2,45,47,63,64,65,109],region:114,regist:[61,82,88,103,104],registr:[82,83],registri:82,regular:[27,40,84],rel:72,relat:[82,91],relu6:22,relu:[5,22],remark:103,remot:41,remoteexecutor:45,render:114,repeat:8,represent:[33,82],requir:[34,57],reshap:[8,22],resiz:8,result:[112,115],retri:39,reus:80,review:101,rmsprop:10,rnn:[71,91,98,99,120],rnnop:[33,71,82],roi_pool:8,rotat:8,round:22,route53:114,row:87,row_conv:8,row_l2_norm:8,run:[50,93,94,103,110,115],runtim:[43,96],sampl:8,sampling_id:8,save:42,scale:[8,22,35],scale_shift:8,scaling_project:8,scope:[33,71,82,86],script:[113,115],search:72,secur:114,select:[40,87],selectedrow:87,selective_fc:8,sentiment:14,separ:82,seq_concat:8,seq_reshap:8,seq_slic:8,seqtext_print:7,sequenc:[72,99],sequence_conv:22,sequence_conv_pool:[9,23],sequence_expand:22,sequence_first_step:22,sequence_last_step:22,sequence_pool:22,sequence_reshap:22,sequence_softmax:22,sequencesoftmax:5,sequenti:2,server:[35,39,40,43,47,111,113,114,120],servic:114,set:121,setup:[114,124],sextant:128,sgd:120,sgdoptim:24,shape:72,share:[30,32,63,86],should:86,shrink_memori:22,shuffl:81,sigmoid:[5,22],sigmoid_cross_entropy_with_logit:22,simpl:[72,99],simple_attent:9,simple_gru2:9,simple_gru:9,simple_img_conv_pool:[9,23],simple_lstm:9,singl:81,slice:[8,113],slice_project:8,slope_intercept:8,small_vgg:9,smooth_l1_cost:8,soft_relu:22,softmax:5,softplu:22,softrelu:5,softshrink:22,softsign:[5,22],solut:[61,62,63,64,70,79,83,90],some:100,sourc:[93,95,110],spars:[40,41,42,87,122],specifi:122,split:22,split_lod_tensor:22,spp:8,sqrt:22,squar:[5,22],square_error_cost:[8,22],squarerootn:11,stack:33,standard:101,stanh:5,start:[30,97,111,114,115],startup:115,statement:49,step:[71,95],storag:84,store:35,strategi:63,style:101,sub_nested_seq:8,sub_seq:8,subcommond:52,submit:43,suffici:81,suitabl:34,sulut:66,sum:[7,11,22],sum_cost:8,sum_to_one_norm:8,summar:[30,44],summari:67,support:[53,74,89,91],survei:[53,59,84,128],swish:22,synopsi:52,system:[54,114],tabl:69,table_project:8,tanh:[5,22],tanh_shrink:22,task:[35,39],tear:114,tecton:128,templat:114,tensor:[8,82,89,105],tensorarrai:[72,91],tensordesc:92,tensorflow:59,test:[64,65,66,93,101,102,103,120,122],text_conv_pool:9,theori:31,thi:86,think:57,three:91,thresholded_relu:22,time:110,timelin:42,timer:109,tip:109,todo:[36,37,46],togeth:86,toler:35,tool:[34,106,109,111,128],toolchain:126,topic:89,topk:22,toward:55,train:[29,30,35,38,41,43,45,73,81,94,111,112,113,114,115,116,120,122],trainer:[29,35,40,42,43,111,114],tran:8,trans_full_matrix_project:8,transform:90,translat:72,transpil:[45,46,47,55,63,74],transpos:22,tune:[109,120],ture:54,two:31,type:[70,93,103],uci_h:14,uniform:91,uniforminiti:20,unit:[64,65,66,101,102,103,120],unpack:72,updat:[30,41,42,106,113,114],usag:[32,48,71,72,81,105,107],use:[38,81,105],user:35,using:100,util:7,valu:80,value_print:7,vardesc:92,variabl:[32,63,80,82,86,92],vector:120,verifi:114,version:[44,53,96],vgg_16_network:9,volum:114,vpc:114,warp_ctc:8,weightdecayregular:27,what:[38,42,100,109],when:[42,86],whl:96,why:[53,54,75,81,82,91,109],wmt14:14,worker:44,workflow:101,wrapper:102,write:[101,102,103,104,106],www:106,xavieriniti:20,yaml:115,your:[94,104,113],zero:22}}) \ No newline at end of file +Search.setIndex({docnames:["api/index_en","api/v1/data_provider/dataprovider_en","api/v1/data_provider/pydataprovider2_en","api/v1/index_en","api/v1/predict/swig_py_paddle_en","api/v2/config/activation","api/v2/config/attr","api/v2/config/evaluators","api/v2/config/layer","api/v2/config/networks","api/v2/config/optimizer","api/v2/config/pooling","api/v2/data","api/v2/data/data_reader","api/v2/data/dataset","api/v2/data/image","api/v2/fluid","api/v2/fluid/data_feeder","api/v2/fluid/evaluator","api/v2/fluid/executor","api/v2/fluid/initializer","api/v2/fluid/io","api/v2/fluid/layers","api/v2/fluid/nets","api/v2/fluid/optimizer","api/v2/fluid/param_attr","api/v2/fluid/profiler","api/v2/fluid/regularizer","api/v2/model_configs","api/v2/run_logic","design/api","design/auto_gradient_check","design/backward","design/block","design/build_system/README","design/cluster_train/README","design/cluster_train/checkpointing","design/cluster_train/data_dispatch","design/cluster_train/large_model_dist_train","design/cluster_train/master_server","design/cluster_train/pserver_client","design/cluster_train/remote_parameter_updater","design/cluster_train/save_model","design/cluster_train/submit-job","design/concurrent_programming","design/dist_refactor/distributed_architecture","design/dist_refactor/multi_cpu","design/dist_refactor/parameter_server","design/error_clip","design/evaluator","design/executor","design/file_manager/README","design/file_manager/pfs/pfsclient","design/float16","design/fluid","design/fluid_compiler","design/functions_operators_layers","design/gan_api","design/graph","design/graph_survey","design/if_else_op","design/infer_var_type","design/kernel_hint_design","design/memory_optimization","design/mkl/mkl_packed","design/mkl/mkldnn","design/mkl/mkldnn_fluid","design/model_format","design/multi_language_interface/00.why_plain_c","design/multi_language_interface/01.inference_implementation","design/operator_kernel_type","design/ops/rnn","design/ops/sequence_decoder","design/optimizer","design/paddle_nccl","design/parameter_average","design/parameters_in_cpp","design/profiler","design/program","design/prune","design/python_api","design/reader/README","design/refactorization","design/register_grad_op","design/regularization","design/releasing_process","design/scope","design/selected_rows","design/simple_op_design","design/support_new_device","design/switch_kernel","design/tensor_array","design/var_desc","getstarted/build_and_install/build_from_source_en","getstarted/build_and_install/docker_install_en","getstarted/build_and_install/index_en","getstarted/build_and_install/pip_install_en","getstarted/index_en","howto/deep_model/rnn/index_en","howto/deep_model/rnn/rnn_config_en","howto/dev/build_en","howto/dev/contribute_to_paddle_en","howto/dev/new_layer_en","howto/dev/new_op_en","howto/dev/new_op_kernel_en","howto/dev/use_eigen_en","howto/dev/write_docs_en","howto/index_en","howto/optimization/cpu_profiling","howto/optimization/gpu_profiling_en","howto/read_source","howto/usage/cluster/cluster_train_en","howto/usage/cluster/fabric_en","howto/usage/cluster/fluid_cluster_train_en","howto/usage/cluster/k8s_aws_en","howto/usage/cluster/k8s_en","howto/usage/cluster/openmpi_en","howto/usage/cluster/src/k8s_data/README","howto/usage/cluster/src/k8s_train/README","howto/usage/cmd_parameter/arguments_en","howto/usage/cmd_parameter/detail_introduction_en","howto/usage/cmd_parameter/index_en","howto/usage/cmd_parameter/use_case_en","index_en","mobile/cross_compiling_for_android_en","mobile/cross_compiling_for_ios_en","mobile/cross_compiling_for_raspberry_en","mobile/index_en","survey/cluster_bootstrapping_tools"],envversion:50,filenames:["api/index_en.rst","api/v1/data_provider/dataprovider_en.rst","api/v1/data_provider/pydataprovider2_en.rst","api/v1/index_en.rst","api/v1/predict/swig_py_paddle_en.rst","api/v2/config/activation.rst","api/v2/config/attr.rst","api/v2/config/evaluators.rst","api/v2/config/layer.rst","api/v2/config/networks.rst","api/v2/config/optimizer.rst","api/v2/config/pooling.rst","api/v2/data.rst","api/v2/data/data_reader.rst","api/v2/data/dataset.rst","api/v2/data/image.rst","api/v2/fluid.rst","api/v2/fluid/data_feeder.rst","api/v2/fluid/evaluator.rst","api/v2/fluid/executor.rst","api/v2/fluid/initializer.rst","api/v2/fluid/io.rst","api/v2/fluid/layers.rst","api/v2/fluid/nets.rst","api/v2/fluid/optimizer.rst","api/v2/fluid/param_attr.rst","api/v2/fluid/profiler.rst","api/v2/fluid/regularizer.rst","api/v2/model_configs.rst","api/v2/run_logic.rst","design/api.md","design/auto_gradient_check.md","design/backward.md","design/block.md","design/build_system/README.md","design/cluster_train/README.md","design/cluster_train/checkpointing.md","design/cluster_train/data_dispatch.md","design/cluster_train/large_model_dist_train.md","design/cluster_train/master_server.md","design/cluster_train/pserver_client.md","design/cluster_train/remote_parameter_updater.md","design/cluster_train/save_model.md","design/cluster_train/submit-job.md","design/concurrent_programming.md","design/dist_refactor/distributed_architecture.md","design/dist_refactor/multi_cpu.md","design/dist_refactor/parameter_server.md","design/error_clip.md","design/evaluator.md","design/executor.md","design/file_manager/README.md","design/file_manager/pfs/pfsclient.md","design/float16.md","design/fluid.md","design/fluid_compiler.md","design/functions_operators_layers.md","design/gan_api.md","design/graph.md","design/graph_survey.md","design/if_else_op.md","design/infer_var_type.md","design/kernel_hint_design.md","design/memory_optimization.md","design/mkl/mkl_packed.md","design/mkl/mkldnn.md","design/mkl/mkldnn_fluid.md","design/model_format.md","design/multi_language_interface/00.why_plain_c.md","design/multi_language_interface/01.inference_implementation.md","design/operator_kernel_type.md","design/ops/rnn.md","design/ops/sequence_decoder.md","design/optimizer.md","design/paddle_nccl.md","design/parameter_average.md","design/parameters_in_cpp.md","design/profiler.md","design/program.md","design/prune.md","design/python_api.md","design/reader/README.md","design/refactorization.md","design/register_grad_op.md","design/regularization.md","design/releasing_process.md","design/scope.md","design/selected_rows.md","design/simple_op_design.md","design/support_new_device.md","design/switch_kernel.md","design/tensor_array.md","design/var_desc.md","getstarted/build_and_install/build_from_source_en.rst","getstarted/build_and_install/docker_install_en.rst","getstarted/build_and_install/index_en.rst","getstarted/build_and_install/pip_install_en.rst","getstarted/index_en.rst","howto/deep_model/rnn/index_en.rst","howto/deep_model/rnn/rnn_config_en.rst","howto/dev/build_en.md","howto/dev/contribute_to_paddle_en.md","howto/dev/new_layer_en.rst","howto/dev/new_op_en.md","howto/dev/new_op_kernel_en.md","howto/dev/use_eigen_en.md","howto/dev/write_docs_en.rst","howto/index_en.rst","howto/optimization/cpu_profiling.md","howto/optimization/gpu_profiling_en.rst","howto/read_source.md","howto/usage/cluster/cluster_train_en.md","howto/usage/cluster/fabric_en.md","howto/usage/cluster/fluid_cluster_train_en.md","howto/usage/cluster/k8s_aws_en.md","howto/usage/cluster/k8s_en.md","howto/usage/cluster/openmpi_en.md","howto/usage/cluster/src/k8s_data/README.md","howto/usage/cluster/src/k8s_train/README.md","howto/usage/cmd_parameter/arguments_en.md","howto/usage/cmd_parameter/detail_introduction_en.md","howto/usage/cmd_parameter/index_en.rst","howto/usage/cmd_parameter/use_case_en.md","index_en.rst","mobile/cross_compiling_for_android_en.md","mobile/cross_compiling_for_ios_en.md","mobile/cross_compiling_for_raspberry_en.md","mobile/index_en.rst","survey/cluster_bootstrapping_tools.md"],objects:{"paddle.trainer.PyDataProvider2":{provider:[2,0,1,""]},"paddle.v2":{image:[15,1,0,"-"]},"paddle.v2.image":{batch_images_from_tar:[15,0,1,""],center_crop:[15,0,1,""],left_right_flip:[15,0,1,""],load_and_transform:[15,0,1,""],load_image:[15,0,1,""],load_image_bytes:[15,0,1,""],random_crop:[15,0,1,""],resize_short:[15,0,1,""],simple_transform:[15,0,1,""],to_chw:[15,0,1,""]}},objnames:{"0":["py","function","Python function"],"1":["py","module","Python module"]},objtypes:{"0":"py:function","1":"py:module"},terms:{"00186201e":4,"00m":109,"03m":109,"0424m":109,"0473v3":9,"055ee37d":114,"0630u":109,"06u":109,"0810u":109,"08823112e":4,"0957m":109,"0_cudnn5":93,"0_cudnn5_avx_mkl":[94,96],"0_cudnn7_avx_mkl":96,"0ab":8,"0rc":111,"0rc1":85,"0rc2":85,"0x10f256d50":59,"0x7ffe4de00110":59,"100gb":109,"100gi":114,"10g":43,"10m":109,"1150u":109,"11\u5b9e\u73b0\u4e86c":69,"11e6":115,"12194102e":4,"124n":109,"12gb":63,"13m":115,"1490u":109,"15501715e":4,"1550u":109,"16u":109,"173n":109,"1770u":109,"18ad":114,"18e457ce3d362ff5f3febf8e7f85ffec852f70f3b629add10aed84f930a68750":115,"197u":109,"1gb":109,"210u":109,"211839e770f7b538e2d8":9,"215n":109,"228u":109,"2520u":109,"25639710e":4,"2680u":109,"27787406e":4,"279n":109,"27m":109,"285m":109,"2863m":109,"28m":109,"28x28":2,"2977m":109,"2cbf7385":114,"302n":109,"30u":109,"32777140e":4,"328n":109,"32u":109,"32x32":14,"331n":109,"3320u":109,"36540484e":4,"365e":114,"36u":109,"3710m":109,"3768m":109,"387u":109,"38u":109,"3920u":109,"39u":109,"3rd":125,"4035m":109,"4090u":109,"4096mb":120,"4279m":109,"43630644e":4,"43u":109,"448a5b355b84":115,"4560u":109,"4563m":109,"45u":109,"4650u":109,"4726m":109,"473m":115,"48565123e":4,"48684503e":4,"49316648e":4,"4gb":120,"50bd":114,"50gi":114,"51111044e":4,"514u":109,"525n":109,"526u":109,"53018653e":4,"536u":109,"5460u":109,"5470u":109,"54u":109,"5690m":109,"573u":109,"578n":109,"5798m":109,"586u":109,"58s":115,"5969m":109,"5_cudnn5_avx_mkl":96,"5_cudnn5_avx_openbla":[96,97],"6080u":109,"6140u":109,"6305m":109,"639u":109,"64m":67,"655u":109,"6780u":109,"6810u":109,"682u":109,"6970u":109,"6ce9":114,"704u":109,"70634608e":4,"7090u":109,"72296313e":4,"72u":109,"73u":109,"75u":109,"760u":109,"767u":109,"783n":109,"784u":109,"78m":109,"7eamaa":14,"7kb":115,"8250u":109,"8300u":109,"830n":109,"849m":109,"85625684e":4,"861u":109,"8661m":109,"892m":109,"901n":109,"90u":109,"918u":109,"9247m":109,"924n":109,"9261m":109,"93137714e":4,"9330m":109,"94u":109,"9530m":109,"96644767e":4,"983m":109,"988u":109,"997u":109,"99982715e":4,"99u":109,"9a235":125,"9f18":115,"\u4e00\u4e2a\u5178\u578b\u7684chunk\u5982\u4e0b\u6240\u793a":51,"\u4e00\u4e2a\u795e\u7ecf\u7f51\u7edc\u7684\u6a21\u578b\u7531\u5927\u91cf\u7684\u53c2\u6570\u7ec4\u6210":36,"\u4e00\u4e2achunk\u7531\u6240\u5728\u7684\u6587\u4ef6\u504f\u79fb":51,"\u4e00\u4e2aposix\u517c\u5bb9\u7684\u6587\u4ef6\u7cfb\u7edf":51,"\u4e00\u822c\u4e0d\u5141\u8bb8\u518d\u4ece":85,"\u4e00\u822c\u7531mkl":65,"\u4e0a\u4f20\u5230cloud\u6216\u8005\u4e0b\u8f7d\u5230\u672c\u5730\u7684\u65f6\u95f4\u53ef\u80fd\u6bd4\u8f83\u957f":51,"\u4e0a\u4f20\u65b9\u6cd5":85,"\u4e0a\u6ce8\u518c\u4e00\u4e0b":51,"\u4e0a\u8ff0paddlepaddl":85,"\u4e0b\u4e00\u4e2awheel\u5305\u9700\u8981\u66f4\u65b0\u7248\u672c\u53f7\u624d\u53ef\u4ee5\u4e0a\u4f20":85,"\u4e0b\u5b58\u653e\u516c\u5171\u6570\u636e\u96c6\u5408":37,"\u4e0b\u62c9\u6846\u4e2d\u627e\u5230\u751f\u6210\u76843\u4e2a\u4e8c\u8fdb\u5236\u6587\u4ef6":85,"\u4e0b\u8f7d":51,"\u4e0b\u8f7d\u5230\u672c\u5730":51,"\u4e0b\u8f7d\u5f97\u5230":85,"\u4e0b\u9762\u5206\u522b\u4ecb\u7ecd\u67d0\u4e00\u7c7b\u6587\u4ef6\u7684\u5b9e\u73b0\u65b9\u5f0f":69,"\u4e0d\u4e00\u81f4\u7684\u7531pfsclient\u4e0b\u8f7d\u6216\u8005\u4f20\u8f93chunk\u5b8c\u6210":51,"\u4e0d\u4f7f\u7528\u9759\u6001\u5e93":68,"\u4e0d\u4f7f\u7528c":68,"\u4e0d\u4f7f\u7528swig":68,"\u4e0d\u53ef\u4ee5\u66f4\u6539":85,"\u4e0d\u540c":65,"\u4e0d\u540c\u7248\u672c\u7684\u7f16\u8bd1\u5668\u4e4b\u95f4":68,"\u4e0d\u540c\u8bed\u8a00\u7684\u63a5\u53e3\u9002\u5e94\u4e0d\u540c\u8bed\u8a00\u7684\u7279\u6027":68,"\u4e0d\u5728":69,"\u4e0d\u5bb9\u6613\u51fa\u9519":51,"\u4e0d\u5d4c\u5165\u5176\u4ed6\u8bed\u8a00\u89e3\u91ca\u5668":68,"\u4e0d\u5d4c\u5165python\u89e3\u91ca\u5668":68,"\u4e0d\u663e\u793a\u7684\u5199\u6bcf\u4e2a\u7c7b\u5177\u4f53\u5305\u542b\u4ec0\u4e48":68,"\u4e0d\u7528mount\u7684\u65b9\u5f0f\u6765\u8bbf\u95ee\u6570\u636e":37,"\u4e0e":65,"\u4e0e\u4e4b\u76f8\u5bf9\u7684\u662flocal":51,"\u4e0e\u5176\u4ed6\u7b2c\u4e09\u65b9\u5e93\u4e00\u6837":65,"\u4e0e\u529f\u80fd\u5206\u652f\u4e0d\u540c\u7684\u662f":85,"\u4e0e\u53ef\u80fd\u6709\u7684":85,"\u4e0ebatch":64,"\u4e14\u589e\u52a0\u4e00\u4e2a\u7b2c\u4e09\u65b9\u8bed\u8a00":68,"\u4e14\u8c03\u7528\u65f6\u4e0d\u80fd\u629b\u51fa\u5f02\u5e38\u6216\u51fa\u73b0\u8fd0\u884c\u65f6\u9519\u8bef":69,"\u4e14c99\u652f\u6301bool\u7c7b\u578b\u548c\u5b9a\u957f\u6574\u6570":68,"\u4e14c99\u76f8\u5bf9\u4e8ec11\u4f7f\u7528\u66f4\u52a0\u5e7f\u6cdb":68,"\u4e25\u683c\u7684\u547d\u540d\u89c4\u8303pep":85,"\u4e2a\u6027\u5316\u63a8\u8350":85,"\u4e2d":[64,65,68,69],"\u4e2d\u4f1a\u63d0\u4f9b\u4e00\u4e9b\u5fc5\u8981\u7684\u63a5\u53e3\u548c\u51fd\u6570":65,"\u4e2d\u5199\u5165json\u5185\u5bb9":36,"\u4e2d\u5b8c\u5168\u4e00\u81f4":68,"\u4e2d\u5b9e\u73b0\u4e86\u4e00\u4e2amerge\u7684\u65b9\u6cd5":65,"\u4e2d\u5b9e\u73b0\u7684\u7ed3\u6784\u4f53":69,"\u4e2d\u5bf9\u5e94\u7684layer\u5904":64,"\u4e2d\u5f15\u5165\u7684":64,"\u4e2d\u63d0\u4f9b\u4e00\u4e2a\u4e0emkl\u6709\u5173\u7684\u603b\u5f00\u5173":65,"\u4e2d\u6839\u636e":64,"\u4e2d\u6dfb\u52a0":64,"\u4e2d\u6dfb\u52a0\u4e00\u4e2a":65,"\u4e2d\u7684\u7248\u672c\u4fe1\u606f":85,"\u4e2d\u8fd0\u884c\u4efb\u52a1\u7684\u89d2\u5ea6":37,"\u4e3a":[64,65],"\u4e3a\u4e86\u5c3d\u53ef\u80fd\u5c11\u7684\u5728\u7236\u7c7blayer\u4e2d\u6dfb\u52a0\u53d8\u91cf\u6216\u8005\u51fd\u6570":65,"\u4e3a\u4e86\u5e94\u5bf9\u4ee5\u4e0a\u7684\u95ee\u9898":51,"\u4e3a\u4e86\u66b4\u9732\u7684\u63a5\u53e3\u5c3d\u91cf\u7b80\u5355":69,"\u4e3a\u4e86\u66f4\u597d\u7684\u7b26\u5408paddlepaddle\u7684\u4ee3\u7801\u98ce\u683c":65,"\u4e3a\u4e86\u6700\u5927\u7a0b\u5ea6\u51cf\u5c11\u591a\u6b21\u8c03\u7528":64,"\u4e3a\u4e86\u8fdb\u4e00\u6b65\u63d0\u5347paddlepaddle\u5728\u57fa\u672c\u6570\u5b66\u8fd0\u7b97\u7684\u8ba1\u7b97\u901f\u5ea6":65,"\u4e3b\u8981\u529f\u80fd\u5305\u62ec":51,"\u4e3b\u8981\u5305\u62ec":65,"\u4e3b\u8981\u5305\u62ec\u4e86\u6df1\u5ea6\u5b66\u4e60\u76f8\u5173\u7684\u6570\u5b66\u539f\u8bed\u4e0e\u64cd\u4f5c":65,"\u4e3b\u8981\u9488\u5bf9paddlepaddle\u5728\u91cd\u6784\u4e4b\u524d\u7684\u4ee3\u7801\u6846\u67b6\u4ee5\u53cav1\u7684api":65,"\u4e4b\u5916\u7684\u6240\u6709\u5934\u6587\u4ef6":69,"\u4e5f\u4e0d\u4f7f\u7528\u5176\u4ed6\u52a8\u6001\u5e93":68,"\u4e5f\u4e0d\u5e94\u8be5\u62a5\u9519":69,"\u4e5f\u4e0d\u751f\u6210":69,"\u4e5f\u53ef\u4ee5\u4f7f\u7528\u8fd9\u4e9b\u955c\u50cf":85,"\u4e5f\u5c31\u662f\u8bf4\u8f93\u51fa\u7684\u7ed3\u679c\u4e0d\u4f1a\u5728\u539f\u6765\u7684\u6570\u636e\u4e0a\u7d2f\u52a0":65,"\u4e66\u5199":68,"\u4eba\u8138\u8bc6\u522b":37,"\u4ec5\u4ec5\u4f7f\u7528":68,"\u4ec5\u4f1a\u5728\u652f\u6301avx2\u6307\u4ee4\u96c6\u53ca\u4ee5\u4e0a\u7684\u673a\u5668\u624d\u4f7f\u7528mkl":65,"\u4ece":85,"\u4ece\u78c1\u76d8\u6587\u4ef6\u4e2d\u52a0\u8f7duuid\u6587\u4ef6\u540d\u7684\u68c0\u67e5\u70b9\u5feb\u7167\u6587\u4ef6":36,"\u4ece\u800c\u907f\u514d\u4e86packing\u5197\u4f59":64,"\u4eceetcd\u4e2d\u8bfb\u53d6\u8282\u70b9":36,"\u4ed6\u4e3b\u8981\u5305\u542b\u4e86\u5b9e\u9645\u66b4\u9732\u7684\u7c7b\u578b\u7ed3\u6784":69,"\u4ed6\u662f\u5c06":69,"\u4ed6\u7684\u76ee\u6807\u662f\u4f7f\u7528c":68,"\u4ee3\u7801\u751f\u6210\u7684\u7b26\u53f7\u53ef\u80fd\u4e0d\u4e00\u81f4":68,"\u4ee3\u8868\u8fd9\u4e2alayer\u662f\u7528\u4e8e\u8dd1\u5728mkl":65,"\u4ee3\u8868\u8fd9\u4e2ashard\u7684\u6700\u5927index":37,"\u4ee3\u8868shard\u7684index":37,"\u4ee5\u4e0a\u4ee3\u7801\u7684reader\u8f93\u51fa\u7684data":37,"\u4ee5\u4e0a\u547d\u4ee4\u4f1a\u5728\u5f53\u524d\u76ee\u5f55\u4e0b\u751f\u6210100\u4e2a\u6587\u4ef6":37,"\u4ee5\u4e0b":37,"\u4ee5\u4e0b\u7b80\u79f0rnn":64,"\u4ee5\u4fbf\u6211\u4eec\u53ef\u4ee5\u628a\u66f4\u591a\u7684\u7cbe\u529b\u653e\u5230\u903b\u8f91\u672c\u8eab\u4e0a":51,"\u4ee5\u53ca":64,"\u4ee5\u53canumpi":37,"\u4ee5\u6b64\u8fbe\u5230\u6700\u597d\u7684\u6027\u80fd":65,"\u4ee5\u793a\u533a\u5206":[64,65],"\u4efb\u610f\u65f6\u523b\u53ea\u53ef\u80fd\u540c\u65f6\u6709\u4e00\u53f0\u670d\u52a1\u5668\u6545\u969c":36,"\u4f18\u5316\u524d":64,"\u4f18\u5316\u540e":64,"\u4f1a\u4ee5":[64,65],"\u4f1a\u4f7f\u7528\u76f8\u540c\u7684\u539f\u6570\u636e":64,"\u4f1a\u5148\u4e34\u65f6\u4fdd\u5b58\u5728":65,"\u4f1a\u5728":65,"\u4f1a\u5728\u7f16\u8bd1paddlepaddle\u7684\u65f6\u5019\u4e0b\u8f7d\u5e76\u7f16\u8bd1mkl":65,"\u4f1a\u5bfc\u81f4\u4e0d\u540c\u7248\u672cpython\u5728\u4e00\u4e2a\u8fdb\u7a0b\u91cc\u7684bug":68,"\u4f1a\u5f15\u5165":65,"\u4f1a\u628acpu\u7684buffer\u5bf9\u9f50\u4e3a4096":65,"\u4f1a\u6dfb\u52a0\u76f8\u5e94\u7684\u811a\u672c\u5728":65,"\u4f1a\u6dfb\u52a0\u76f8\u5e94\u7684\u811a\u672c\u7528\u4e8e\u6d4b\u8bd5\u548c\u5bf9\u6bd4\u5728\u4f7f\u7528mkl":64,"\u4f1a\u76f4\u63a5\u62a5\u9519\u9000\u51fa":68,"\u4f1a\u81ea\u52a8\u4f7f\u7528mklml\u5e93\u4f5c\u4e3apaddlepaddle\u7684cblas\u548clapack\u5e93":65,"\u4f1a\u81ea\u52a8\u6839\u636e\u786c\u4ef6\u914d\u7f6e":65,"\u4f1a\u88abpickle\u5e8f\u5217\u5316\u6210\u5b57\u7b26\u4e32":37,"\u4f20\u5165":37,"\u4f46":69,"\u4f46\u4e0d\u66b4\u9732":69,"\u4f46\u5e76\u6ca1\u6709\u7ecf\u8fc7\u56de\u5f52\u6d4b\u8bd5":85,"\u4f46\u6240\u6709fork\u7684\u7248\u672c\u5e93\u7684\u6240\u6709\u5206\u652f\u90fd\u76f8\u5f53\u4e8e\u7279\u6027\u5206\u652f":85,"\u4f46\u662f\u53c8\u8fc7\u4e8e\u7410\u788e":69,"\u4f46\u662f\u5728mkl":65,"\u4f46\u662f\u5728paddlepaddle\u4e2d":65,"\u4f46\u662f\u6574\u4e2a\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u4e0d\u9700\u8981\u4efb\u4f55\u8f6c\u6362":65,"\u4f46\u662f\u6ce8\u610f\u7684\u662f":65,"\u4f46\u662f\u89e3\u91ca\u6027\u8bed\u8a00":68,"\u4f5c\u4e3a\u53e6\u4e00\u4e2a\u7b2c\u4e09\u65b9\u5e93\u96c6\u6210\u8fdbpaddlepaddl":65,"\u4f5c\u4e3a\u5b58\u50a8\u7cfb\u7edf":37,"\u4f5c\u4e3a\u7c7b\u53e5\u67c4":68,"\u4f7f\u7528":[65,69,85],"\u4f7f\u7528\u4e0b\u9762\u547d\u4ee4":37,"\u4f7f\u7528\u52a8\u6001\u5e93":68,"\u4f7f\u7528\u540c\u6837\u7684\u8bad\u7ec3\u6570\u636eblock":36,"\u4f7f\u7528\u667a\u80fd\u6307\u9488\u7684\u539f\u56e0\u662f":69,"\u4f7f\u7528\u7684\u53c2\u6570\u4e0epaddlepaddle\u7533\u8bf7\u7684buffer\u5171\u7528\u4e00\u5757\u5185\u5b58":65,"\u4f7f\u7528\u76f8\u5bf9\u8def\u5f84\u7684\u5f15\u7528\u65b9\u5f0f":69,"\u4f7f\u7528\u8fd9\u4e2a\u795e\u7ecf\u7f51\u7edc\u53ef\u4ee5\u5b8c\u6210\u5bf9\u65b0\u6570\u636e\u7684\u9884\u6d4b":36,"\u4f7f\u7528\u9759\u6001\u5e93\u548c\u52a8\u6001\u5e93\u96be\u5ea6\u5dee\u4e0d\u591a":68,"\u4f7f\u7528c":69,"\u4f7f\u7528c99\u505a\u63a5\u53e3":68,"\u4f7f\u7528c99\u800c\u4e0d\u4f7f\u7528c11\u7684\u539f\u56e0\u662f":68,"\u4f7f\u7528c99\u800c\u4e0d\u4f7f\u7528c89":68,"\u4f7f\u7528regress":85,"\u4f7f\u7528swig\u53ea\u652f\u6301cpython\u89e3\u91ca\u5668":68,"\u4f7f\u7528swig\u9700\u8981\u591a\u8bed\u8a00\u7ed1\u5b9a\u7684\u5f00\u53d1\u4eba\u5458\u719f\u7ec3\u638c\u63e1swig\u914d\u7f6e":68,"\u4f7f\u7528void":68,"\u4f8b\u5982":[37,68,69,85],"\u4f8b\u5982\u5728deepspeech2":64,"\u4f8b\u5982\u5bf9\u4e8ejava\u6216\u8005python":68,"\u4f8b\u5982\u5bf9\u4e8ejava\u6765\u8bf4":68,"\u4f8b\u5982\u5bf9\u4e8epython":68,"\u4f8b\u5982c":68,"\u4f8b\u5982java\u4e0epython\u7684\u9519\u8bef\u5904\u7406\u662f\u76f4\u63a5\u6254\u51fa\u6765except":68,"\u4f8b\u5982python\u53ef\u4ee5\u4f7f\u7528":68,"\u4f8b\u5982python\u7684":68,"\u4f8b\u5982rnn":64,"\u4f9d\u6b21\u7c7b\u63a8":85,"\u4fbf\u662f\u5c06\u9759\u6001\u5e93\u52a0\u5165jvm\u4e2d":68,"\u4fee\u590d\u6240\u6709bug\u540e":85,"\u4fee\u590ddocker\u7f16\u8bd1\u955c\u50cf\u95ee\u9898":85,"\u4fee\u6539":[65,85],"\u4fee\u6539\u6210":85,"\u505a\u53ea\u8bfb\u6302\u8f7d":37,"\u505a\u5982\u4e0b\u51e0\u4e2a\u64cd\u4f5c":85,"\u505a\u63a5\u53e3":68,"\u505c\u6b62\u4fdd\u5b58\u68c0\u67e5\u70b9\u7684\u7ebf\u7a0b":36,"\u5145\u5206\u53d1\u6325\u82f1\u7279\u5c14\u5e73\u53f0\u7684\u4f18\u52bf":64,"\u5145\u5206\u5c55\u73b0\u82f1\u7279\u5c14\u5e73\u53f0\u7684\u4f18\u52bf":65,"\u5148\u5b8c\u6210\u5bf9\u6743\u91cd\u7684packing\u64cd\u4f5c":64,"\u5148\u5b9e\u73b0\u6a21\u578b\u63a8\u65ad\u7684api":69,"\u5171\u4eab\u5185\u5b58":65,"\u5171\u4eab\u540c\u4e00\u4e2a\u6743\u91cd":64,"\u5176\u4e2d":[68,85],"\u5176\u4ed6\u51fd\u6570\u5747\u8fd4\u56de":69,"\u5176\u4ed6\u7528\u6237\u7684fork\u7248\u672c\u5e93\u5e76\u4e0d\u9700\u8981\u4e25\u683c\u9075\u5b88":85,"\u5176\u8f6c\u6362\u6b21\u6570\u51cf\u5c11\u81f3":64,"\u5177\u4f53\u4f7f\u7528\u65b9\u6cd5\u4e3a":69,"\u5177\u4f53\u539f\u56e0\u53c2\u8003":69,"\u5177\u4f53\u53ef\u4ee5\u53c2\u8003mkl":65,"\u5177\u4f53\u5b9e\u73b0\u65b9\u5f0f\u6bd4\u5982":[64,65],"\u5177\u4f53\u7684\u5b8c\u6210\u72b6\u6001\u53ef\u4ee5\u53c2\u89c1":65,"\u5177\u4f53\u8bf7\u53c2\u8003":69,"\u5185\u90e8\u5b58\u50a8":65,"\u5185\u90e8\u9a71\u52a8python\u89e3\u91ca\u5668\u8fdb\u884c\u6a21\u578b\u914d\u7f6e\u89e3\u6790\u548c\u6570\u636e\u8bfb\u53d6":68,"\u518d\u5728\u6bcf\u4e00\u4e2aapi\u4e2d\u81ea\u5df1\u68c0\u67e5\u7c7b\u578b":68,"\u518d\u57fa\u4e8e":85,"\u518d\u628a\u5df2\u8f6c\u6362\u4e3apacked\u683c\u5f0f\u7684\u6570\u636e\u4f20\u9012\u7ed9\u90a3\u4e9b\u590d\u7528\u540c\u4e00\u6570\u636e\u7684gemm":64,"\u5199\u4ee3\u7801":68,"\u5199\u5165\u5feb\u7167\u6570\u636e":36,"\u51fd\u6570":[64,65],"\u51fd\u6570\u5373\u53ef\u5b8c\u6210\u8f6c\u6362":37,"\u51fd\u6570\u540d\u4e3a":69,"\u51fd\u6570\u547d\u540d":68,"\u5206\u522b\u4ee3\u8868\u8f93\u5165\u6570\u636e":65,"\u5206\u522b\u5bf9\u5e94capi":85,"\u5206\u5e03\u5f0f\u5b58\u50a8\u670d\u52a1":36,"\u5206\u652f":85,"\u5206\u652f\u4e00\u65e6\u5efa\u7acb":85,"\u5206\u652f\u4e2d":85,"\u5206\u652f\u4e3a\u5f00\u53d1":85,"\u5206\u652f\u4e3a\u6bcf\u4e00\u6b21release\u65f6\u5efa\u7acb\u7684\u4e34\u65f6\u5206\u652f":85,"\u5206\u652f\u4e3a\u7a33\u5b9a":85,"\u5206\u652f\u529f\u80fd\u7684\u5c01\u95ed":85,"\u5206\u652f\u5408\u5165":85,"\u5206\u652f\u5408\u5165master\u5206\u652f":85,"\u5206\u652f\u540c\u6b65\u4e3b\u7248\u672c\u5e93\u7684":85,"\u5206\u652f\u540d\u4e3a":85,"\u5206\u652f\u5b58\u5728\u7684\u65f6\u5019":85,"\u5206\u652f\u6d3e\u751f\u51fa\u65b0\u7684\u5206\u652f":85,"\u5206\u652f\u7684\u7248\u672c\u90fd\u662f\u7ecf\u8fc7\u5355\u5143\u6d4b\u8bd5\u548c\u56de\u5f52\u6d4b\u8bd5\u7684\u7248\u672c":85,"\u5206\u652f\u7684\u7248\u672c\u90fd\u7ecf\u8fc7\u5355\u5143\u6d4b\u8bd5":85,"\u5206\u7247":36,"\u5219\u4f7f\u7528\u542f\u52a8\u53c2\u6570\u5b9a\u4e49\u7684\u521d\u59cb\u5316\u65b9\u6cd5\u521d\u59cb\u5316\u53c2\u6570":36,"\u5219\u5ffd\u7565":36,"\u5219\u628a\u53e6\u4e00\u4e2a\u6162\u901f\u7684kill\u6389":36,"\u5219\u76f4\u63a5\u5f15\u5165\u53e6\u4e00\u79cd\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5219\u9700\u8981\u56de\u6eda\u5230\u4e0a\u4e00\u4e2a\u68c0\u67e5\u70b9":36,"\u521b\u5efa":65,"\u5220\u9664\u78c1\u76d8\u76ee\u5f55\u4e2d\u4e0d\u662f\u5f53\u524duuid\u7684\u5feb\u7167\u6587\u4ef6":36,"\u5230":36,"\u5230\u7b2c\u4e8c\u6b65":85,"\u524d\u540e\u7684\u7f51\u7edc\u6027\u80fd":64,"\u529f\u80fd":51,"\u529f\u80fd\u7684\u6b63\u786e\u6027\u5305\u62ec\u9a8c\u8bc1paddlepaddle\u76ee\u524d\u7684":85,"\u52a8\u6001\u5e93":68,"\u5305\u542b\u4e86\u67d0\u79cd\u7c7b\u578b\u7684\u7c7b\u578b\u5b9a\u4e49\u548c\u66b4\u9732\u7684\u5168\u90e8\u51fd\u6570":69,"\u5305\u62ec":[37,64,65],"\u5305\u62ec\u6743\u91cdw\u548c\u504f\u7f6eb":36,"\u5305\u62ecmkl":65,"\u534f\u540c\u5b8c\u6210releas":85,"\u5355\u4e2a\u503c":37,"\u5355\u70b9\u6545\u969c":36,"\u5373":69,"\u5373\u4f7f\u7528":69,"\u5373\u4f7f\u7528\u6237\u76f4\u63a5\u5f15\u7528\u67d0\u79cd\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5373\u4f7fc":69,"\u5373\u4f8b\u5982":69,"\u5373\u4fbfpaddl":69,"\u5373\u5b8c\u6210\u67d0\u4e00\u4e2a\u4efb\u52a1\u7684\u6700\u5c11\u51fd\u6570":69,"\u5373\u66b4\u9732":69,"\u5373\u8868\u793a\u4e0d\u9700\u8981\u8f6c\u6362":65,"\u5373\u8fd9\u4e2a\u52a8\u6001\u5e93\u662f\u4e0d\u4f9d\u8d56\u4e8e\u5176\u4ed6\u4efb\u4f55\u6587\u4ef6\u7684":68,"\u539f\u6765\u7684\u65b9\u6848":65,"\u53c2\u6570":68,"\u53c2\u8003":[51,68],"\u53c2\u8003\u4e0b\u56fe":85,"\u53c8\u53ef\u4ee5\u907f\u514d\u4e0d\u5fc5\u8981\u7684\u8f6c\u6362":65,"\u53cc\u5411\u9a8c\u8bc1":51,"\u53d1\u578b\u7248":85,"\u53d1\u5e03\u5230dockerhub":85,"\u53d1\u5e03docker\u955c\u50cf\u53ea\u9700\u8981\u5bf9\u81ea\u52a8push\u7684\u955c\u50cf\u6253\u4e0a":85,"\u53d8\u91cf\u6765\u533a\u5206layer\u7684\u5c5e\u6027":65,"\u53ea\u5bf9\u7279\u6b8a\u5728\u7ebf\u7cfb\u7edf\u8003\u8651\u4e24\u53f0\u4ee5\u4e0a\u540c\u65f6\u6545\u969c\u7684\u5bb9\u707e":36,"\u53ea\u66b4\u9732\u6982\u5ff5\u7684\u63a5\u53e3":69,"\u53ea\u80fd\u8c03\u7528paddle\u7684\u52a8\u6001\u5e93":68,"\u53ea\u9700\u8981\u6062\u590d\u8fd9\u53f0\u8282\u70b9":36,"\u53ef\u4ee5":85,"\u53ef\u4ee5\u51cf\u5c0f\u7cfb\u7edf\u590d\u6742\u6027":36,"\u53ef\u4ee5\u5728\u4efb\u4f55\u673a\u5668\u4e0a\u6267\u884c\u7684":68,"\u53ef\u4ee5\u5728\u6b64\u9875\u9762\u7684":85,"\u53ef\u4ee5\u628a\u672c\u5730\u7684\u6570\u636e\u4e0a\u4f20\u5230\u5b58\u50a8\u96c6\u7fa4\u4e2d":37,"\u53ef\u4ee5\u6709\u6548\u7684\u907f\u514dparamet":36,"\u53ef\u4ee5\u7528":51,"\u53ef\u4ee5\u7528\u4ee5\u4e0b\u6307\u4ee4":37,"\u53ef\u4ee5\u7ee7\u7eed\u5728\u81ea\u5df1\u7684\u529f\u80fd\u5206\u652f\u63d0\u4ea4\u4ee3\u7801":85,"\u53ef\u4ee5\u901a\u8fc7\u9636\u6bb5\u6027\u7684\u4fdd\u5b58\u6bcf\u4e2aparamet":36,"\u53ef\u80fd\u4f1a\u9020\u6210\u7f51\u7edc\u62e5\u585e":36,"\u53f3\u4fa7\u7684":85,"\u5404\u6b21\u524d\u5411\u4e4b\u95f4\u4e5f\u90fd\u4f7f\u7528\u4e86\u76f8\u540c\u7684\u6743\u91cd":64,"\u540c\u4e00\u6b21\u524d\u5411":64,"\u540c\u65f6":[64,65],"\u540c\u65f6\u4f1a\u5f00\u542fintel":65,"\u540c\u65f6\u518d\u5c06":85,"\u540c\u65f6\u53c8\u5c3d\u53ef\u80fd\u5c11\u7684\u727a\u7272mkl":65,"\u540c\u65f6\u63d0\u8d77":85,"\u540c\u65f6\u6570\u636e\u683c\u5f0f\u5c31\u662f":65,"\u540d\u5b57\u4fee\u9970":68,"\u540e\u5411":64,"\u540e\u5411\u65f6\u590d\u7528\u5df2\u7ecf\u8f6c\u6362\u8fc7\u7684\u6743\u91cd":64,"\u5411\u6307\u5b9a\u7684\u76ee\u5f55\u4e2d\u4e00\u4e2a\u65b0\u7684\u6587\u4ef6":36,"\u5411paddlepaddle\u7684\u4e3b\u7248\u672c\u5e93\u63d0\u4ea4":85,"\u5426\u5219\u5f97\u628apaddle\u9759\u6001\u5e93\u94fe\u63a5\u5230\u89e3\u91ca\u5668\u91cc":68,"\u542f\u52a8\u4e00\u4e2a\u65b0\u7684\u7ebf\u7a0b\u5f00\u59cb\u4fdd\u5b58\u68c0\u67e5\u70b9":36,"\u548c":[37,64,65,68,69,85],"\u548c\u672a\u6765\u53ef\u80fd\u8fd8\u4f1a\u7528\u5230":65,"\u548c\u79bb\u7ebf\u6570\u636e\u7684\u65b9\u5f0f":37,"\u54ea\u4e2atrainer\u5148\u5b8c\u6210block\u7684\u8bad\u7ec3":36,"\u56e0\u4e3a\u8fd9\u6837\u505a\u4e5f\u6ca1\u6cd5\u4fdd\u8bc1\u6d88\u9664\u968f\u673a\u6027":36,"\u56e0\u4e3aswig\u5728\u7b2c\u4e09\u65b9\u8bed\u8a00\u4e2d\u66b4\u9732\u7684\u51fd\u6570\u540d":68,"\u56e0\u6b64":64,"\u56fe\u50cf\u5206\u7c7b":85,"\u5728":[64,65,69,85],"\u5728\u4e00\u4e2a\u4e0d\u53ef\u4e2d\u65ad\u5e76\u7f3a\u5c11\u5907\u4efd\u7684\u8bad\u7ec3\u4efb\u52a1\u4e2d":36,"\u5728\u4e0a\u56fe\u4e2d\u663e\u793a\u4e86\u5728\u4e00\u4e2a\u5b9e\u9645\u751f\u4ea7\u73af\u5883\u4e2d\u7684\u5e94\u7528":37,"\u5728\u4f7f\u7528twine\u4e0a\u4f20\u4e4b\u524d":85,"\u5728\u51fa\u73b0\u5355\u70b9\u6545\u969c\u65f6":36,"\u5728\u5b9e\u73b0\u6bcf\u4e2a\u5b50\u7c7b\u7684\u65f6\u5019\u5c31\u4e0d\u9700\u8981\u5173\u5fc3\u5206\u652f\u7684\u4e8b\u60c5\u4e86":65,"\u5728\u5b9e\u73b0\u8fc7\u7a0b\u4e2d":69,"\u5728\u5bf9\u5e94\u7684":64,"\u5728\u5c42\u521d\u59cb\u5316\u7684\u65f6\u5019":64,"\u5728\u5f00\u59cb\u8bad\u7ec3\u4e4b\u524d":37,"\u5728\u5f02\u6784\u96c6\u7fa4\u4e2d":36,"\u5728\u5f15\u5165\u5176\u4ed6\u7c7b\u578b\u7684\u5934\u6587\u4ef6\u65f6":69,"\u5728\u5feb\u7167\u5199\u5165\u5b8c\u6210\u540e":36,"\u5728\u60a8\u7684\u5b9e\u9645\u73af\u5883\u4e2d":36,"\u5728\u6709\u666e\u901a\u7684cpu":65,"\u5728\u672c\u6587\u6863\u4e2d":51,"\u5728\u673a\u7fa4\u4e0a\u8fd0\u884c\u8f6c\u6362\u7a0b\u5e8f":37,"\u5728\u6837\u4f8b\u4e2d":69,"\u5728\u7528\u6237\u4f7f\u7528c":69,"\u5728\u7b2c\u4e8c\u4e2atab":85,"\u5728\u7ebf\u6a21\u578b\u9884\u6d4b\u670d\u52a1":37,"\u5728\u8bad\u7ec3\u7ed3\u675f\u7684\u65f6\u5019\u518d\u4fdd\u5b58\u4e3apaddlepaddle\u7684\u683c\u5f0f":65,"\u5728\u8bc4\u5ba1\u8fc7\u7a0b\u4e2d":85,"\u5728\u8fd9\u4e2a":85,"\u5728\u8fd9\u4e2a\u52a8\u6001\u5e93\u4e2d\u4e0d\u5d4c\u5165\u4efb\u4f55\u5176\u4ed6\u8bed\u8a00\u7684\u89e3\u91ca\u5668":68,"\u5728\u8fd9\u4e2a\u9636\u6bb5\u7684\u4ee3\u7801\u6b63\u5728\u7ecf\u5386\u56de\u5f52\u6d4b\u8bd5":85,"\u5728\u8fd9\u4e9b\u5934\u6587\u4ef6\u4e2d":69,"\u5728\u8fd9\u4e9b\u6587\u4ef6\u4e2d":69,"\u5728\u91cd\u6784\u524d\u7684paddlepaddle\u4e2d":65,"\u5728\u95ee\u9898\u672c\u8eab\u7684\u8ba1\u7b97\u91cf\u6bd4\u8f83\u5c0f\u7684\u65f6\u5019":64,"\u5728batch":64,"\u5728c":68,"\u5728c\u7684\u5934\u6587\u4ef6":68,"\u5728packing\u4e0a\u7684\u8017\u65f6":64,"\u5728paddle\u4e4b\u4e0a\u8fd0\u884c\u7684\u6df1\u5ea6\u5b66\u4e60\u8bad\u7ec3\u8f93\u51fa\u7684\u6a21\u578b\u4f1a\u63d0\u4f9b\u7ed9\u5728\u7ebf\u4eba\u8138\u8bc6\u522b\u7684\u5e94\u7528\u4f7f\u7528":37,"\u5728paramet":36,"\u5728rnn\u7684\u60c5\u51b5\u4e0b":64,"\u5747\u4f1a\u88ab\u5b89\u88c5\u5230includ":69,"\u5747\u662f\u5728":69,"\u57fa\u4e8e\u7c98\u6027\u4f1a\u8bdd\u7684\u8d1f\u8f7d\u5747\u8861\u529f\u80fd":51,"\u5916\u90e8\u5b58\u50a8":65,"\u591a\u4e2a\u503c":37,"\u591a\u4e2aparamet":36,"\u591a\u6b21\u8c03\u7528":64,"\u5927\u591a\u6570\u8bed\u8a00\u90fd\u652f\u6301\u4f7f\u7528c\u8bed\u8a00api":68,"\u5982\u56fe\u4e2dtrainer":36,"\u5982\u679c\u4e0a\u9762\u4e24\u6b65\u51fa\u73b0\u9519\u8bef":36,"\u5982\u679c\u4e0d\u9700\u8981\u5916\u90e8\u5b58\u50a8\u7528\u4e8e\u8f6c\u6362":65,"\u5982\u679c\u4f7f\u7528swig\u6211\u4eec\u9700\u8981\u5c06\u5728interface\u6587\u4ef6\u91cc":68,"\u5982\u679c\u5728\u4f7f\u7528mkl":65,"\u5982\u679c\u5931\u8d25":85,"\u5982\u679c\u5b58\u5728\u6570\u636e\u6392\u5217\u683c\u5f0f\u4e0d\u4e00\u6837\u7684\u60c5\u51b5\u65f6":65,"\u5982\u679c\u5b58\u5728\u67d0\u4e9btrainer\u6267\u884c\u901f\u5ea6\u8fc7\u6162\u4f1a\u5f71\u54cd\u6574\u4f53\u96c6\u7fa4\u7684\u901f\u5ea6":36,"\u5982\u679c\u5df2\u7ecf\u6b63\u5728\u6267\u884c\u4fdd\u5b58\u68c0\u67e5\u70b9\u7684\u7ebf\u7a0b":36,"\u5982\u679c\u662f\u5176\u5b83\u7c7b\u578b":37,"\u5982\u679c\u6709bugfix\u7684\u884c\u4e3a":85,"\u5982\u679c\u67d0\u4e00\u4e2a\u7c7b\u578b\u9700\u8981\u5f15\u7528\u53e6\u4e00\u4e2a\u7c7b\u578b":69,"\u5982\u679c\u67d0\u4e00\u4e2apaddl":69,"\u5982\u679c\u67d0\u4e00\u4e2apaddle\u6982\u5ff5\u5fc5\u987b\u8981\u66b4\u9732":69,"\u5982\u679c\u6ee1\u8db3\u6761\u4ef6":36,"\u5982\u679c\u7528\u6237\u8981\u628apaddle\u7684\u9759\u6001\u5e93":68,"\u5982\u679c\u8981\u4e0a\u4f20gpu\u7248\u672c\u7684\u5305":85,"\u5982\u679c\u8c03\u7528\u9759\u6001\u5e93\u53ea\u80fd\u5c06\u9759\u6001\u5e93\u4e0e\u89e3\u91ca\u5668\u94fe\u63a5":68,"\u5982\u679c\u9700\u8981\u624b\u52a8\u7f16\u8bd1":85,"\u5982\u679cmkl":65,"\u5982\u679cparamet":36,"\u5b50\u7c7b\u53ea\u9700\u8981\u4f7f\u7528\u5b9a\u4e49\u597d\u7684\u63a5\u53e3":65,"\u5b57\u6bb5\u8bbe\u4e3a":85,"\u5b57\u7b26\u4e32":37,"\u5b58\u50a8":37,"\u5b66\u4e60\u6210\u672c\u9ad8":68,"\u5b83\u4eec\u4e3b\u8981\u662f\u7528\u4e8e":65,"\u5b83\u4eec\u7684\u6587\u4ef6\u540d\u662f":37,"\u5b83\u53ea\u4f1a\u5305\u62ec\u751f\u6210\u597d\u7684\u52a8\u6001\u5e93\u548c\u5934\u6587\u4ef6":65,"\u5b83\u8d1f\u8d23\u51b3\u5b9a\u7f16\u8bd1\u65f6\u662f\u5426\u4f7f\u7528mklml\u548cmkl":65,"\u5b89\u88c5\u540e\u7684\u76ee\u5f55\u7ed3\u6784\u4e3a":69,"\u5b8c\u6210\u4e00\u4e2a\u4f20\u8f93\u52a8\u4f5c\u5b8c\u6210\u7684\u65f6\u95f4\u4e5f\u6bd4\u8f83\u77ed":51,"\u5b8c\u6210\u5e38\u7528layer\u7684mkl":65,"\u5b8c\u6210\u5e38\u89c1\u6df1\u5ea6\u795e\u7ecf\u7f51\u7edcvgg":65,"\u5b8c\u6210\u6570\u636e\u7684\u9884\u5904\u7406":37,"\u5b8c\u6210\u81ea\u52a8\u5316\u4e8c\u8fdb\u5236\u7f16\u8bd1":85,"\u5b9a\u4e49":65,"\u5b9a\u4e49\u4e00\u4e9b\u9664\u4e86layer\u548cmemory\u76f8\u5173\u7684\u7c7b\u548c\u51fd\u6570":65,"\u5b9e\u73b0\u5177\u4f53\u7684\u51fd\u6570\u529f\u80fd\u5373\u53ef":65,"\u5b9e\u73b0\u7b80\u5355":68,"\u5bf9\u4e8e\u4e0d\u540c\u8bed\u8a00":68,"\u5bf9\u4e8e\u540c\u4e00\u6bb5c":68,"\u5bf9\u4e8e\u540c\u6837\u8bbe\u7f6e\u7684\u7f51\u7edc\u6a21\u578b":64,"\u5bf9\u4e8e\u591a\u8bed\u8a00\u63a5\u53e3":68,"\u5bf9\u4e8e\u5927\u591a\u6570\u8bed\u8a00":68,"\u5bf9\u4e8e\u5e8f\u5217\u957f\u5ea6":64,"\u5bf9\u4e8e\u6709\u53c2\u6570\u7684\u5c42":65,"\u5bf9\u4e8e\u6bcf\u4e00\u4e2a\u65b0\u52a0\u7684rnn":64,"\u5bf9\u4e8e\u6bcf\u79cd\u7c7b\u578b":69,"\u5bf9\u4e8e\u6bcf\u79cdc":69,"\u5bf9\u65b0\u7684\u6743\u91cd\u8fdb\u884c\u8f6c\u6362\u7528\u4e8e\u4e0b\u6b21\u8fed\u4ee3":64,"\u5bf9\u6bd4":68,"\u5bf9\u6bd4\u4f18\u5316\u540elayer\u4e0e\u76f8\u5bf9\u5e94\u7684paddlepaddle\u539f\u6709lay":64,"\u5bf9\u6bd4\u4f18\u5316\u540elayer\u81ea\u8eab":64,"\u5bf9\u8f93\u5165\u53c2\u6570\u7684\u5b89\u5168\u6027\u8fdb\u884c\u4e86\u5fc5\u8981\u7684\u5224\u65ad":69,"\u5bf9\u8fd9\u4e2a\u7248\u672c\u7684\u63d0\u4ea4":85,"\u5bfb\u627e\u6709\u6ca1\u6709\u5176\u4ed6\u53ef\u4ee5\u4f18\u5316\u7684\u53ef\u80fd":65,"\u5bfc\u51fa\u8fd9\u4e9b\u63a5\u53e3":69,"\u5c06":85,"\u5c06\u4e00\u4e2a\u795e\u7ecf\u7f51\u7edc\u53c2\u6570\u62c6\u5206\u6210\u591a\u4efd":36,"\u5c06\u5927\u91cf\u7684":68,"\u5c06\u65b0\u5206\u652f\u7684\u7248\u672c\u6253\u4e0atag":85,"\u5c06master\u5206\u652f\u7684\u5408\u5165commit\u6253\u4e0atag":85,"\u5c0f\u4e8e\u67d0\u4e2a\u6bd4\u8f83\u5c0f\u7684\u9608\u503c\u8ba4\u4e3a\u901a\u8fc7":65,"\u5c31\u9700\u8981\u5bf9\u8fd9\u4e2a\u7b2c\u4e09\u65b9\u8bed\u8a00\u589e\u52a0\u4e00\u4e9b\u5b9a\u4e49":68,"\u5de5\u5177\u4e0a\u4f20\u5373\u53ef":85,"\u5e73\u5747\u6545\u969c\u4fee\u590d\u65f6\u95f4":36,"\u5e73\u5747\u6545\u969c\u7387":36,"\u5e76\u4e14\u4f1a\u5199\u597d":65,"\u5e76\u4e14\u4f7f\u7528":69,"\u5e76\u4e14\u53ea\u9700\u8981\u5728\u5fc5\u8981\u7684\u65f6\u5019\u8f6c\u6362\u8fd9\u79cd\u683c\u5f0f":65,"\u5e76\u4e14\u5728\u5e38\u89c1\u7684\u5e73\u53f0\u4e0a":68,"\u5e76\u4e14\u5f53\u7f16\u8bd1\u65f6":64,"\u5e76\u4e14\u628a\u7cfb\u7edf\u751f\u6210\u7684ca":51,"\u5e76\u4e14\u628a\u7ed3\u679c\u8fd4\u56depfsclient\u7aef":51,"\u5e76\u4e14\u8ba9\u63a5\u53e3\u8131\u79bb\u5b9e\u73b0\u7ec6\u8282":68,"\u5e76\u4e14\u8f93\u5165\u8f93\u51fa\u90fd\u662f\u5171\u7528\u4e00\u5757\u5185\u5b58":65,"\u5e76\u5220\u9664":85,"\u5e76\u5220\u9664\u66f4\u65e9\u7684\u5feb\u7167":36,"\u5e76\u52a0\u8f7d\u5176\u4e2d\u7684\u53c2\u6570":36,"\u5e76\u53d1\u5e03\u5230pypi":85,"\u5e76\u5728\u6bcf\u6b21\u6743\u91cd\u66f4\u65b0\u540e":64,"\u5e76\u5728\u96c6\u7fa4\u4e2d\u8fd0\u884c\u591a\u4e2a\u5206\u5e03\u5f0f\u6570\u636e\u5904\u7406\u4efb\u52a1":37,"\u5e76\u5c06":85,"\u5e76\u5c06c":69,"\u5e76\u628a\u5feb\u7167\u4fdd\u5b58\u5230\u8fd9\u4e2a\u76ee\u5f55\u4e0b":36,"\u5e76\u628a\u7ed3\u679c\u653e\u5230\u5f53\u524d\u5c42\u7684":65,"\u5e76\u6ca1\u6709paddle\u7279\u522b\u9700\u8981\u7684\u7279\u6027":68,"\u5e76\u6dfb\u52a0\u5934\u6587\u4ef6":64,"\u5e76\u88ab\u5b58\u50a8\u5728\u8bf8\u5982hadoop":37,"\u5e76\u9002\u5e94github\u7684\u7279\u6027\u505a\u4e86\u4e00\u4e9b\u533a\u522b":85,"\u5e76\u91cd\u65b0\u6253\u5305wheel\u5305":85,"\u5efa\u8bae":85,"\u5f00\u53d1\u4e86\u6a21\u578b\u9884\u6d4b\u7684\u6837\u4f8b\u4ee3\u7801":69,"\u5f00\u53d1\u8005\u4fee\u6539\u81ea\u5df1\u7684\u4ee3\u7801":85,"\u5f00\u53d1\u8005fork\u7684\u7248\u672c\u5e93\u4e2d":85,"\u5f00\u53d1\u8005fork\u7684\u7248\u672c\u5e93\u4f7f\u7528":85,"\u5f00\u5934":[64,65],"\u5f00\u59cb\u63d0\u4f9b\u670d\u52a1":36,"\u5f15\u5165\u4e86\u4ee5\u4e0b\u56db\u4e2aapi":64,"\u5f15\u5165\u4e86\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5f39\u51fa\u4e0b\u9762\u7684\u9009\u62e9\u6846":85,"\u5f53\u529f\u80fd\u5206\u652f\u5f00\u53d1\u5b8c\u6bd5\u540e":85,"\u5f53\u53ea\u505a\u63a8\u65ad":64,"\u5f53\u5f00\u542f":65,"\u5f53\u6253\u5f00":65,"\u5f53\u6570\u636e\u683c\u5f0f\u4e0epaddlepaddle\u9ed8\u8ba4\u7684":65,"\u5f53\u7136\u8fd9\u4e24\u8005\u4e5f\u53ef\u4ee5\u76f8\u7b49":65,"\u5f53\u7528\u6237\u4f7f\u7528\u5b8c\u8fd9\u4e2a\u53c2\u6570\u540e":69,"\u5f53\u7f51\u7edc\u51fa\u73b0\u5206\u652f\u4e14\u5728":65,"\u5f53destination\u6587\u4ef6\u4e0d\u5b58\u5728\u6216\u8005\u5927\u5c0f\u548csource\u6587\u4ef6\u4e0d\u4e00\u81f4\u65f6":51,"\u5f88\u96be\u4fdd\u8bc1\u591a\u8bed\u8a00\u4ee3\u7801\u98ce\u683c\u7684\u4e00\u81f4\u6027":68,"\u5f97\u4f7f\u7528":68,"\u5fc5\u8981":69,"\u5fc5\u987b\u5206\u522b\u4e0e":65,"\u60c5\u611f\u5206\u6790":85,"\u6211\u4eec\u4e5f\u53ef\u4ee5\u786e\u5b9a\u6bcf\u4e00\u4e2a\u53c2\u6570\u7684\u7c7b\u578b":69,"\u6211\u4eec\u4e5f\u5c06mklml\u5373":65,"\u6211\u4eec\u4f1a\u4fdd\u8bc1":65,"\u6211\u4eec\u4f1a\u5728\u7f51\u7edc\u8bad\u7ec3\u4e4b\u524d\u628a\u683c\u5f0f\u8f6c\u6362\u4e3amkl":65,"\u6211\u4eec\u4f1a\u5bf9\u6bd4\u5982\u4e0b2\u4e2a\u65b9\u9762":64,"\u6211\u4eec\u4f1a\u628amkl":65,"\u6211\u4eec\u4f1a\u6dfb\u52a0":[64,65],"\u6211\u4eec\u4f7f\u7528\u52a8\u6001\u5e93\u6765\u5206\u53d1paddl":68,"\u6211\u4eec\u51b3\u5b9a\u4f7f\u7528\u5df2\u6709\u7684":65,"\u6211\u4eec\u53ef\u4ee5\u5148\u5b8c\u6210\u5bf9\u539f\u6570\u636e\u7684packing\u64cd\u4f5c":64,"\u6211\u4eec\u603b\u7ed3\u51fa\u4e00\u4e9b\u7279\u522b\u9700\u8981\u6ce8\u610f\u7684\u70b9":65,"\u6211\u4eec\u63d0\u4f9b\u4e24\u4e2a\u8f6c\u6362\u65b9\u5f0f":37,"\u6211\u4eec\u63d0\u51fa\u4e86chunk\u7684\u6982\u5ff5":51,"\u6211\u4eec\u6700\u7ec8\u7684\u52a8\u6001\u5e93\u4e2d\u4e0d\u5d4c\u5165python\u6216\u8005\u5176\u4ed6\u4efb\u4f55\u8bed\u8a00\u7684\u89e3\u91ca\u5668":68,"\u6211\u4eec\u8ba1\u5212\u5c06":64,"\u6211\u4eec\u8ba1\u5212\u5c06\u82f1\u7279\u5c14\u6df1\u5ea6\u795e\u7ecf\u7f51\u7edc\u6570\u5b66\u5e93":65,"\u6211\u4eec\u8bbe\u8ba1\u8bf4\u660e\u4e86\u540d\u4e3afilemanager\u7cfb\u7edf":51,"\u6211\u4eec\u9009\u62e9":37,"\u6211\u4eec\u901a\u8fc7\u4f7f\u7528\u65b0\u5f15\u5165\u7684gemm":64,"\u6211\u4eec\u90fd\u63d0\u4f9bpython\u7684\u8f6c\u6362\u5e93":37,"\u6216\u8005":[65,68,69],"\u6216\u8005\u5c06\u8fd9\u53f0\u8282\u70b9\u8fc1\u79fb\u5230\u53e6\u4e00\u4e2a\u8282\u70b9\u5e76\u542f\u52a8\u5373\u53ef\u6062\u590d\u8bad\u7ec3\u4efb\u52a1":36,"\u6216\u8005\u7528tuple\u8868\u793a\u7684\u591a\u4e2a\u503c":37,"\u6216\u8005\u7531\u5b83\u4eec\u7ec4\u6210\u7684list":37,"\u6216activ":65,"\u6240\u4ee5":[65,85],"\u6240\u4ee5\u4e00\u4e2a\u7248\u672c\u53f7\u7684wheel\u5305\u53d1\u5e03\u4e4b\u540e":85,"\u6240\u4ee5\u4e0d\u5b58\u5728\u8fd9\u4e2a\u95ee\u9898":65,"\u6240\u4ee5\u5728":65,"\u6240\u4ee5\u5728\u5199\u5165\u5feb\u7167\u7684\u8fc7\u7a0b\u4e2d":36,"\u6240\u4ee5\u6211\u4eec\u5b9a\u4e49\u4e86\u4e00\u4e2a":65,"\u6240\u4ee5\u6574\u4f53\u4e0a":65,"\u6240\u4ee5\u6dfb\u52a0\u4e86\u5bf9\u5e94\u7684":65,"\u6240\u4ee5\u7528\u6237\u9700\u8981\u9996\u5148\u5728":51,"\u6240\u4ee5\u9700\u8981\u5f15\u5165\u4e00\u4e2a\u8f6c\u6362\u65b9\u6cd5":65,"\u6240\u6709\u4e0e\u7c7b\u578b\u76f8\u5173\u7684\u51fd\u6570":69,"\u6240\u6709\u5916\u90e8\u7684\u8f6c\u6362\u5de5\u4f5c\u90fd\u4f1a\u5728reset\u7cfb\u5217\u51fd\u6570\u4e2d\u90fd\u51c6\u5907\u597d":65,"\u6240\u6709\u7684":64,"\u6240\u6709\u7684\u63a5\u53e3\u5747\u4e3ac\u63a5\u53e3":69,"\u6240\u6709\u76f8\u5173\u7684":64,"\u6240\u6709\u7c7b\u578b\u540d\u4e3a":69,"\u6240\u6709mkl":65,"\u624b\u5199\u591a\u8bed\u8a00\u7ed1\u5b9a":68,"\u624d\u80fd\u66f4\u597d\u7684\u53d1\u6325mkl":65,"\u6253\u5f00\u8fd9\u4e2a\u7f16\u8bd1\u9009\u9879":69,"\u6267\u884c":85,"\u628a":37,"\u628a\u4e4b\u524d\u793a\u4f8b\u4e2d\u8f6c\u6362\u5b8c\u6bd5\u7684random":37,"\u6307\u6df1\u5ea6\u5b66\u4e60\u8bad\u7ec3\u4e4b\u540e\u5f97\u5230\u7684\u6240\u6709\u53c2\u6570":36,"\u6309\u94ae":85,"\u63a5\u53e3":[68,69],"\u63a5\u53e3\u5c42\u505a\u8fc7\u591a\u5c01\u88c5":69,"\u63a5\u53e3\u662f":37,"\u63a5\u6536\u5904\u7406pfsclient\u7aef\u7684\u6587\u4ef6\u7ba1\u7406\u8bf7\u6c42":51,"\u63a7\u5236\u662f\u5426\u4f7f\u7528mkl":65,"\u63a7\u5236\u662f\u5426\u4f7f\u7528mklml\u5e93":65,"\u63a7\u5236\u7528\u6237\u6743\u9650":37,"\u63d0\u4f9b\u4e03\u5c42\u534f\u8bae\u7684\u53cd\u5411\u4ee3\u7406":51,"\u63d0\u4f9b\u5e38\u7528\u7684\u547d\u4ee4\u884c\u7ba1\u7406\u547d\u4ee4\u7ba1\u7406\u6587\u4ef6\u548c\u76ee\u5f55":51,"\u63d0\u4f9b\u7528\u6237\u7ba1\u7406\u6587\u4ef6\u7684\u547d\u4ee4":51,"\u63d0\u4f9b\u7ed9paddle\u4f5c\u4e3a\u8bad\u7ec3\u6570\u636e":37,"\u652f\u6301\u5927\u6587\u4ef6\u7684\u65ad\u70b9\u4e0a\u4f20":51,"\u6570\u636e":51,"\u6570\u636e\u8bfb\u53d6\u5747\u4ea4\u7531\u5176\u4ed6\u8bed\u8a00\u5b8c\u6210":68,"\u6570\u636e\u957f\u5ea6\u53ca\u6821\u9a8c\u503c\u7ec4\u6210":51,"\u6570\u636e\u96c6\u9700\u8981\u9884\u5148\u88ab\u8f6c\u6362\u6210paddlepaddle\u5206\u5e03\u5f0f\u8bad\u7ec3\u4f7f\u7528\u7684\u5b58\u50a8\u683c":37,"\u6570\u636e\u9884\u5904\u7406\u4efb\u52a1":37,"\u6587\u4ef6":68,"\u6587\u4ef6\u4f20\u8f93\u7684\u7684\u5173\u952e\u5728\u4e8e\u9700\u8981pfsclient\u7aef\u5bf9\u6bd4source\u548cdestination\u7684\u6587\u4ef6chunks\u7684checksum\u662f\u5426\u4fdd\u6301\u4e00\u81f4":51,"\u6587\u4ef6\u5185\u5bb9\u4e3a":68,"\u6587\u4ef6\u540d\u4e3a\u6b64uuid":36,"\u6587\u4ef6\u5bf9\u5e94\u7684data":37,"\u6587\u4ef6\u7684\u4e0a\u4f20\u548c\u4e0b\u8f7d\u90fd\u662f\u901a\u8fc7\u5bf9chunk\u7684\u64cd\u4f5c\u6765\u5b9e\u73b0\u7684":51,"\u65b0\u624b\u5165\u95e8\u7ae0\u8282":85,"\u65b0\u7248\u672c":65,"\u65b9\u4fbf\u6d4b\u8bd5\u4eba\u5458\u6d4b\u8bd5paddlepaddle\u7684\u884c\u4e3a":85,"\u65b9\u4fbf\u7528\u6237\u4e0a\u4f20\u81ea\u5df1\u7684\u8bad\u7ec3\u6570\u636e\u4ee5\u8fdb\u884c\u5206\u5e03\u5f0f\u8bad\u7ec3":51,"\u65b9\u4fbf\u7528\u6237\u5728python\u7aef\u9009\u62e9\u662f\u5426\u542f\u7528\u8fd9\u4e2a\u529f\u80fd":64,"\u65b9\u4fbf\u7528\u6237\u9009\u62e9\u4f7f\u7528mkl":65,"\u65b9\u5f0f\u7c7b\u4f3c\u4e8e":65,"\u65e0\u6cd5\u505a\u5230\u5bf9\u4e8e\u5404\u79cd\u8bed\u8a00\u9519\u8bef\u5904\u7406\u65b9\u5f0f\u7684\u9002\u914d":68,"\u65e0\u8bba\u5728\u672c\u5730\u8fd8\u662f\u5728\u4e91\u7aef":37,"\u65e0\u8bba\u662f\u4ece":37,"\u65e0\u8bba\u662f\u5728\u672c\u5730\u6216\u662f\u4e91\u7aef\u8f6c\u6362":37,"\u65e0\u8bba\u662f\u91cd\u6784\u524d\u7684layer\u8fd8\u662f\u91cd\u6784\u540e\u7684op":65,"\u65f6":[36,64,65],"\u65f6\u4e00\u8d77\u66f4\u65b0":65,"\u662f":[51,65],"\u662f\u4e00\u4e2a\u591a\u8bed\u8a00\u63a5\u53e3\u7684\u4ee3\u7801\u751f\u6210\u5668":68,"\u662f\u4e00\u4e2a\u7c7b\u578b\u7684\u6807\u5fd7":69,"\u662f\u4e0d\u5e38\u89c1\u7684\u505a\u6cd5":68,"\u662f\u5404\u4e2a\u5b9e\u73b0\u4e2d\u5171\u4eab\u7684\u5934\u6587\u4ef6":69,"\u662f\u5426\u6253\u5f00":64,"\u662f\u56e0\u4e3ac99\u652f\u6301":68,"\u662f\u5bf9\u7528\u6237\u6587\u4ef6\u5b58\u50a8\u7a7a\u95f4\u7684\u62bd\u8c61":51,"\u662f\u6307":69,"\u662f\u7528\u6237\u4f7f\u7528c":69,"\u662fc":69,"\u663e\u5f97\u76f8\u5bf9\u6765\u8bf4\u8f83\u4e3a\u8017\u65f6":64,"\u6682\u65f6\u4e0d\u8003\u8651\u591a\u4e2aparamet":36,"\u66b4\u9732\u8fd9\u4e2a\u6982\u5ff5\u5fc5\u8981\u51fd\u6570":69,"\u6700\u540e\u5220\u9664":85,"\u6700\u5e38\u89c1\u7684\u9519\u8bef\u5904\u7406\u65b9\u5f0f\u662fexcept":68,"\u6709\u6548\u63d0\u5347paddlepaddle\u5728\u82f1\u7279\u5c14\u67b6\u6784\u4e0a\u7684\u6027\u80fd":[64,65],"\u6709\u6807\u51c6\u7684":68,"\u6709\u7684\u65f6\u5019":68,"\u672c\u5217\u8868\u8bf4\u660epaddlepaddle\u53d1\u7248\u4e4b\u524d\u9700\u8981\u6d4b\u8bd5\u7684\u529f\u80fd\u70b9":85,"\u672c\u6587\u6863\u63cf\u8ff0paddl":69,"\u673a\u5668\u7ffb\u8bd1":85,"\u6765\u4fdd\u8bc1\u8bad\u7ec3\u8fc7\u7a0b\u53ef\u4ee5\u4ece\u4e2d\u95f4\u72b6\u6001\u91cd\u65b0\u542f\u52a8":36,"\u6765\u51b3\u5b9a\u662f\u5426\u5f00\u542fmkl":64,"\u6765\u5b9e\u73b0":65,"\u6765\u786e\u4fdd\u628a":68,"\u6765\u8868\u793apaddle\u5185\u90e8\u7c7b":68,"\u6765\u8bbf\u95ee\u7528\u6237\u81ea\u5df1\u7684\u6570\u636e":37,"\u6765\u8fdb\u884c\u8ba8\u8bba":69,"\u67e5\u770blatest":85,"\u6807\u51c6\u8868\u793apaddlepaddle\u7248\u672c\u53f7":85,"\u683c\u5f0f\u4e0d\u5339\u914d\u65f6":65,"\u68c0\u67e5\u70b9\u4fdd\u5b58\u7a0b\u5e8f\u6d41\u7a0b":36,"\u6a21\u578b\u53c2\u6570\u68c0\u67e5\u70b9\u901a\u8fc7\u5b9a\u671f\u5411\u78c1\u76d8\u4e0a\u4fdd\u5b58\u4e00\u4efd\u5b58\u50a8\u5728paramet":36,"\u6a21\u578b\u6570\u636e\u68c0\u67e5\u70b9\u7684\u5b9e\u73b0":36,"\u6a21\u578b\u914d\u7f6e\u89e3\u6790":68,"\u6b21\u8fed\u4ee3\u6267\u884c\u7684\u8f6c\u6362\u6b21\u6570\u4e3a":64,"\u6b64\u65f6\u6bcf\u4e2a\u5c0f\u5206\u652f\u7684":65,"\u6b64\u65f6master\u5c06\u8d1f\u8d23\u542f\u52a8\u4e00\u4e2a\u65b0\u7684train":36,"\u6bcf\u4e00\u4e2a":85,"\u6bcf\u4e00\u4e2a\u6587\u4ef6\u662f\u6570\u636e\u96c6\u7684\u4e00\u4e2ashard":37,"\u6bcf\u4e2a":65,"\u6bcf\u4e2a\u503c\u7684\u7c7b\u578b\u53ef\u4ee5\u662f\u6574\u5f62":37,"\u6bcf\u4e2a\u6d4b\u8bd5\u4f1a\u5bf9\u6bd4paddlepaddle\u4e2dcpu\u7b97\u51fa\u7684\u7ed3\u679c\u4e0emkl":65,"\u6bcf\u4e2adata":37,"\u6bcf\u4e2amkldnnlayer\u90fd\u5305\u542b\u7528\u4e8e\u5185\u90e8\u5b58\u50a8\u548c\u5916\u90e8\u5b58\u50a8\u7684\u4e00\u7cfb\u5217mkldnnmatrix":65,"\u6bcf\u4e2aparamet":36,"\u6bcf\u4e2ashard\u5206\u522b\u5b58\u50a8\u5728\u5176\u4e2d\u4e00\u53f0paramet":36,"\u6bcf\u6b21\u8c03\u7528\u65f6\u5bf9\u539f\u6570\u636e\u7684\u91cd\u590dpacking\u4fbf\u6210\u4e3a\u4e86\u5197\u4f59":64,"\u6bcf\u6b21\u8f93\u51fa\u4e00\u4e2adata":37,"\u6bcf\u969410\u5206\u949f":36,"\u6bd4\u5982":[37,65],"\u6bd4\u5982\u53ef\u80fd\u4f1a\u7528openmp\u6539\u8fdbsgd\u7684\u66f4\u65b0\u6027\u80fd":65,"\u6bd4\u5982\u5c06":85,"\u6bd4\u5982\u6bcf\u969410\u5206\u949f\u6700\u65b0\u7684\u5feb\u7167":36,"\u6bd4\u5982\u6d41\u5f0f\u6570\u636e\u5904\u7406":37,"\u6bd4\u5982imagenet\u8fd9\u4e2a\u6570\u636e\u96c6\u53ef\u80fd\u88ab\u5206\u62101000\u4e2ashard":37,"\u6ca1\u6709\u5fc5\u8981\u5728\u6bcf\u6b21\u524d\u5411\u4e2d\u6bcf\u4e2a\u65f6\u95f4\u6b65\u7684\u8ba1\u7b97\u65f6\u5bf9\u6743\u91cd\u8fdb\u884c\u91cd\u590d\u7684packing\u64cd\u4f5c":64,"\u6ce8":[36,85],"\u6ce8\u518clayer\u7684\u65f6\u5019\u4fdd\u8bc1":[64,65],"\u6ce8\u610f":65,"\u6d4b\u8bd5\u5206\u4e3a\u6bcf\u4e2alayer":65,"\u6d4b\u8bd5\u672c\u6b21release\u7684\u6b63\u786e\u6027":85,"\u6d4b\u8bd5\u7684\u6027\u80fd\u5bf9\u6bd4\u7ed3\u679c\u4f1a\u5728":65,"\u6d6e\u70b9\u578b\u6570\u636e":37,"\u6df1\u5165paddlepaddl":65,"\u6dfb\u52a0":64,"\u6dfb\u52a0\u7684\u76f8\u5173\u6587\u4ef6\u548c\u76ee\u5f55\u7ed3\u6784\u5982\u4e0b":[64,65],"\u6fc0\u6d3b\u51fd\u6570\u662f\u72ec\u7acb\u4e8e":65,"\u70b9\u51fb":85,"\u7136\u540e\u5728\u524d\u5411":64,"\u7136\u540e\u5728etcd\u7684":36,"\u7136\u540e\u5c31\u53ef\u4ee5\u5e76\u53d1\u5199\u5165\u591a\u4e2achunk":51,"\u7136\u540e\u624d\u80fd\u4f7f\u7528pfsclient":51,"\u7136\u540e\u6309\u7167\u4e0a\u8ff0\u7684\u65b9\u6cd5":85,"\u7136\u540e\u70b9\u51fb":85,"\u7248\u672c\u5206\u652f":85,"\u7248\u672c\u53f7":85,"\u7248\u672c\u53f7\u5bf9\u5e94\u7684tag\u5373\u53ef":85,"\u7248\u672c\u53f7rc":85,"\u7248\u672cfork\u51fa\u81ea\u5df1\u7684\u529f\u80fd\u5206\u652f":85,"\u7279\u6709\u7684\u8bbe\u5907id":65,"\u73b0\u9636\u6bb5\u7684\u4f18\u5316\u4e3b\u8981\u9488\u5bf9":64,"\u73b0\u9636\u6bb5paddle\u6709\u4e00\u4e2a\u95ee\u9898\u662f":68,"\u751f\u4ea7\u73af\u5883\u4e2d\u7684\u8bad\u7ec3\u6570\u636e\u96c6\u901a\u5e38\u4f53\u79ef\u5f88\u5927":37,"\u751f\u4ea7\u73af\u5883\u7684\u65e5\u5fd7\u6570\u636e\u4f1a\u901a\u8fc7\u5b9e\u65f6\u6d41\u7684\u65b9\u5f0f":37,"\u751f\u6210\u5404\u79cd\u8bed\u8a00\u7684\u7ed1\u5b9a\u4ee3\u7801":68,"\u751f\u6210\u6587\u6863":68,"\u751f\u6210\u7684":37,"\u751f\u6210\u7ed9\u5b9a":37,"\u751f\u6210api\u6587\u6863":68,"\u751f\u6210pfsclient\u548cpfsserver\u7684\u6846\u67b6\u90e8\u5206":51,"\u7528":51,"\u7528\u4e8e\u6d4b\u8bd5\u548c\u5bf9\u6bd4\u5728\u4f7f\u7528mkl":65,"\u7528\u4e8e\u7ba1\u7406mkl":65,"\u7528\u4e8e\u9009\u62e9\u662f\u5426\u4f7f\u7528\u76f8\u5173\u529f\u80fd":64,"\u7528\u4e8e\u9009\u62e9\u662f\u5426\u4f7f\u7528mkl":65,"\u7528\u4e8emkl":[64,65],"\u7528\u6237\u4e0a\u4f20\u6570\u636e\u540e":37,"\u7528\u6237\u4e5f\u53ef\u4ee5\u4e0a\u4f20label":37,"\u7528\u6237\u53ef\u4ee5\u5b89\u5168\u7684\u91ca\u653e\u67d0\u4e2ac":69,"\u7528\u6237\u53ef\u4ee5\u628a\u81ea\u5df1\u7684\u6570\u636e\u5206\u4eab\u7ed9\u522b\u4eba":37,"\u7528\u6237\u53ef\u4ee5\u76f4\u63a5\u4f7f\u7528\u8fd9\u4e2a\u52a8\u6001\u5e93\u6765\u5f15\u5165paddl":69,"\u7528\u6237\u5728\u672c\u5730\u8f6c\u6362\u597d\u518d\u4e0a\u4f20":37,"\u7528\u6237\u6587\u4ef6\u53ef\u80fd\u662f\u6bd4\u8f83\u5927\u7684":51,"\u7528\u6237\u901a\u8fc7c":69,"\u7531\u4e8e\u5728\u73b0\u6709\u7684\u67d0\u4e9b\u60c5\u51b5\u4e0b":64,"\u7531\u4e8e\u5bf9parameters\u7684\u66f4\u65b0\u9700\u8981\u83b7\u53d6parameters\u5185\u5b58\u7684":36,"\u7531\u4e8e\u96c6\u7fa4\u4e2d\u540c\u65f6\u5b58\u5728\u4e24\u53f0\u673a\u5668\u6545\u969c\u7684\u6982\u7387\u6781\u4f4e":36,"\u7531\u4e8ec":68,"\u7531\u4e8echunk\u6bd4\u8f83\u5c0f":51,"\u7531\u4e8emkl":65,"\u7531\u4e8epypi":85,"\u7531\u5206\u652f\u5904\u7684layer\u8d1f\u8d23\u6c42\u548c":65,"\u7533\u8bf7\u7528\u6237\u7a7a\u95f4":51,"\u7684\u4e00\u4e2a\u5b50\u96c6":65,"\u7684\u4fe1\u606f":65,"\u7684\u5355\u5143\u6d4b\u8bd5\u548c\u7b80\u5355\u7f51\u7edc\u7684\u6574\u4f53\u6d4b\u8bd5":65,"\u7684\u547d\u540d\u98ce\u683c\u5e76\u4e0d\u80fd\u9002\u5e94\u5176\u4ed6\u7b2c\u4e09\u65b9\u8bed\u8a00":68,"\u7684\u57fa\u672c\u903b\u8f91":65,"\u7684\u5934\u6587\u4ef6":68,"\u7684\u5b50\u7c7b\u53ea\u9700\u8981\u4f7f\u7528\u5185\u90e8\u5b58\u50a8\u5c31\u53ef\u4ee5\u4e86":65,"\u7684\u60c5\u51b5\u4e0b":64,"\u7684\u63a5\u53e3\u6837\u5f0f":68,"\u7684\u6570\u636e\u6d41\u56fe":37,"\u7684\u65f6\u5019":65,"\u7684\u683c\u5f0f\u59cb\u7ec8\u662f":65,"\u7684\u683c\u5f0f\u5b58\u50a8":65,"\u7684\u6982\u5ff5":65,"\u7684\u6e90\u7801\u91cc\u4f7f\u7528\u4e86":68,"\u7684\u7248\u672c":85,"\u7684\u7ed3\u679c":64,"\u7684\u7f29\u5199":51,"\u7684\u7f51\u7edc\u6a21\u578b":64,"\u7684\u89c4\u8303":68,"\u7684\u89d2\u5ea6":37,"\u7684\u914d\u7f6e\u5199\u5230\u914d\u7f6e\u6587\u4ef6\u4e2d":37,"\u7684flag":[64,65],"\u7684vanilla":64,"\u76ee\u524d\u53ea\u8003\u8651":65,"\u76ee\u524d\u53ea\u8003\u8651\u52a8\u6001\u6269\u5bb9trainer\u6570\u91cf":36,"\u76ee\u524d\u5728paddlepaddle\u4e2d":65,"\u76ee\u524d\u5728paddlepaddle\u4e2d\u6570\u636e\u90fd\u662f\u4ee5":65,"\u76ee\u524d\u5d4c\u5165python\u89e3\u91ca\u5668":68,"\u76ee\u524d\u6211\u4eec\u7528cephfs\u6765\u642d\u5efa":51,"\u76ee\u524d\u7684\u4f18\u5316":65,"\u76ee\u524dpaddle\u7684\u8fdb\u7a0b\u6a21\u578b\u662fc":68,"\u76ee\u524dpaddlepaddle\u91c7\u7528\u4e86":64,"\u76ee\u5f55\u4e0b":69,"\u76ee\u5f55\u4e0b\u5bf9\u5e94\u7684\u5730\u65b9":65,"\u76f4\u63a5\u4f7f\u7528c\u8bed\u8a00\u7684":68,"\u76f4\u63a5\u5220\u9664\u8fd9\u4e2a\u53c2\u6570\u5373\u53ef":69,"\u76f4\u63a5\u5bfc\u51fa\u5230c\u7684\u63a5\u53e3\u6bd4\u8f83\u56f0\u96be":68,"\u76f8\u5173\u5c42":64,"\u77e9\u9635\u5927\u5c0f\u662f":64,"\u793e\u533a\u53c2\u4e0e\u56f0\u96be":68,"\u793e\u533a\u8d21\u732e\u4ee3\u7801\u5b66\u4e60\u6210\u672c\u9ad8":68,"\u795e\u7ecf\u7f51\u7edc\u4e2d\u7684\u53c2\u6570":36,"\u79bb\u7ebf\u6279\u5904\u7406":37,"\u7b2c\u4e00\u4e2atag\u4e3a":85,"\u7b2c\u4e09\u6b65\u5b8c\u6210\u540e":85,"\u7b2c\u4e8c\u4e2a\u4e3a":85,"\u7b49":[65,69],"\u7b49\u5168\u90e8\u9759\u6001\u5e93\u4e2d\u7684\u76ee\u6807\u6587\u4ef6\u5168\u90e8\u6253\u5305\u540e\u4ea7\u751f\u7684\u6587\u4ef6":69,"\u7b49\u5f85\u7f16\u8bd1\u5b8c\u6210\u540e":85,"\u7b49\u6587\u4ef6":69,"\u7c7b\u4f3c":69,"\u7c7b\u540d\u548cc":68,"\u7c7b\u578b":68,"\u7ed3\u8bba":68,"\u7edf\u4e00\u7528":37,"\u7f16\u8bd1\u5668\u6ca1\u6709":68,"\u7f16\u8bd1\u578b\u8bed\u8a00":68,"\u7f16\u8bd1\u65f6\u4f1a\u628a\u5bf9\u5e94\u7684\u5934\u6587\u4ef6\u548c\u5e93\u653e\u5728":65,"\u7f16\u8bd1\u8fd9\u4e2a\u7248\u672c\u7684docker\u53d1\u884c\u955c\u50cf":85,"\u7f16\u8bd1\u8fd9\u4e2a\u7248\u672c\u7684python":85,"\u7f16\u8bd1c":69,"\u800c\u4e0d\u5fc5\u5728\u610fpaddl":69,"\u800c\u4e0d\u652f\u6301pypy\u89e3\u91ca\u5668":68,"\u800c\u4e0d\u66b4\u9732\u6982\u5ff5\u7684\u5b9e\u73b0":69,"\u800c\u4e14\u5728\u4f20\u8f93\u7684\u8fc7\u7a0b\u4e2d\u4e5f\u53ef\u80fd\u51fa\u73b0\u7f51\u7edc\u4e0d\u7a33\u5b9a\u7684\u60c5\u51b5":51,"\u800c\u51fa\u73b0\u9636\u6bb5\u6027\u7684\u8fd0\u884c\u505c\u6ede":36,"\u800c\u5728cpp\u91cc\u9762\u5b9e\u73b0\u8fd9\u4e2ac\u7684\u63a5\u53e3":68,"\u800c\u591a\u8bed\u8a00\u63a5\u53e3\u9700\u8981\u76f4\u63a5\u8bfb\u53d6\u751f\u6210\u7684\u4e8c\u8fdb\u5236":68,"\u800c\u5bf9\u4e8egolang":68,"\u800c\u5bf9\u4e8egolang\u9519\u8bef\u5904\u7406\u5e94\u8be5\u4f7f\u7528\u8fd4\u56de\u503c":68,"\u800c\u662f\u76f4\u63a5\u4fee\u6539paddl":69,"\u800c\u662f\u76f4\u63a5\u7528api\u7684\u63a5\u53e3\u8fdc\u7a0b\u8bbf\u95ee":37,"\u800cswig\u53ea\u80fd\u7b80\u5355\u7684\u66b4\u9732c":68,"\u81ea\u52a8\u6302\u8f7d\u5206\u5e03\u5f0f\u5b58\u50a8\u76ee\u5f55":36,"\u81f3\u4e8e\u4e3a\u4ec0\u4e48\u9700\u8981c":69,"\u826f\u597d\u7684\u6587\u6863":68,"\u8282\u7701\u4e86\u4e0d\u5fc5\u8981\u7684\u64cd\u4f5c":65,"\u83b7\u53d6\u6700\u65b0\u7684\u68c0\u67e5\u70b9\u7684\u6587\u4ef6uuid":36,"\u867d\u7136\u4e0d\u9f13\u52b1\u8fd9\u6837":69,"\u8868\u793a\u5bf9\u8f93\u5165\u6570\u636e":65,"\u89e3\u91ca\u578b\u8bed\u8a00\u53ea\u80fd\u8c03\u7528\u52a8\u6001\u5e93":68,"\u89e3\u91ca\u6027\u8bed\u8a00\u5b9e\u9645\u8fd0\u884c\u7684\u4e8c\u8fdb\u5236\u662f\u89e3\u91ca\u5668\u672c\u8eab":68,"\u8ba1\u5212\u5728":[64,65],"\u8ba1\u7b97\u8fd9\u4e2a\u6587\u4ef6\u7684md5":36,"\u8ba9paddle\u6838\u5fc3\u4e2d":69,"\u8bad\u7ec3\u4efb\u52a1\u7684\u8fd0\u884c\u53ef\u80fd\u4f1a\u5360\u6ee1trainer\u548cparamet":36,"\u8bad\u7ec3\u548c\u7eaf\u4f7f\u7528":85,"\u8bad\u7ec3\u6a21\u578b\u6b63\u786e\u6027":85,"\u8bb0\u5f55\u4e0b\u6240\u6709\u5931\u8d25\u7684\u4f8b\u5b50":85,"\u8bbe\u7f6e":69,"\u8bc6\u522b\u6570\u5b57":85,"\u8bcd\u5411\u91cf":85,"\u8be5\u6587\u4ef6\u5bf9\u76f8\u5173gemm":64,"\u8be5\u7c7b\u7ee7\u627f\u4e8epaddlepaddle\u7684\u57fa\u7c7b":65,"\u8be6\u7ec6\u8bbe\u8ba1":51,"\u8bed\u610f\u89d2\u8272\u6807\u6ce8":85,"\u8bf4\u660e":36,"\u8bf7\u53c2\u8003":69,"\u8f6c\u6362\u5185\u5b58\u7684\u5de5\u4f5c":65,"\u8f6c\u6362\u5197\u4f59":64,"\u8f6c\u6362\u51fd\u6570":65,"\u8f6c\u6362\u751f\u6210\u7684\u6587\u4ef6\u540d\u4f1a\u662f\u4ee5\u4e0b\u683c\u5f0f":37,"\u8f6c\u6362\u8017\u65f6":64,"\u8f93\u5165\u68af\u5ea6":65,"\u8f93\u51fa\u6570\u636e\u548c\u8f93\u51fa\u68af\u5ea6":65,"\u8f93\u51fa\u6570\u636e\u548c\u8f93\u51fa\u68af\u5ea6\u7684\u8f6c\u6362":65,"\u8fbe\u5230\u5bb9\u707e\u7684\u76ee\u7684":36,"\u8fc7\u7a0b\u4e2d\u6240\u6709\u65f6\u95f4\u6b65":64,"\u8fd1\u671f\u76ee\u6807":65,"\u8fd4\u56de\u7b2c\u4e8c\u6b65":85,"\u8fd8\u662f\u4ece":37,"\u8fd9\u4e00\u5c42\u8fdb\u884c\u5c01\u88c5":69,"\u8fd9\u4e00\u6570\u636e\u683c\u5f0f\u7684\u8f6c\u6362\u64cd\u4f5c":64,"\u8fd9\u4e00\u6982\u5ff5\u4e0d\u518d\u7410\u788e":69,"\u8fd9\u4e09\u4e2a\u5206\u652f":85,"\u8fd9\u4e2a\u51fd\u6570\u672c\u8eab\u4f1a\u5728\u8ba1\u7b97\u524d\u5c06\u539f\u6570\u636e\u8f6c\u6362\u4e3a\u66f4\u9002\u5408\u82f1\u7279\u5c14\u5e73\u53f0\u7684\u5185\u90e8\u683c\u5f0f":64,"\u8fd9\u4e2a\u52a8\u6001\u5e93\u7684\u8fde\u63a5\u53c2\u6570\u4e0epaddle\u7684\u5176\u4ed6\u4e8c\u8fdb\u5236":69,"\u8fd9\u4e2a\u53c2\u6570\u4e5f\u4e0d\u4f1a\u4e00\u5e76\u5220\u9664":69,"\u8fd9\u4e2a\u5934\u6587\u4ef6\u4e0d\u5047\u8bbe\u5176\u4ed6\u6587\u4ef6\u7684\u5f15\u7528\u987a\u5e8f":69,"\u8fd9\u4e2a\u63a5\u53e3\u9700\u8981\u505a\u5230":68,"\u8fd9\u4e2a\u6587\u4ef6\u5177\u6709\u72ec\u7279\u7684\u8bed\u6cd5":68,"\u8fd9\u4e2a\u76ee\u5f55\u4e2d\u9664\u4e86":69,"\u8fd9\u4e2a\u7ed3\u6784\u4f53\u4e2d\u7684\u53e6\u4e00\u4e2a\u9879\u76ee\u662f":69,"\u8fd9\u4e2a\u7ed3\u6784\u4f53\u5305\u542b\u4e24\u4e2a\u9879\u76ee":69,"\u8fd9\u4e2a\u9009\u62e9":[64,65],"\u8fd9\u4e2a\u9759\u6001\u5e93\u5305\u542b\u4e86paddle\u7684\u5168\u90e8\u7b26\u53f7":69,"\u8fd9\u4e2ainstance\u53ef\u4ee5\u662f\u5355\u4e2a\u503c":37,"\u8fd9\u4e9b\u4f1a\u5728":[64,65],"\u8fd9\u4e9b\u51fd\u6570\u4f1a\u6839\u636e\u8f93\u5165\u53c2\u6570\u91cd\u65b0\u8bbe\u7f6e\u5185\u90e8\u548c\u5916\u90e8\u5b58\u50a8":65,"\u8fd9\u4e9b\u5206\u5e03\u5f0f\u5b58\u50a8\u670d\u52a1\u901a\u5e38\u4f1a\u628a\u6570\u636e\u5207\u5272\u6210\u591a\u4e2a\u5206\u7247\u5206\u5e03\u5f0f\u7684\u5b58\u50a8\u5728\u591a\u4e2a\u8282\u70b9\u4e4b\u4e0a":37,"\u8fd9\u4e9b\u955c\u50cf\u4e5f\u53ef\u4ee5\u4ece":85,"\u8fd9\u5bf9\u4e8e\u901a\u5e38\u7684java\u7684\u5f00\u53d1\u8005\u6765\u8bf4":68,"\u8fd9\u662f\u56e0\u4e3a":68,"\u8fd9\u6837":69,"\u8fd9\u6837\u4e0b\u4e00\u4e2acpu":65,"\u8fd9\u6837\u4fdd\u8bc1":85,"\u8fd9\u6837\u5c31\u53ef\u4ee5\u5728\u4e91\u7aef\u6267\u884c\u591a\u79cd\u6570\u636e\u7c7b\u8ba1\u7b97\u4efb\u52a1":37,"\u8fd9\u6837\u5df2\u7ecf\u4f20\u8f93\u6210\u529f\u7684\u90e8\u5206\u5c31\u4e0d\u7528\u91cd\u65b0\u4f20\u8f93\u4e86":51,"\u8fd9\u6837\u5e26\u6765\u7684\u597d\u5904\u5c31\u662f\u4e0d\u9700\u8981\u4e00\u76f4\u6e05\u7a7amemori":65,"\u8fd9\u6837\u65e2\u4f7f\u5f97\u6700\u7ec8\u4fdd\u5b58\u7684\u53c2\u6570\u683c\u5f0f\u4e0epaddlepaddle\u4e00\u81f4":65,"\u8fd9\u90fd\u9700\u8981\u8fd9\u4e2a\u63a5\u53e3\u6309\u7167\u7ea6\u5b9a\u4fd7\u6210\u7684\u89c4\u5219\u6765\u6ce8\u91ca\u5b8c\u5907":68,"\u8fd9\u91cc":65,"\u8fd9\u91cc\u7684dockerimage\u4f5c\u4e3a\u7f16\u8bd1\u73af\u5883\u4ee5\u652f\u6301\u66f4\u591a\u7684linux":85,"\u8fd9\u91cc\u9009\u62e90":85,"\u8fd9\u91cc\u9700\u8981\u7528\u6237\u989d\u5916\u6ce8\u610f":36,"\u8fdb\u4e00\u6b65\u4f18\u5316":65,"\u8fdb\u5165":85,"\u8fdb\u800c\u8fdb\u884c\u4ee3\u7801\u8bc4\u5ba1":85,"\u9009\u62e9\u662f\u5426\u7f16\u8bd1mkl":65,"\u9009\u62e9\u9700\u8981\u53d1\u5e03\u7684\u7248\u672c":85,"\u900f\u4f20\u7528\u6237\u8eab\u4efd\u7684\u529e\u6cd5":51,"\u901a\u5e38":69,"\u901a\u5e38\u5305\u542b\u4e00\u4e2acpu\u7248\u672c\u548c\u4e00\u4e2agpu\u7248\u672c":85,"\u901a\u5e38\u6307\u5c06\u4e00\u4e2a\u6574\u4f53\u62c6\u5206\u6210\u591a\u4efd\u7684\u5176\u4e2d\u7684\u4e00\u4efd":36,"\u901a\u8fc7\u4f7f\u7528\u8fd9\u4e9bapi":64,"\u901a\u8fc7\u6a21\u578b\u63a8\u65adapi\u7684\u5b9e\u73b0\u4f5c\u4e3a\u4e00\u4e2a\u6837\u4f8b":69,"\u903b\u8f91\u5212\u4e0a\u6587\u4ef6\u5206\u5757\u7684\u5355\u4f4d":51,"\u9075\u5faa\u4ee5\u4e0b\u6d41\u7a0b":85,"\u90a3\u4e48":69,"\u90a3\u4e48\u5bf9\u5e94\u7684\u5185\u90e8\u5b58\u50a8\u4e5f\u4f1a\u4e0e\u5b83\u4eec\u5171\u4eab\u5185\u5b58":65,"\u90a3\u4e48\u5c31\u4f1a\u4f7f":65,"\u90fd\u4e0d\u4f1a\u60f3\u8981\u77e5\u9053next":65,"\u90fd\u662f\u4e94\u4f4d\u7684\u6570\u5b57":37,"\u90fd\u662f\u4ee5ext\u5f00\u5934":65,"\u90fd\u662fabi\u8c03\u7528\u6807\u51c6\u7684":68,"\u90fd\u7ee7\u627f\u4e8epaddlepaddle\u7684\u57fa\u7c7b":64,"\u914d\u7f6e\u7684\u65b9\u6cd5\u53c2\u8003":51,"\u91ca\u653e\u5bf9paramters\u5185\u5b58\u7684\u9501\u5b9a":36,"\u91cc\u6240\u6709\u7684\u7b26\u53f7\u90fd\u5199\u5165\u81ea\u5df1\u7684\u7a0b\u5e8f\u7684\u4e8c\u8fdb\u5236\u6587\u4ef6\u91cc":68,"\u91cc\u9009\u62e9\u9700\u8981\u53d1\u5e03\u7684\u5206\u652f":85,"\u91cc\u9762\u6dfb\u52a0":65,"\u91cd\u5199\u7236\u7c7blayer\u7684":65,"\u91cd\u547d\u540d\u6210":68,"\u94fe\u63a5\u5230\u81ea\u5df1\u7684\u7a0b\u5e8f\u91cc":68,"\u9519\u8bef\u5904\u7406":68,"\u9519\u8bef\u5904\u7406\u65b9\u5f0f\u662f\u8fd4\u56de\u503c":68,"\u9519\u8bef\u5904\u7406\u7684\u65b9\u5f0f\u4e5f\u4e0d\u5c3d\u76f8\u540c":68,"\u9664\u6784\u9020\u67d0\u79cd\u7c7b\u578b\u7684\u51fd\u6570":69,"\u96c6\u6210\u5230":64,"\u96c6\u6210\u5230paddlepaddl":65,"\u9700\u8981":37,"\u9700\u8981\u4fee\u6539build":85,"\u9700\u8981\u53ef\u4ee5\u8de8\u5e73\u53f0\u6267\u884c":51,"\u9700\u8981\u5728cmake\u7684\u65f6\u5019":69,"\u9700\u8981\u5c06bugfix\u7684\u5206\u652f\u540c\u65f6merge\u5230":85,"\u9700\u8981\u5f15\u7528":69,"\u9700\u8981\u6709\u7a33\u5b9a\u7684\u5bfc\u51fa\u7b26\u53f7":68,"\u9700\u8981\u6ce8\u610f\u7684\u662f":[65,85],"\u9700\u8981\u7d2f\u52a0\u4e0d\u540clayer\u4f20\u8fc7\u6765\u7684\u68af\u5ea6":65,"\u9700\u8981\u88ab\u66b4\u9732\u5230\u5176\u4ed6\u8bed\u8a00":69,"\u9700\u8981\u91cd\u547d\u540dwheel\u5305\u4e2dplatform\u76f8\u5173\u7684\u540e\u7f00":85,"\u9ed8\u8ba4256k":51,"\u9ed8\u8ba4\u8bbe\u7f6e\u4e3a":64,"abstract":[44,50,54,75,84,86,102,120],"api\u4e2d\u4f7f\u7528":68,"api\u5bfc\u51fa\u7684\u52a8\u6001\u5e93":69,"api\u5bfc\u51fa\u7684\u9759\u6001\u5e93":69,"api\u63a5\u53d7\u7684\u7c7b\u578b\u5168\u662f":69,"api\u63a5\u53e3":51,"api\u63a5\u53e3\u7684\u53c2\u6570\u8f6c\u53d1\u7ed9":69,"api\u65f6":69,"api\u65f6\u6240\u552f\u4e00\u9700\u8981\u5f15\u5165\u7684\u5934\u6587\u4ef6":69,"api\u662f\u591a\u8bed\u8a00api\u7684\u57fa\u7840\u90e8\u5206":69,"api\u66b4\u9732\u7684\u7c7b\u578b":69,"api\u751f\u6210\u7684\u4e8c\u8fdb\u5236\u6587\u4ef6\u4f1a\u88ab\u5b89\u88c5\u5230":69,"api\u7684\u5b9e\u4f8b":69,"api\u7684\u5b9e\u73b0\u7ec6\u8282":69,"api\u7684\u63a5\u53e3":69,"api\u7684\u65f6\u5019\u63a8\u8350paddle\u4e0d\u5d4c\u5165python\u89e3\u91ca\u5668":69,"api\u7684\u7f16\u8bd1\u9009\u9879\u9ed8\u8ba4\u5173\u95ed":69,"api\u76ee\u5f55\u7ed3\u6784\u5982\u4e0a\u56fe\u8868\u6240\u793a":69,"api\u83b7\u5f97\u4e86\u795e\u7ecf\u7f51\u7edc\u7684\u53c2\u6570\u5b9e\u4f8b":69,"apis\u505a\u4e86\u5c01\u88c5":64,"block\u6784\u6210\u4e00\u4e2amodel":36,"book\u4e2d\u6240\u6709\u7ae0\u8282\u529f\u80fd\u7684\u6b63\u786e\u6027":85,"boolean":[50,52,60,68],"break":[13,34,91,92],"bugfix\u5206\u652f\u4e5f\u662f\u5728\u5f00\u53d1\u8005\u81ea\u5df1\u7684fork\u7248\u672c\u5e93\u7ef4\u62a4":85,"bugfix\u5206\u652f\u9700\u8981\u5206\u522b\u7ed9\u4e3b\u7248\u672c\u5e93\u7684":85,"byte":[13,15,51,67],"c99\u662f\u76ee\u524dc\u6700\u5e7f\u6cdb\u7684\u4f7f\u7528\u6807\u51c6":68,"c\u6709\u6807\u51c6\u7684abi":68,"c\u8bed\u8a00\u662f\u6709\u5bfc\u51fa\u7b26\u53f7\u7684\u6807\u51c6\u7684":68,"case":[8,38,44,45,50,54,63,69,75,79,81,82,99,102,103,109,114,121,128],"char":40,"ci\u73af\u5883\u4f7f\u7528":85,"ci\u7f16\u8bd1wheel\u5b8c\u6210\u540e\u4f1a\u81ea\u52a8\u5c06docker\u955c\u50cfpush\u5230dockerhub":85,"class":[4,5,6,7,8,9,10,11,13,14,29,30,33,44,45,48,49,53,54,55,56,58,59,61,63,68,72,73,77,78,82,83,84,86,87,88,89,91,103,104,105,110,119],"compute\u51fd\u6570":64,"const":[33,38,40,53,55,61,62,76,77,79,83,86,88,89,90,91,102,103,104,105],"core\u4e2d\u7684\u6a21\u578b\u8fd8\u5728\u4f7f\u7528\u8fd9\u4e2a\u53c2\u6570":69,"core\u4e2d\u8fd9\u4e00\u7c7b\u578b\u63a5\u53e3\u7684\u667a\u80fd\u6307\u9488":69,"core\u662f\u5426\u8fd8\u5728\u4f7f\u7528\u8fd9\u4e2a\u5b9e\u4f8b":69,"core\u6982\u5ff5":69,"data\u5230\u5206\u5e03\u5f0f\u5b58\u50a8\u8865\u5145\u8bad\u7ec3\u6570\u636e":37,"default":[2,6,7,8,9,10,11,13,14,15,29,30,33,34,44,48,57,61,67,70,71,79,80,86,87,88,92,93,94,96,100,101,103,104,108,111,112,114,115,120,122,124,125,126,128],"device\u5c31\u80fd\u62ff\u5230\u6b63\u786e\u7684\u6570\u636e":65,"dnn\u4e09\u8005\u5173\u7cfb\u5982\u4e0b\u8868":65,"dnn\u4e2d\u7684":65,"dnn\u4e2d\u7684\u6392\u5217\u65b9\u5f0f\u4e0d\u6b62\u8fd9\u4e00\u79cd":65,"dnn\u4f1a\u4f5c\u4e3a\u7b2c\u4e09\u65b9\u5e93\u96c6\u6210\u8fdbpaddlepaddl":65,"dnn\u4f1a\u7528\u5230":65,"dnn\u5171\u540c\u4f7f\u7528":65,"dnn\u524d\u540e\u7684cnn\u7f51\u7edc\u6027\u80fd":65,"dnn\u5728\u53d1\u5e03":65,"dnn\u5b9e\u73b0":65,"dnn\u5e0c\u671b\u7684\u683c\u5f0f":65,"dnn\u6570\u636e\u7684\u4e0d\u540c\u683c\u5f0f\u4ee5\u53ca\u76f8\u4e92\u4e4b\u95f4\u7684\u8f6c\u6362":65,"dnn\u7684":65,"dnn\u7684\u5e93\u76ee\u524d\u53ea\u6709\u52a8\u6001\u5e93":65,"dnn\u7684\u6027\u80fd":65,"dnn\u7684\u60c5\u51b5\u4e0b":65,"dnn\u7684\u64cd\u4f5c\u90fd\u662f\u76f4\u63a5\u8986\u76d6\u7684\u5f62\u5f0f":65,"dnn\u7684\u6d4b\u8bd5":65,"dnn\u7684\u73af\u5883\u4e0b":65,"dnn\u7684\u76f8\u5173\u529f\u80fd":65,"dnn\u7684\u7ed3\u679c":65,"dnn\u7684\u9ad8\u6027\u80fd\u683c\u5f0f\u4e0epaddlepaddle\u539f\u6709\u7684":65,"dnn\u7684layer":65,"dnn\u7684layers\u90fd\u4f1a\u7ee7\u627f\u4e8e":65,"enum":[38,40,70,77,78,87,88,92,104],"export":[54,59,94,106,111],"final":[8,9,31,32,45,59,71,72,91,102,103],"float":[2,6,7,8,10,13,48,53,61,88,89,90,102,103,104,105,109,122],"function":[2,4,8,9,13,30,32,33,35,39,40,41,43,44,45,48,49,53,55,58,61,66,71,72,75,76,77,78,79,81,82,83,84,86,88,91,99,102,103,104,105,108,109,111,113,120,128],"golang\u53ef\u4ee5\u4f7f\u7528":68,"golang\u7684":68,"gpu\u7b49":85,"h\u5e76\u4e0d\u56f0\u96be":68,"images\u6570\u636e\u96c6\u4e0a\u4f20\u5230\u4e91\u7aef\u7684":37,"import":[2,4,7,8,30,33,34,44,47,55,57,59,60,66,71,72,78,86,96,97,99,103,109,111,113,114,126],"ingress\u9700\u8981\u628apfsclient\u7684\u8eab\u4efd\u4fe1\u606f\u4f20\u7ed9pfsserv":51,"instance\u4e0e\u751f\u6210\u6570\u636e\u96c6\u65f6":37,"instance\u5305\u6db5\u4e24\u4e2a\u503c":37,"instance\u662f\u4e00\u6a21\u4e00\u6837\u7684":37,"int":[2,6,7,8,9,13,14,15,32,33,38,39,40,43,44,46,60,61,64,65,66,68,69,77,78,80,81,87,88,89,91,92,102,104,105,111,122],"interface\u6587\u4ef6\u7684\u5199\u6cd5\u975e\u5e38":68,"layer\u65f6":65,"layer\u7684\u540e\u9762\u63a5\u6709cpu":65,"list\u4f5c\u4e3a\u68c0\u67e5\u5217\u8868":85,"long":[1,8,9,13,109],"mkl\u5e93\u7684":64,"mklml\u4ee5\u53camkl":65,"mklml\u53ef\u4ee5\u4e0emkl":65,"mklml\u7684\u5e93\u76ee\u524d\u90fd\u662f\u52a8\u6001\u5e93":65,"mode\u4e0b\u7684\u7ed3\u679c":64,"model\u505a\u5206\u652f\u7ba1\u7406":85,"ndarray\u7c7b\u578b\u7684\u503c\u548c\u6574\u578b\u7684\u503c":37,"new":[2,8,13,31,32,33,34,35,38,39,40,41,42,45,48,53,54,63,64,66,70,72,75,80,81,82,84,88,91,97,100,101,107,114,115,128],"note\u7684\u4e66\u5199":85,"null":[59,102,120],"op\u7684\u4fe1\u606f":65,"openmp\u7528\u4e8e\u63d0\u9ad8mklml\u7684\u6027\u80fd":65,"org\u76ee\u524d\u9075\u5faa":85,"packed\u4f18\u5316\u540elayer\u7684\u6d4b\u8bd5":64,"packed\u76f8\u5173\u529f\u80fd":64,"paddle\u4e00\u4e2a\u52a8\u6001\u5e93\u53ef\u4ee5\u5728\u4efb\u4f55linux\u7cfb\u7edf\u4e0a\u8fd0\u884c":68,"paddle\u5185\u5d4c\u7684python\u89e3\u91ca\u5668\u548c\u5916\u90e8\u4f7f\u7528\u7684python\u5982\u679c\u7248\u672c\u4e0d\u540c":68,"paddle\u5185\u90e8\u7684\u7c7b\u4e3ac":68,"paddle\u7684\u591a\u8bed\u8a00\u63a5\u53e3\u5b9e\u73b0\u5305\u62ec\u4e00\u4e0b\u51e0\u4e2a\u65b9\u9762":68,"paddle\u7684\u7c7b\u578b\u5168\u90e8\u9000\u5316\u6210":69,"paddle\u7684\u94fe\u63a5\u65b9\u5f0f\u6bd4\u8f83\u590d\u6742":68,"paddle\u7684c":69,"paddle\u8bad\u7ec3\u4efb\u52a1":37,"paddle\u8def\u5f84\u4e0b":69,"paddle\u9700\u8981\u4e00\u4e2a\u591a\u8bed\u8a00\u63a5\u53e3":68,"paddle\u9700\u8981\u66b4\u9732\u7684api\u5f88\u591a":69,"paddle\u9759\u6001\u5e93\u94fe\u63a5\u590d\u6742":68,"paddle_\u7c7b\u578b\u540d":69,"paddle_\u7c7b\u578b\u540d_\u51fd\u6570\u540d":69,"paddlepaddle\u4e2d\u7684cudnn\u90e8\u5206\u4f7f\u7528\u7684\u4e5f\u662f":65,"paddlepaddle\u4f7f\u7528git":85,"paddlepaddle\u5f00\u53d1\u8fc7\u7a0b\u4f7f\u7528":85,"paddlepaddle\u63d0\u4f9b\u4e13\u7528\u7684":37,"paddlepaddle\u6bcf\u6b21\u53d1\u65b0\u7684\u7248\u672c":85,"paddlepaddle\u6bcf\u6b21\u53d1\u7248\u672c\u9996\u5148\u8981\u4fdd\u8bc1paddlepaddl":85,"paddlepaddle\u7684\u4e3b\u7248\u672c\u5e93\u9075\u5faa":85,"paddlepaddle\u7684activation\u4f1a\u76f4\u63a5\u4f7f\u7528":65,"patch\u53f7":85,"patch\u53f7\u52a0\u4e00":85,"pfsclient\u9700\u8981\u548cingress\u4e4b\u95f4\u505a\u53cc\u5411\u9a8c\u8bc1":51,"pfsclient\u9700\u8981\u5728\u4f20\u8f93\u5b8c\u6bd5\u6700\u540e\u4e00\u4e2achunk\u7684\u65f6\u5019\u68c0\u67e5destination\u6587\u4ef6\u7684md5\u503c\u662f\u5426\u548csource\u6587\u4ef6\u4e00\u81f4":51,"pfsserver\u63d0\u4f9brest":51,"public":[14,33,53,56,61,77,83,86,88,89,91,102,103,104,105,111,114,115],"py\u4e2d":85,"pypi\u4e0a\u7684package\u540d\u79f0\u4e3apaddlepaddle\u548cpaddlepaddl":85,"pypi\u4e0d\u652f\u6301\u8986\u76d6\u4e0a\u4f20":85,"reader\u7684\u4f7f\u7528\u65b9\u5f0f\u90fd\u662f\u4e00\u81f4\u7684":37,"reader\u8f93\u51fa\u7684data":37,"resnet\u7684mkl":65,"return":[2,6,7,8,9,11,13,14,15,29,30,31,32,33,37,38,40,43,44,49,53,55,56,57,59,61,62,63,66,71,72,73,77,78,79,83,86,88,89,91,99,102,103,104,105,113,114],"rnn\u90e8\u5206\u4e2d":64,"s3\u4e4b\u7c7b\u7684\u5206\u5e03\u5f0f\u5b58\u50a8\u4e4b\u4e0a":37,"server\u4e4b\u4e0a":36,"server\u4e4b\u95f4\u7684\u7f51\u7edc\u5e26\u5bbd":36,"server\u4f1a\u6682\u505c\u53c2\u6570\u66f4\u65b0\u5e76\u7b49\u5f85":36,"server\u4f1a\u83b7\u53d6parameters\u5185\u5b58\u7684":36,"server\u5185\u5b58\u4e2d\u7684\u6a21\u578b\u6570\u636e\u7684\u5b8c\u6574\u955c\u50cf":36,"server\u540c\u6b65\u7684\u4fdd\u5b58\u4e00\u4e2a\u7279\u5b9a\u65f6\u95f4\u70b9\u7684\u5168\u5c40\u68c0\u67e5\u70b9":36,"server\u5728\u96c6\u7fa4\u4e2d\u542f\u52a8\u540e":36,"server\u6545\u969c\u540e\u88abkubernetes\u91cd\u65b0\u542f\u52a8":36,"server\u6b64\u65f6\u8fd8\u9700\u8981\u901a\u8fc7\u7f51\u7edc\u8bbf\u95ee\u5206\u5e03\u5f0f\u5b58\u50a8\u4ee5\u4fdd\u5b58\u5feb\u7167":36,"server\u751f\u6210\u4e00\u4e2auuid":36,"server\u7684\u5355\u70b9\u6216\u591a\u70b9\u540c\u65f6\u6545\u969c":36,"server\u7684\u6570\u636e\u5feb\u7167":36,"server\u7684\u68c0\u67e5\u70b9\u5404\u81ea\u72ec\u7acb\u4fdd\u5b58":36,"server\u7b2c\u4e00\u6b21\u542f\u52a8\u6216\u4efb\u610f\u65f6\u95f4paramet":36,"short":[8,9,53,57,80,86,91,103],"static":[29,40,69,86,88,114,125,128],"super":[80,102],"swig\u652f\u6301\u7684\u8bed\u8a00\u6216\u8005\u89e3\u91ca\u5668\u6709\u5c40\u9650":68,"swig\u66b4\u9732\u7684\u63a5\u53e3\u4fdd\u7559\u4e86c":68,"swig\u751f\u6210\u7684\u4ee3\u7801\u4e0d\u80fd\u4fdd\u8bc1\u591a\u8bed\u8a00\u4ee3\u7801\u98ce\u683c\u7684\u4e00\u81f4\u6027":68,"swig\u76f4\u63a5\u8bfb\u53d6c":68,"swig\u9700\u8981\u5199\u4e00\u4e2ainterface\u6587\u4ef6":68,"switch":[33,69,114],"tag\u4e3a":85,"tag\u53ef\u4ee5\u662flatest\u6216latest":85,"tag\u7684\u66f4\u65b0\u65f6\u95f4\u662f\u5426\u5728\u4e0a\u8ff0\u7f16\u8bd1wheel\u5305\u5b8c\u6210\u540e\u662f\u5426\u6700\u65b0":85,"throw":114,"true":[2,6,7,8,9,10,11,13,15,29,30,32,33,38,54,60,64,73,78,79,80,81,85,88,91,99,102,111,114,120,122],"try":[34,35,38,39,40,54,59,63,66,81,86,94,96,100,109,113,125],"type\u5b57\u6bb5\u5747\u4e0d\u5c3d\u76f8\u540c":69,"var":[32,33,44,48,55,56,58,60,73,78,79,80,82,86,90,91,106],"void":[33,38,40,50,53,55,56,61,66,67,68,69,78,79,87,88,89,90,102,103,104,105],"wheel\u5305":85,"while":[1,2,6,8,13,33,42,54,59,62,63,72,75,76,81,84,86,89,99,103,105,120],AGE:[114,115],AWS:[13,37,111,117,118],And:[2,7,8,10,13,14,15,29,31,38,42,43,50,57,59,70,74,77,81,86,89,99,114,122],But:[2,8,9,13,31,56,62,70,77,86,96,101,111,128],EOS:8,For:[1,2,7,8,9,10,13,29,30,32,33,39,40,41,43,44,45,48,49,54,55,56,58,61,63,67,70,71,72,75,76,77,78,79,80,81,82,83,84,87,88,89,90,92,93,94,97,99,101,102,103,104,105,108,109,113,119,120,122,124,126,128],Has:2,IDE:[100,125],IDs:[14,42,72],IPs:111,IRs:45,Into:114,Its:[2,7,8,55,87,99,103,114],K8s:128,NMS:8,NOT:[80,103],Not:[30,35,63,96,128],ONE:2,OPs:[45,47,113],One:[7,9,29,31,42,67,70,86,90,99,102,120],Ops:[82,84,88,103],PFS:51,PRs:106,QoS:115,Such:[61,80,91],THE:2,TLS:[30,51,114],That:[8,13,74,94,120,122],The:[1,2,4,5,6,7,8,9,10,13,14,15,29,30,31,32,34,35,39,41,42,43,45,47,48,49,52,53,55,59,62,63,66,67,69,71,72,74,75,77,78,79,80,81,84,86,87,88,89,90,91,92,94,96,99,100,101,102,103,104,105,106,108,109,110,111,112,113,114,115,120,122,124],Their:[2,8,35],Then:[4,8,9,44,45,56,61,63,74,77,79,93,94,96,99,102,108,109,111,113,114,115,116],There:[7,8,14,29,30,33,34,35,40,42,43,45,52,53,54,59,63,70,71,72,75,76,77,80,84,86,87,89,103,109,114,124,125],These:[7,15,32,33,48,53,58,73,84,87,88,93,111,122],Use:[2,7,13,30,46,52,81,82,93,102,108,109,114,120,121,126],Used:[9,82,89],Useful:2,Uses:[63,125],Using:[35,54,75,81,82,84,86,95,100,105,115],VMs:100,VPS:114,WITH:126,Will:[13,29],With:[2,8,9,44,48,54,74,78,91],YES:43,Yes:[65,94,100],___fc_layer_0__:114,__align__:53,__cuda_align__:53,__device__:53,__doc__:88,__file__:43,__forceinline__:53,__fp16:53,__global__:53,__gradient_machines__:29,__hadd:53,__half:53,__half_raw:53,__impl__:88,__init__:[48,49,57,63,73,80,91,102,108],__main__:57,__metaclass__:103,__name__:57,__param_conf__:29,__rnn_step__:99,__tmp_params__:29,__va_args__:83,__x:53,_addup_repetitive_outputs_:32,_append_backward_ops_:[32,48],_append_backward_vars_:32,_binari:34,_create_global_var:80,_def:63,_dtype:59,_filer:66,_filter:66,_fwd:66,_fwd_pd:66,_input:66,_librari:34,_link:9,_live_in:63,_live_out:63,_loss:57,_op:[59,103],_output:66,_presucessor:63,_program:63,_proj:8,_remove_no_grad_branch_:32,_reorder_input:66,_source_language_embed:99,_src_input:66,_sucessor:63,_target_language_embed:99,_test:34,_update_op:49,_use:63,_value_index:59,a75:53,a_op:103,aaaaa:37,aaaaaaaaaaaaa:114,abbrevi:15,abc:8,abi:124,abil:57,abl:[8,30,32,45,61,73,77,80,128],about:[4,9,15,33,34,43,47,52,55,63,71,81,86,88,89,94,96,97,103,108,109,114,119,120,124,126],abov:[2,4,7,8,30,32,33,34,35,39,44,45,53,54,55,56,58,66,71,72,73,74,75,77,78,80,88,90,91,94,95,97,100,101,103,104,105,108,109,114,115,124,128],abs:[9,31,57],abs_numerical_grad:31,absolut:[1,94,124,126],acc:45,acceler:[8,36,65,74,75,94,122],accept:[2,4,6,8,13,30,82,124],access:[1,8,9,30,34,39,42,43,44,45,80,96,99,111],accessmod:114,accessor:80,accord:[1,2,7,8,15,31,32,40,45,47,58,72,82,91,103,111,119,120,122],accordingli:[4,7,8,102],account:[82,101,128],accrodingli:38,accumul:[35,40,49,74,75],accur:[31,42,77],accuraci:[7,49,102],achiev:[47,74,75,89,109],ack:120,acquir:54,across:[8,13,32,45,71],act1:59,act2:59,act:[8,9,33,45,59,72,80,91,97,99,110,113],act_output:88,act_typ:59,action:114,activ:[4,9,28,34,59,63,72,77,80,84,88,97,99,102,105,106,120],activi:9,actual:[2,8,38,48,54,57,59,66,70,75,88,89,90,105],actual_layout:66,adagrad:[75,87],adagradoptim:73,adam:[30,40,45,57],adapt:[7,10,29,77,90],add:[2,8,9,13,29,31,32,33,34,38,42,45,47,49,53,56,60,62,73,75,79,80,82,84,86,89,93,100,101,102,103,105,109,110,122,126],add_activ:80,add_bia:80,add_depend:34,add_execut:34,add_input:[71,102],add_memori:71,add_output:71,add_scalar:[33,72,78],add_sum:80,add_test:[34,102],add_two:[33,71],add_unittest_without_exec:102,addattr:[88,103],addbia:102,addcom:[88,103],added:[2,7,8,29,33,47,48,53,70,74,75,84,101,102,103,104],adding:[84,101],addinput:[88,103],addit:[8,9,32,74,77,82,84,91,103,105],addition:71,addmemori:66,addop:[56,105],addoutput:103,addprimit:66,addprimitivedesc:66,addr:35,address:[35,40,44,45,94,109,111,112,113,116,120,128],addrow:102,addtolay:8,addtyp:88,adjust:[32,48],admin:128,administr:[42,100,128],adopt:[53,57],advanc:[31,99,109,120],advantag:[31,53,54,75,81,111],adversari:[57,81],advic:109,affect:[8,33],affili:72,afford:39,afi:2,aforement:34,after:[8,9,14,15,32,33,34,39,40,42,45,46,47,48,50,52,53,63,66,74,76,77,80,93,94,99,101,102,103,104,105,108,111,112,114,115,120,122,124,125],aftern:77,again:[30,35,75,109],against:114,age:14,agg_level:8,aggreg:[49,74,114],ago:34,agre:2,aid:109,alexnet_pass1:122,alexnet_pass2:122,algo:66,algorithm:[8,10,32,39,48,63,66,72,75,84,90,99],alia:[5,6,8],align:[8,9,13],all:[2,6,7,8,29,30,32,33,34,35,38,40,42,43,44,45,46,48,50,52,54,57,58,59,62,63,66,67,69,70,71,72,73,74,75,77,78,80,82,88,89,94,99,100,102,105,109,110,111,112,113,114,115,119,120,122,124,125,126,128],all_output_nam:32,alloc:[6,40,43,63,66,89,102,105,110,122],allow:[30,40,44,45,48,54,75,84,101,102,109,114,120],allow_only_one_model_on_one_gpu:[119,120,122],allreduc:74,almost:[100,112],along:[8,15],alpha:[34,84],alreadi:[34,35,54,66,80,86,94,109,112,114,120,126],alreali:119,also:[1,2,8,9,14,30,32,33,34,38,41,45,53,54,56,57,58,59,62,63,70,71,72,75,76,77,78,79,80,81,84,86,88,89,91,92,93,94,96,99,100,102,103,106,109,111,113,115,124,128],altern:[103,108],although:[32,74],altogeth:128,alwai:[4,8,9,29,34,67,87,114,120],amazon:[114,115],amazonaw:114,amazonec2fullaccess:114,amazonelasticfilesystemfullaccess:114,amazonroute53domainsfullaccess:114,amazonroute53fullaccess:114,amazons3fullaccess:114,amazonvpcfullaccess:114,ambigu:81,amd64:114,amd:70,amend:101,among:114,amort:74,amount:109,analys:77,analysi:[77,108,109],analyz:63,ancestor:[78,80],andd:114,andrew:63,android:[126,127],android_abi:124,android_api:124,android_arm_neon:124,android_native_api_level:124,android_standalone_toolchain:124,android_toolchain:124,ani:[1,2,8,9,13,30,34,35,40,42,43,44,45,50,53,54,61,63,67,72,74,75,80,81,83,84,90,93,100,103,105,109,113,114,116,126],annoi:112,announc:53,anoth:[2,8,13,29,30,32,33,43,54,55,66,72,80,86,88,89,90,100,114,120],anroid_arm_mod:124,ans:114,answer:[44,54,101,114],anymor:74,anyth:[13,72,81,114],anytim:57,anywai:[108,124],apach:[2,65],api:[14,29,30,32,34,40,41,43,44,49,51,56,57,59,71,76,77,82,85,91,92,93,96,102,103,108,109,111,113,114,123,124,125,126,128],api_shar:34,api_test:34,api_trainer_config_helpers_lay:99,apiserv:114,apivers:[114,115],app:125,appar:32,appear:[44,54,58,89],appel:63,append:[2,29,32,48,49,72,80,81,99,101,102,111],append_backward:[32,73,108],append_clip_op:48,append_gradient_machin:29,append_op:[48,62,80],append_oper:80,appl:125,appleyard:109,appli:[8,57,58,74,77,86,99,102],applic:[2,44,53,54,55,58,80,82,101,103,108,109,111,114,115,128],applyl1:38,appoint:103,appreci:101,approach:[8,45,46,47,74,75,76,84,124,126,128],approxim:75,apt:[94,108],arbitrari:[8,45,67,105],arch:124,architectur:[53,93,111,124,125],archiv:[14,68,69],area:57,arg:[2,7,9,32,59,73,88,103,119],arg_nam:8,argu:79,argument:[2,4,8,13,15,32,33,38,39,45,73,76,79,80,93,99,101,102,120,121],arithmet:53,arm64:[124,125],arm64_standalone_toolchain:124,arm:[53,124,125,126],arm_standalone_toolchain:124,armeabi:124,armv7:[53,125],armv8:53,arn:114,around:[2,8,42,63,80,114,128],arrai:[4,6,8,13,15,29,40,44,58,72,78,80,81,82,91,103],arrang:91,array_to_lod_tensor:63,arrow:57,articl:[55,58,100,111,113,115,126],artifact:[85,96,114],artifici:63,arxiv:[9,57],as_row_vector:8,as_step_input:33,asap:104,asgd:75,ask:[32,35,42,100],assgin:63,assign:[7,8,32,39,44,46,48,53,55,74,105,111,113,114,120,128],assignmemt:63,associ:[76,83,105],assum:[7,8,33,45,66,94,99,113,122],assumpt:45,assur:1,ast:44,astyp:[81,103],asyc:35,async:[35,119],async_count:120,async_lagged_grad_discard_ratio:120,async_lagged_ratio_default:[119,120],async_lagged_ratio_min:[119,120],asynchron:[35,74,77,111,120],atom:46,att_seq:9,attach:9,attend:9,attended_sequ:9,attenion:9,attent:[8,9],attr1:8,attr2:8,attr:[6,8,9,33,44,59,62,66,78,79,80,88,99,103],attr_map:88,attrdesc:78,attribu:66,attribut:[2,8,9,28,32,33,47,48,62,78,80,82,86,88,91,102,103],attributemap:103,attrproto:88,attrtyp:[78,88,103],attrvalu:88,auc:[49,119],aucvalidationlay:120,authent:114,author:[2,51,114],auto:[33,38,46,55,66,68,79,82,86,90,91,93,101,102,103,105,109],autom:[111,114],automat:[8,30,32,40,45,47,48,56,73,82,88,93,99,101,102,103,108,112,113,114,119,120,125],avail:[35,40,47,53,54,63,96,114,128],averag:[7,8,11,29,39,120],average_test_period:[119,120],avg:[109,113],avg_cost:[45,110,113],avg_loss_valu:113,avgpool:8,avoid:[31,33,35,45,62,66,74,75,76,93,109],avx2:93,avx:[93,94],awai:54,await:115,awar:[30,44,49,55,71,80,100,108,114],awk:116,aws:51,aws_account_id:114,awsaccountid:114,awskeymanagementservicepowerus:114,axi:8,axis:8,aync:47,b363:115,b8561f5c79193550d64fa47418a9e67ebdd71546186e840f88de5026b8097465:115,ba5f:114,back:[2,8,29,32,35,45,53,57,75,94,103],background:[7,8,84,111],background_id:[7,8],backpropag:[31,32],backward:[5,8,9,31,33,38,40,48,57,64,65,73,75,76,79,83,84,99,102,110,120,122],backward_first:99,backward_op:31,backwardactiv:102,baidu:[54,115],bake:45,balanc:[47,74,114,120],bandwidth:[53,74],bare:[113,115,128],barrier:[111,120],barrierstatset:109,basci:59,base:[7,8,11,13,14,30,39,48,49,53,54,61,66,70,73,74,75,77,82,83,84,89,91,99,100,102,103,108,109,110,114,120,124,125],baseactiv:9,baseerrorclipattr:48,baseev:29,basematrix:102,basenam:7,basepoolingtyp:[8,9],basestr:[6,7,8,9,11,29],bash:[93,94,100,111,114,115],basi:2,basic:[2,8,29,45,59,66,77,78,82,83,91,102],batch:[2,8,9,13,15,29,30,33,35,37,38,45,49,50,54,57,60,70,71,72,74,75,91,101,102,113,114,115,120],batch_id:[29,57],batch_im:57,batch_images_from_tar:15,batch_label:57,batch_norm:57,batch_norm_lay:9,batch_norm_typ:8,batch_read:[37,81],batch_siz:[2,13,45,57,64,72,113],batch_szi:57,batch_z:57,batchnorm:57,batchsiz:[8,102],bazel:34,bbbbb:37,bbox:7,bcd:8,bcebo:14,bcm2708:126,bdist_wheel:85,beacus:59,beam:[8,99,120],beam_gen:[8,99],beam_search:[29,72,99],beam_siz:[8,72,99,119,120,122],becaus:[4,7,8,14,30,33,34,35,40,53,72,76,80,81,84,86,87,90,91,92,99,100,102,105,108,114,122,124],becom:[46,47,86,89,109],been:[2,8,9,32,34,39,54,100,101],befor:[4,8,9,32,35,42,48,52,55,58,70,75,76,77,81,84,93,94,101,103,104,108,114,124,125,128],begin:[4,7,8,32,38,40,49,52,58,72,74,102,111],beginiter:[29,30],beginn:99,beginpass:[29,30],begintrain:30,behavior:109,behind:[54,91,113],being:[32,42,48,54,79,81,105,108],belong:[7,8,45,86],below:[2,33,35,40,45,47,53,54,67,76,81,84,91,92,93,96,99,102,109,111,114,124,125],benchmark:67,benefit:[9,42,43,72],besid:[1,8,14,45,63,70,74,96],best:[34,66,94,100,120],besteffort:115,beta1:10,beta2:10,beta:57,better:[9,34,54,63,66,72,90,114,125,128],between:[7,8,15,29,32,34,35,40,45,47,53,54,66,69,74,76,83,86,94,103,105,114],bgr:15,bi_gru:9,bi_lstm:9,bia:[8,9,72,80,99,102],bias:[8,102],bias_attr:[8,9,80,99],bias_param_attr:9,biases_:102,biasparameter_:102,biassiz:102,bidi:115,bidirect:[8,9,99],big:[44,47,63,109,128],bigger:35,bilinear:8,bilinear_interpol:8,bilinearfwdbwd:109,bin:[94,111,114,115],binari:[2,7,8,13,34,43,45,53,55,57,67,93,95,96,100,108,109,114],bind:[44,53,56,86,89],bit:53,bitcod:125,bla:[94,125],black:[57,125],blank:[8,114,125],block0:63,block1:63,block2:63,block:[8,32,36,38,40,44,45,46,47,48,49,50,54,61,63,70,71,73,89,92,102,103,105,109,120],block_i:8,block_id:[44,50],block_x:8,blockdesc:[33,58,80,82],blockdescbind:61,blockingcount:46,blueprint:72,bn_bias_attr:9,bn_layer_attr:9,bn_param_attr:9,book:[14,82,99,106,110],bool:[2,6,7,8,9,10,11,13,15,29,33,53,60,62,64,65,66,79,80,87,88,91,92,102,104,120,122],boost:[70,89,104],boot:[8,99,128],boot_bia:8,boot_bias_active_typ:8,boot_lay:99,boot_stat:91,boot_with_const_id:8,bootstrapp:128,borrow:[57,91],bos_id:[8,99],both:[5,6,8,9,15,30,33,34,35,42,45,47,53,54,57,61,63,70,72,74,77,79,87,89,99,102,103,105,106,109,111,113,114,125],bottl:74,bottleneck:[77,109],bottom:29,bound:[8,63],boundari:45,boundri:7,box:[8,57,109],brace:[33,58],brain:42,branch:[8,30,33,34,45,54,60,78,85,96,101,103,106],breadth:120,break_if:91,brief:[34,40,53,89,105],briefli:109,bring:[54,63,105],broadcast:[35,74,82,128],broken:101,browser:[94,106,108,114],bsd:[74,100],bucket_nam:114,buddy_alloc:101,buf:38,buf_siz:[13,45,113],buffer:[2,13,38,66,67,75,81,86,110,120],buffer_s:13,buffered_read:81,bufsiz:13,bug:[101,114],build:[8,14,34,43,45,58,59,63,65,75,84,85,88,94,96,97,101,103,108,111,113,114,117,118,120,127],build_android:124,build_dict:14,build_model:57,builder:101,buildtool:85,built:[34,44,45,53,55,63,70,74,88,91,93,96,100,108,124,126,128],bunch:[67,109,111],button:[101,106,114],c11:68,c703c041:101,c99:69,c99e:114,cach:[53,93],cache_pass_in_mem:2,cachetyp:2,cacul:[9,49,111],caff:[33,54],caffe2:[33,44,54],calc_batch_s:2,calcul:[2,7,8,9,31,32,35,40,46,49,53,63,94,99,102,109,111,120,122],calcut:63,calendar:77,call:[2,7,8,9,13,29,30,31,32,33,38,39,40,41,43,44,45,48,55,57,58,63,71,72,73,77,80,82,83,86,88,89,91,97,99,100,102,103,104,105,108,109,111,113,114,120],callabl:[2,6,8,13,14],callback:[48,102],caller:[31,108,114],can:[1,2,4,6,7,8,9,13,14,15,29,30,31,32,33,34,35,38,39,42,43,44,45,47,48,50,53,54,55,56,57,58,59,61,62,63,66,70,71,72,73,74,75,77,78,79,80,81,82,83,84,88,89,90,91,92,93,94,95,96,97,99,100,101,102,103,104,105,106,108,109,111,112,113,114,115,116,119,120,122,124,125,126,128],can_over_batch_s:2,cancel:42,candid:[8,72],cannot:[82,86,90,91,102,103],cantain:59,capabl:[53,76,82],capac:[84,114],capi:[68,93],capi_prvi:69,caption:72,captur:[8,112],card:[74,111,113],care:[9,43,63,81,89,94,119,120,128],carefulli:120,caret:29,carpedm20:57,cast:[53,90],cast_to_op_attr:88,cat:[13,15,94,116],categor:103,categori:[8,14,35],categorig:14,categoryfil:115,caus:[35,52,96,103],caution:[114,115],cbla:64,cc_:34,cc_binari:34,cc_test:34,cclient:41,cde:8,cdn:14,cduadevicecontext:[70,89],ceil:8,ceil_mod:8,cell:[8,9],center:[2,15],center_crop:15,cento:[93,96,97,128],central:[84,113],ceph:[13,37,115],cephf:[37,43,51],certain:[1,62,70,73,77,86,89,104,119],certif:[30,51,114],cffi:68,cfg:[63,115],cgo:68,chain:[13,32,58,102],challeng:[8,35,54,60,89],chanc:[30,53,102],chang:[8,14,34,39,43,45,54,66,76,78,81,83,85,86,93,99,101,102,103,105,109,111,113,114,120,124],changes:66,channel:[8,9,15,44,109],channel_shar:8,chapter:[71,72,113],chapter_data:71,chapter_out:71,characterist:122,check:[2,13,32,33,34,48,66,79,82,93,96,101,103,106,111,114,120,122],check_align:13,check_attr:88,check_eq:102,check_fail_continu:2,check_grad:[31,103],check_l:102,check_output:103,check_sparse_distribution_batch:[119,120],check_sparse_distribution_in_pserv:[119,120],check_sparse_distribution_ratio:[119,120],check_sparse_distribution_unbalance_degre:[119,120],check_styl:101,checker:82,checkgrad:120,checkgrad_ep:120,checkmark:128,checkout:101,checkpoint:[47,79],checksum:51,child:33,china:94,chines:106,chip:54,chmod:114,choic:[34,54,94],choos:[62,93,94,95,100,104,120,124],chosen:[1,57,70],chunk:[39,51],chunk_schem:7,chunktyp:7,chw:15,circl:58,circumst:89,claim:114,claimnam:114,clang:[53,68,101,124],clarifi:7,clariti:72,classic:[8,63],classif:[2,4,8,58,122],classifi:[8,57],classification_error_evalu:7,classification_evalu:7,claster:114,clean:[4,33,34,50,76,82,93,100,101],clear:[7,34,72,76,86,90,126],clearer:[76,80],clearli:86,cli:114,click:[96,101,106,108,109,114],client:[38,41,82],clip:[6,9,120],clip_op:48,clip_op_desc:48,clock:8,clone:[8,93,100,101,106,108,124,126],close:[2,81,101],cloud:[34,35,43,51,52,82,128],cloud_read:13,cludform:114,cluster:[13,29,30,33,35,40,45,115,119,120],cluster_test_fil:111,cluster_train:112,cluster_train_fil:111,cluster_train_v2:[112,116],cm469:114,cmake:[69,93,100,101,102,103,106,108,109,124,125],cmake_build_typ:[108,124,125,126],cmake_c:125,cmake_install_prefix:124,cmake_system_nam:[124,125,126],cmakelist:[34,64,65,102],cmatrix:[68,69],cmd:115,cname:114,cnn:[8,115],coars:56,code:[2,4,8,13,30,32,34,42,45,47,50,53,56,57,58,62,67,70,73,75,76,77,79,81,82,83,84,88,91,93,94,96,97,99,100,102,103,104,105,106,107,109,111,113,114,115],codebas:[82,101],coeff:8,collabor:35,collect:[8,14,29,77],collectbia:102,color:15,colour:14,column:[7,8,58,81,102,108],column_evalu:7,com:[8,9,14,34,57,85,93,100,101,106,108,110,114,115,124,126,128],combin:[7,8,9,13,29,63,73,82,86],come:[45,49,63,78,91],comma:[29,40,113,120],command:[1,4,13,34,38,43,52,93,94,96,97,100,101,102,103,106,107,108,109,112,113,114,115,116,117,118,124,125,126],commandlin:109,comment:[34,59,88,101,103],commit:[34,101],common:[15,37,84,89,99,102,119],commonli:[52,84,99,108,109,122,126],commun:[35,40,41,45,47,74,101,102,111,113,114],compani:54,compar:[31,34,44,82,100,102,103],comparison:[34,54,104],compat:[2,53,56,74],compil:[8,34,45,54,59,61,63,70,74,83,87,88,92,100,102,106,111],complaint:34,complet:[4,8,9,14,29,32,33,35,39,40,48,51,58,67,70,82,95,102,103,105,108,113,114,115,128],complex:[1,2,9,42,63,72,82,99,109],complianc:2,complic:[8,45,56,81,90,91],compon:[45,59,91,92,102,104],compos:[13,30,56,59,71,80,82],composenotalign:13,composit:56,compress:39,compris:32,compromis:100,comput:[8,9,30,31,35,45,47,50,53,54,55,59,63,67,70,73,74,75,77,83,86,89,90,92,94,99,100,101,102,103,104,108,109,110,111,113,114,122,124,125,126],computation:[8,99],computationgraph:59,con:74,concat:[57,99],concaten:[8,9,57,71,91],concentr:82,concept:[2,7,30,44,54,56,57,59,66,71,72,75,76,78,86,91,92,99],conceptu:[50,54,57,59],concern:[30,49,125],concis:[57,91],conclud:103,concret:[82,89,103],concurr:[35,42,47,77,111],concurrentremoteparameterupdat:120,cond:[33,54,60,78],condit:[2,8,39,45,54,60,66,99,115],condtion:57,conduct:109,conf:[4,8,112],conf_paddle_gradient_num:114,conf_paddle_n:114,conf_paddle_port:114,conf_paddle_ports_num:114,conf_paddle_ports_num_spars:114,confid:8,confidence_threshold:8,config:[2,6,8,37,52,72,102,113,114,115,119,120,128],config_:[38,120],config_arg:[119,120,122],config_bas:[7,8,29],config_lay:102,config_len:40,config_pars:[4,64,65,102],config_proto:40,configur:[0,1,2,4,8,29,32,38,40,42,43,45,47,54,59,62,80,89,90,97,98,100,101,102,103,105,109,111,120,124,126,128],confirm:52,conflict:[86,101],confus:[15,57,62],congest:120,conll:14,connect:[1,9,43,44,45,47,102,111,113,114,115,128],connectionist:8,consequ:[8,9],consid:[7,8,32,79,89,100,109,122,128],consider:[2,8,9,70],consist:[7,8,14,15,39,55,67,78,81,82,83,88,92,103],consol:[109,114],consolid:[33,106],constant:[8,59,61,62,70,102,103],constraint:86,construct:[2,4,7,30,50,59,63,71,80,82,86,88,99,104],constructbackwardgraph:58,constructoptimizationgraph:58,constructor:[48,53,77,80,82,86,88,102,103],consum:[35,108],consumpt:63,contact:42,contain:[2,7,8,9,11,13,14,15,29,30,32,33,39,50,57,59,66,67,70,76,77,80,82,83,86,87,88,91,92,95,96,99,100,103,111,114,116,125],container:111,containerport:114,content:[40,52,67,72,106,115],content_dir:106,content_len:40,context:[8,9,14,48,66,86,87,89,99,103,105,110],context_attr:9,context_len:[8,9],context_proj_layer_nam:9,context_proj_param_attr:9,context_project:9,context_start:[8,9],contin:114,continu:[2,7,32,35,67,111,120,124],contrast:8,contrib:84,contribut:[84,100,107],contributor:82,control:[6,33,44,114,115,120,128],controlflowgraph:63,conv2d:[57,104],conv:[9,57,66,90],conv_act:9,conv_batchnorm_drop_r:9,conv_bias_attr:9,conv_filter_s:9,conv_fwd:66,conv_layer_attr:9,conv_num_filt:9,conv_op:8,conv_pad:9,conv_param_attr:9,conv_pool_2:45,conv_strid:9,conv_with_batchnorm:9,conveni:[30,32,59,73,88],convent:[32,40,101,103],converg:112,convers:[53,54],convert:[2,4,14,37,45,46,47,53,54,55,66,81,83,113],convlay:8,convolut:[8,9,13,57,70,80,89],convolution_algorithm_opt:66,convoper:8,convproject:8,convtranslay:8,convtransproject:8,cool:[2,101],coordin:[35,40],copi:[2,29,30,39,42,52,58,71,72,74,75,91,93,101,111,114,116],copy_from:48,copyright:2,copyvariablewithtensor:90,core:[2,6,32,59,62,69,75,76,91,100,110,120],coreo:[114,128],corner:82,corpu:14,correct:[2,8,31,32,53,74,102,103,104,114],correctli:[7,13,32,53,57,102],corresond:53,correspoind:30,correspond:[2,4,8,30,32,33,34,48,53,59,60,66,70,71,72,80,82,83,84,88,89,102,103,104,105,108,125],correspondingli:125,corss_entropi:30,cortex:53,cos:[8,88],cosin:[8,88],cosineop:88,cosineopproto:88,cosineopprotomak:88,cost:[4,29,30,32,45,58,73,74,78,79,90,110,113,120],cost_id:8,cost_np:79,could:[2,4,8,13,29,30,31,39,44,45,46,47,53,54,55,71,73,75,76,78,80,81,83,100,104,108,109,112,114,124],count:[7,35,43,49,79,81,109,111,113,115,120,122],counter:[35,39,46,58],cours:[7,43,70,100],covari:8,cover:[54,105],cp27:96,cp27m:[85,96],cp27mu:[85,96],cpp:[31,38,56,64,65,68,69,76,82,92,102,104,109],cprofil:108,cprofilev:108,cpu:[1,2,6,8,31,43,53,62,70,75,76,77,82,84,85,89,90,93,94,100,103,104,105,108,109,110,115,120],cpu_avx_mkl:[94,96],cpu_avx_openbla:[96,97],cpu_kernel:62,cpu_ns_:77,cpu_per_pserv:45,cpu_per_train:45,cpudevicecontext:[70,89,103,104],cpuelapsedu:77,cpuengin:65,cpuinfo:94,cpuplac:[45,62,66,70,89,90,103,104,105,110,113],cpusparsematrix:69,crash:[35,109,112,120],creat:[4,6,13,29,30,31,33,35,40,44,46,48,49,50,51,52,53,54,56,57,58,66,70,71,73,74,75,76,80,83,84,94,97,100,101,102,103,106,111,113,116,120,124,128],create_backward_pass:73,create_bias_paramet:102,create_block:80,create_doc_str:88,create_input_paramet:102,create_local_scop:50,create_oper:56,create_optimization_pass:73,create_paramet:80,create_python_ops_creatation_funct:88,create_rnn:33,create_rnn_op:71,create_tmp_var:80,create_tmp_vari:80,create_var:80,create_whileloop:91,createfromconfigproto:4,creategradientoper:83,creatememori:66,createop:88,createoper:33,createprimitivedesc:66,createstack:114,createvari:33,creation:[56,114],creationd:114,creator:[13,14,37,82,83],creator_:83,credenti:52,crf:[89,90],critic:[57,108],crlf:101,crop:[15,89],crop_grad:89,crop_siz:15,crope:15,cropgradkernel:89,cropkernel:89,cross:[8,80,103],cross_compil:126,cross_entropi:[8,30,45,57,63,90],cross_entropy_with_selfnorm:8,crt:51,csc:102,csr:102,ctc:7,ctc_evalu:7,ctest:[93,100,103],ctor:80,ctrl:[100,112],ctx:[66,90,103,105],cubla:[70,104],cublas_handle_:89,cublashandle_t:89,cuda7:[96,97],cuda8:[93,94,96],cuda:[34,55,70,77,82,89,94,96,100,103,104,109,111,113,120],cuda_context:55,cuda_dir:[119,120],cuda_fp16:53,cuda_so:94,cudaconfigurecal:109,cudadevicecontext:[55,70,89,103],cudadevicegetattribut:109,cudaelapsedu:77,cudaevent_t:77,cudaeventcr:109,cudaeventcreatewithflag:109,cudafre:109,cudagetdevic:109,cudagetdevicecount:109,cudagetdeviceproperti:109,cudagetlasterror:109,cudahostalloc:109,cudalaunch:109,cudamalloc:109,cudamemcpi:109,cudaplac:[70,89,90,104],cudaprofilerstart:109,cudaprofilerstop:109,cudaruntimegetvers:109,cudasetdevic:109,cudasetupargu:109,cudastream_t:89,cudastreamcr:109,cudastreamcreatewithflag:109,cudastreamsynchron:109,cudeviceget:109,cudevicegetattribut:109,cudevicegetcount:109,cudevicegetnam:109,cudevicetotalmem:109,cudnn:[8,11,34,62,66,70,89,90,104,120],cudnn_batch_norm:8,cudnn_conv:8,cudnn_conv_workspace_limit_in_mb:[119,120],cudnn_convt:8,cudnn_dir:[119,120],cudnn_kernel:62,cudnnavginclpadpool:8,cudnnavgpool:8,cudnnconvopkernel:104,cudnnv5:93,cudrivergetvers:109,cuinit:109,cumtim:108,cumul:8,cur_mem:72,curl:114,curli:[33,58],current:[2,8,32,33,34,35,38,40,44,47,49,54,62,70,71,72,75,76,77,80,86,90,91,94,96,99,100,102,106,112,113,114,120,125],current_block:[78,80],current_endpoint:113,current_oper:78,current_word:99,curv:30,custom:[1,2,30,43,53,57,72,75,82,102,114],custom_batch_read:81,cut:[13,91],cut_lin:13,cutoff:14,cv2:15,cxx:125,cxx_compil:[124,125,126],cxx_flag:125,cxxabi_1:96,cycl:35,cyclic:8,cython:68,d3e0:114,d_b0:57,d_b1:57,d_b2:57,d_block:57,d_f:57,d_g:57,d_h0:57,d_h0_bn:57,d_h0_relu:57,d_h1:57,d_h1_bn:57,d_h1_relu:57,d_h2:57,d_loss:57,d_loss_fak:57,d_loss_real:57,d_optim:57,d_step:57,d_t:57,d_w0:57,d_w1:57,d_w2:57,daili:101,dalla:2,dandroid_abi:124,dandroid_arm_mod:124,dandroid_arm_neon:124,dandroid_standalone_toolchain:124,danger:2,dangl:100,darwin:114,dash:57,dat:37,data:[0,1,2,4,7,14,15,29,30,31,33,37,38,39,47,49,51,53,54,57,58,59,61,62,63,66,67,70,71,72,73,74,75,76,78,80,82,84,86,87,88,89,91,92,97,99,102,103,105,109,110,111,113,116,117,119,120,122],data_fil:15,data_i:57,data_lay:[2,38],data_layout_:90,data_read:[13,81],data_reader_creator_random_imag:81,data_shar:91,data_typ:[13,14,67,87,90,92,97,99,104],data_type_:[62,70,90],data_x:57,databas:14,datacent:[37,52],datacenter1:37,datacenter2:37,datacenter_1:37,datacenter_2:37,datacenter_nam:37,datadim:8,datafeed:[16,110,113],dataflow:59,dataflow_analysi:63,datalayout:90,dataparallel:45,dataprovid:1,dataproviderconvert:4,datasci:8,dataset:[0,2,37,43,45,75,81,97,99,108,113,120],dataset_nam:15,datatransform:90,datatyp:[14,62,66,87,90,92],date:111,dcgan:57,dcmake_install_prefix:[124,125,126],dcmake_system_nam:[124,125,126],dcuda_arch_nam:93,dcudnn_root:93,ddim:[70,89,105],dead:35,deal:[32,128],debug:[2,31,32,45,52,54,80,94,101,108],debug_str:59,decai:10,decar:13,decayr:38,decent:39,decid:[30,42,57,67,75,83,84,87],declar:[33,57,71],decod:[8,9,99],decoder_boot:99,decoder_dim:72,decoder_group_nam:99,decoder_input:[72,99],decoder_mem:[72,99],decoder_prev:9,decoder_s:99,decoder_st:[9,99],deconv:[8,57],deconvolut:8,decor:[2,13,102],decrement:46,decrementcount:46,decrypt:114,deduc:82,deep:[8,32,42,50,57,58,63,65,77,82,84,89,94,109,113,125],deeper:[55,94],deepspeech2:64,def:[2,8,13,30,31,32,37,43,48,49,56,57,59,62,63,71,72,73,80,81,88,91,99,102,103],def_block:57,defalut:[120,122],default_block:57,default_devic:122,default_main_program:[110,113],default_param_attr:80,default_st:91,default_startup_program:[110,113],default_valu:122,defaultdict:63,defaultinfervartyp:61,defect:76,defer:42,defferenct:2,defin:[1,2,8,9,13,29,30,32,33,34,35,42,44,46,47,48,53,54,55,56,57,59,62,63,70,71,74,78,80,81,82,86,88,89,91,99,102,105,108,110,111,112,113,120],define_py_data_sources2:2,definit:[2,32,33,35,39,45,50,55,62,78,83,88,91,94,103,108,110],definiton:56,degre:8,deivc:104,delai:[75,89,105,120],delet:[43,51,101],deletestack:114,delimit:7,deliv:128,delta:[8,31],delv:8,demand:[35,89],demo:[8,14,82,112,115,117],demolish:115,demonstr:[99,105],denot:[103,122],dens:[2,8,13,40,41,87,102,114],dense_arrai:13,dense_vector:[2,4,13,97],dense_vector_sequ:13,dep:34,depend:[33,34,35,43,45,47,59,74,79,87,94,100,103,111,122,124,125,126,128],dependent_var:79,deploi:[8,112,122,128],deploy:[59,67,82,111,112,114,125,128],deprec:8,depth:[33,54],dequeu:47,deriv:[5,30,45,48,60,73,124],desc:[33,48,66,67,80,88,91],desc_:33,descend:91,descent:[8,35,75,111],descproto:67,describ:[30,32,33,34,39,44,45,50,55,62,66,67,71,72,76,78,80,82,87,88,90,92,102,103,104,105,114,115],describestack:114,describestackev:114,describestackresourc:114,descripotor:66,descript:[4,7,33,34,61,65,67,70,83,87,90,92,93,96,101,103,111,114,121],descriptor:[66,90],deseri:[29,67,76],deserializ:82,desgin:58,design:[2,8,13,32,38,62,63,68,75,77,84,103,128],desir:[13,35,45,75,114,115],destin:[40,52],destroi:[33,50],destruct:86,destructor:[77,102],det_output:7,detail:[2,4,6,7,8,9,10,31,32,39,43,45,47,52,54,57,59,63,66,67,70,71,77,80,84,86,89,90,91,92,93,97,99,100,102,103,104,105,106,108,109,112,113,114,115,121,122,126,128],detect:[61,93,101,124],detection_evalu:7,detection_output:7,determin:[2,8,13,33,45,63,70,82,102],dev:[82,94,100,108,124,128],dev_ctx:[33,66,77],devel:85,develop:[32,34,54,61,76,77,80,83,85,94,96,101,105,106,108,110,111,119,120,125,126],deverlop:120,deviat:6,devic:[6,44,45,49,53,59,65,66,70,74,76,77,82,90,94,103,105,110,120,125],device_:77,device_context:[66,103],devicecontext:[33,70,77,103,104],deviceid:[65,122],deviceid_:65,deviceplac:89,devid:[8,120],devtools2:93,dhcp:128,diagnos:112,diagram:[71,111],diamond:57,dic:15,dict:[2,7,14,29,32,80,111,116],dict_fil:7,dict_siz:[14,38,72],dictionari:[2,7,8,14,29,30,31,80,122],did:[2,76,94],diff_mat:31,differ:[2,7,8,29,32,33,34,35,40,42,45,46,47,48,49,50,53,54,57,59,60,63,66,70,72,74,75,77,79,83,86,90,91,92,94,99,102,103,104,105,108,112,114,115,120,125],differenti:56,difficult:[7,31,54,100],dig:[94,109,114],digit:[2,8,111],digraph:59,dilat:[8,66],dilation_i:8,dim0:103,dim1:103,dim:[8,13,38,66,67,71,82,87,89,92,102,103,105],dim_:[89,105],dimens:[5,8,9,11,13,57,82,87,89,91,102,103,105,122],dimension:[2,8,99,102,105],dimes:8,dios_arch:125,dios_enable_bitcod:125,dios_platform:125,dios_use_veclib_for_bla:125,dir:124,direct:[8,9,15,54,63,75,108],directli:[1,2,9,34,41,43,45,53,62,76,88,90,91,93,95,112,115,124],director:103,directori:[1,8,34,37,42,51,52,89,93,94,100,105,106,109,111,112,115,116,120,124,125,126],disabl:[2,77],disadvantag:[75,80],discard:[13,35,39,72,120],discount:8,discov:35,discoveri:114,discrep:109,discret:8,discrim:57,discuss:[30,33,39,40,41,45,66],disk:[67,100,115],dispatch:[45,76,111,112,120],displai:[43,52,101],dist:[85,93],dist_train:[30,43],distanc:[7,8],distinguish:[34,112],distribut:[2,8,33,39,40,41,42,44,49,55,74,82,92,96,107,112,115,117,118,128],distribute_test:[119,120],distributedli:[45,102],distributetranspil:113,disucss:30,divid:[8,10,32,49,88,92,108,119],diy_beam_search_prob_so:[119,120],django:106,dnn:[66,93],dns:114,do_forward_backward:81,doc:[4,13,59,71,91,103,105,106,111],doc_cn:106,dockefil:100,docker:[85,93,95,101,106,111,114,117,118,128],docker_build:30,docker_clust:[112,116],docker_push:30,dockerfil:[100,124,126],dockerhub:94,document:[2,4,8,9,31,45,51,58,71,72,77,82,93,100,101,103,104,105,107,111,113,122,125],documentari:2,doe:[2,4,9,35,39,40,42,43,44,45,47,50,53,59,63,71,76,80,82,83,84,96,100,102,103,105,109,110,113],doesn:[6,8,13,30,33,44,81,94,100,101,108,109,115,124,125],doing:[38,42,45,58,109],domain:114,don:[9,30,34,56,58,63,81,93,94,100,101,103,106,114],done:[7,8,9,32,34,35,39,40,45,46,61,63,67,75,83,84,101,108,109,114],dot:[8,9,103,120],dot_period:[120,122],dotmuloper:8,dotmulproject:8,doubl:[2,45,53,58,77,90,93,103,104,120],down:109,download:[14,34,35,38,42,51,93,94,96,111,125,128],dozen:34,draw:72,drive:86,driver:[94,111,113],drop:[2,8,9,72],drop_rat:6,dropout:[6,9,102],dropout_r:8,drpi_arm_neon:126,drpi_toolchain:126,drwxr:115,dst:[40,66],dst_primitive_desc:66,dtoh:109,dtype:[4,45,59,80,110,113],due:[39,42,57,63,72,80,108],dummi:[29,39],dump:67,duplic:47,durat:[39,109],dure:[1,2,8,9,32,33,35,39,42,43,49,54,63,74,75,77,80,82,92,102,103,114,119,120,128],durn:2,duse_eigen_for_bla:124,dwith_c_api:[69,124,125,126],dwith_gpu:[93,126],dwith_profil:109,dwith_python:[69,126],dwith_swig_pi:[69,124,125,126],dwith_test:[93,103,125],dwith_tim:109,dynam:[1,2,40,69,71,80,81,93,109,120],dynamic_cast:102,dynamic_recurrent_op:91,e2e:128,each:[1,2,4,7,8,9,11,13,14,29,31,32,34,35,38,39,40,42,43,44,45,48,49,50,55,58,61,63,66,70,71,72,74,76,77,79,80,81,82,83,86,87,88,89,90,91,92,99,102,104,108,111,112,113,114,120,122,128],each_feature_vector:5,each_pixel_str:2,each_time_step_output:5,each_word:2,eager:54,earli:[53,55,101,103],eas:[13,61,103],easi:[31,32,72,75,81,82,84,101,102,112],easier:[30,47,53,54,81,91,100,101,102],easili:[30,57,74,77,81,83,86,89],echo:94,edg:[15,63],edit:[7,94,100,114],editor:[80,100],edu:[14,114,115],eeoi3ezpr86c:114,effect:[2,8,29,93,114,120,125],effici:[1,2,8,45,67,81,89,99,100,102],effort:45,efg:8,efs:114,efs_dns_nam:114,efsvol:114,egd:63,eigen:[53,70,75,82,84,89,103,124,125],eigen_device_:89,eigen_test:105,eigen_use_gpu:103,eigenmatrix:105,eigenscalar:105,eigentensor:105,eigenvector:105,either:[2,8,9,13,29,30,45,57,60,61,71,75,84,95,109,125],elb:114,elbapis:114,electr:63,electron:115,elem_dim:8,elememt:8,element:[2,4,7,8,9,13,15,29,31,39,47,59,72,82,103,105],element_typ:[40,104],elementari:82,elif:[30,88],els:[30,38,43,45,47,48,54,57,60,61,62,63,86,88,93,94,100,102,103],elsewher:77,emac:100,email:101,emailweixu:34,emb1:38,emb2:38,emb:115,embed:[30,33,38,47,61,72,87,91,99,111],embedding_lay:38,embedding_nam:[8,99],embedding_s:[8,99],emphas:109,empir:8,emplace_back:102,emploi:[32,48,88,99],empti:[7,13,32,35,72,103],emul:53,enabl:[2,6,8,33,34,39,44,47,48,59,77,100,101,109,111,114,120,125],enable_grad_shar:[119,120],enable_parallel_vector:120,enc_proj:[9,99],enc_seq:9,enc_vec:99,encapsul:40,encod:[9,39,72,99],encoded_proj:[9,99],encoded_sequ:[9,99],encoded_vector:99,encoder_ctx:72,encoder_ctx_expand:72,encoder_ctx_proj:72,encoder_dim:72,encoder_last:8,encoder_out_seq:72,encoder_s:99,encount:38,encourag:[45,50],encrypt:114,encrypt_decrypt:114,end2end:128,end:[2,7,8,29,32,33,45,48,55,59,63,72,76,77,81,86,96,99,100,101,120],end_pass:30,end_po:8,endforwardbackward:29,endian:67,endif:[70,77],enditer:[29,30],endpass:[29,30],endpoint:[13,37,114],endtrain:30,enforc:125,engin:[43,65,66,109],english:[2,8,106],enjoi:94,enough:[32,33,62,63,70,100],enqueu:47,ensembl:9,ensur:[2,35,66,74,86,94,96,100,102,125],enter:[33,50],enterpris:82,entir:[8,9,40,42,103],entiti:[7,33,86],entranc:50,entri:[13,39,43,61,100,101,102,114,124],entropi:[8,80],entry_point:43,enueu:47,enumer:[5,70],env:[106,108,114],environ:[30,45,93,96,100,101,108,109,111,114,115,119,120,125],environmenterror:111,eos_id:[8,99],epoch:57,epsilon:[8,10],equal:[8,9,35,91,103,104,120],equat:[7,8,9,10,63,103],equip:99,equival:[30,33,44,48,54,60,88,128],error:[6,7,8,9,30,31,39,52,53,54,66,86,102,103,112,114,120],error_clip:48,error_clip_callback:48,error_clipping_threshold:6,errorclipbyvalu:48,especi:[2,8,9,65,100],essenc:[30,32],essenti:[8,30,50,53,105],establish:44,estim:[8,30,47,75],eta:115,etc:[7,13,33,45,49,66,74,75,81,86,93,104,111,114,119,122,128],etcd:[13,29,35,39,40,42],etcd_addr:40,etcd_endpoint:13,eth0:114,euclidean:8,eval:[7,33,49,57,82],eval_program:49,eval_result:49,evalu:[1,8,16,28,29,42,59,79,109,110],evaluate_difficult:7,even:[30,53,74,80,81,100,101,109,120,125],evenli:[40,114],event:115,event_:77,event_block:77,event_handl:[29,30],eventkind:77,eventlist:77,eventu:[45,91],everi:[1,2,7,8,9,13,30,35,39,40,42,48,49,58,59,61,63,66,70,71,74,80,86,88,90,99,101,102,103,105,110,111,116,120],everyon:101,everyth:[45,47,57,124],everywher:100,evid:76,evolv:54,exactli:[2,8,9,114],exampl:[1,2,7,8,9,13,14,15,29,33,43,45,47,49,52,54,55,56,57,58,59,61,63,66,70,71,72,76,77,78,80,81,82,83,84,87,89,90,91,99,100,101,102,103,104,105,108,109,110,111,113,114,115,119,120,122,126],example_read:13,exceed:8,except:[2,8,14,42,44,54,58,77,91,122],excess:63,exchang:76,exclud:8,exclude_mod:8,exclude_param:29,excluded_chunk_typ:7,exconv:8,exconvt:8,exdb:14,exe:[45,110,113],exec:120,execut:[8,34,35,39,43,44,45,49,50,55,57,59,63,66,74,77,83,92,100,102,108,109,114],executioncontext:[66,90,103,104,105],executor:[16,44,45,49,53,54,55,57,73,78,80,90,92,108,110,113],exist:[30,33,35,52,54,72,80,81,83,88,89,91,96,100,102,105,114,120,125],exit:[40,52,113,115,120],expand:[72,94,102],expand_a:8,expand_level:8,expandconvlay:8,expans:8,expect:[8,90,109],expected_desc:66,expected_kernel_kei:90,experi:[67,122],experienc:101,expert:34,expir:35,explain:[2,7,35,44,54,56,58,101,104,108,111,113],explan:[8,31,43,44,45,86,90],explicit:[77,91,102,104],explicitli:[2,30,45,50,103,105,125],explod:48,explor:[8,72,84],expon:8,exponenti:5,expos:[32,41,66,67,89,91,114],express:[2,30,47,49,59,63,103,114],extend:[7,75,91],extens:[42,47,72,103,124],extent:69,extern:[2,34,65,68,69,82],external_librari:34,extingrad_:65,extinval_:65,extoutgrad_:65,extoutval_:65,extra:[6,8,9,45,84,89,128],extra_lay:29,extraattr:[6,122],extraattribut:8,extraattributenon:8,extract:[7,8,54,76,103,114],extralayerattribut:[6,9],extralayeroutput:9,extrem:[8,44,54,109],extremli:1,f120da72:115,f7e3:114,fa0wx:115,fabric:111,face:[34,84],fact:[44,54,74,78,80],factor:[6,10],factor_s:8,factori:68,fail:[2,35,39,72,103,115,120,122],failur:[35,40,103],fake:57,fake_imag:81,faked_imag:57,fall:[53,79],falloc:51,fals:[2,6,7,8,9,10,13,31,32,33,54,60,62,64,71,78,79,81,87,92,97,99,102,103,111,115,120,122],false_block:[33,60,78],false_label:81,false_neg:49,false_posit:49,false_read:81,familiar:2,fanscin:2,far:[48,91],fascinatingli:1,fashion:45,fast:[8,39,54,109],faster:[8,9,35,54,94,99,109],fastest:54,fastli:101,fat:125,father:32,fault:[29,39,82,93],favorit:100,fbd1f2bb71f4:115,fc1:[59,102,122],fc1_bia:59,fc1_weight:59,fc2:[59,122],fc3:[59,122],fc4:122,fc8a365:114,fc8a:114,fc_act:9,fc_attr:9,fc_bias_attr:9,fc_layer:[80,88,102,122],fc_layer_nam:9,fc_mat:29,fc_op:88,fc_out:33,fc_output:88,fc_param_attr:9,fc_without_b:33,fclayer:102,fcop:56,feasibl:75,featur:[2,5,8,13,14,32,45,53,59,74,77,101,120],feed:[9,29,30,45,58,71,84,110,113],feed_dict:57,feed_list:[110,113],feeder:[13,45,110,113],feel:101,festiv:2,fetch:[14,35,38,45,79,99,102,110],fetch_list:[45,80,110,113],fetch_op:79,few:[2,34,35,45,63,75,81,87,100],fewer:[8,80],fg0:8,field1:29,field2:29,field:[8,29,33,59,61,67,79,80,83,87,88,109,114],fifth:58,figur:[30,34,45,47,57,65,71,77,80,99,102,109],file:[1,2,4,7,8,13,14,15,29,30,32,34,35,37,39,40,42,43,51,52,54,55,59,67,69,81,82,89,92,94,96,97,99,100,101,102,103,104,105,110,111,112,116,120,124,125,126,128],file_list:2,file_nam:2,file_typ:13,filenam:[2,15,37,80,108],fileoffset:51,filesystem:[42,43,45,51,114],fill:[8,35,39,70,80,114],fill_zero_grad:82,fill_zeros_like_op:32,filter:[8,9,48,66],filter_s:[8,9],filter_size_i:8,find:[8,33,35,42,53,59,66,72,86,90,93,96,109,113,116,124,125],find_var:31,findmemori:66,findop:33,findprimit:66,findprimitivedesc:66,findvar:[33,86],fine:[6,39,56],fingerprint:114,finish:[2,35,39,42,43,50,63,74,88,93,111,112,114,115],finit:102,finnal:94,first:[2,8,29,30,32,33,35,39,42,43,44,45,50,52,54,57,58,59,66,71,72,78,79,80,82,87,88,89,91,93,99,100,101,102,103,105,109,113,114,120,122,128],first_seq:99,firstli:[7,8,104],firstn:13,firstseen:115,fit:[1,14,53,62,63,67,72,82,113],fit_a_lin:113,five:[78,109],fix:[2,6,8,45,63,68,80,101,108],flag:[8,14,64,65,77,101,103,106,120],flatten0:59,flatten:[59,78,80,105],flexibl:[1,8,9,30,40,45,54,58,62,71,72,75,81,89,91,99],flip:15,flist:111,fliud:44,float16_t:53,float32:[4,13,45,53,56,57,80,81,103,110,113],float_to_half_rn:53,floor:8,flow:[33,44,71,77,85],fluid:[0,32,45,47,50,70,77,80,89,90,104,108],fluid_cuda_create_tensor:55,fluid_cuda_mult:55,fluid_cuda_read:55,fly:32,fnt03:114,focu:[2,59,108,109],focus:103,folder:[34,37,43,52,114],follow:[1,2,7,8,9,10,13,15,29,30,31,32,33,34,35,39,43,44,45,47,50,53,54,55,56,57,58,59,60,61,63,66,70,71,72,74,75,77,78,79,80,81,82,83,84,86,87,88,89,90,91,93,94,96,97,99,100,101,102,103,105,106,108,109,110,113,114,115,116,117,118,122,124,125,126,128],footprint:55,forbid:30,forc:[74,80,90],force_cpu:62,force_cudnn:62,force_load:68,forest:33,forget:[10,30],fork:[8,101],form:[1,2,8,9,49,96,109],formal:90,format:[1,2,7,13,14,15,29,31,39,45,53,54,70,72,91,97,101,102,103,105,111,114,120],former:[30,34,54,63,75],formula:[8,9,10,31,63],formular:8,forth:57,forward:[5,8,9,31,32,33,38,40,48,54,57,64,65,66,67,73,76,78,81,82,83,84,87,99,102,122],forward_infer:66,forward_list:77,forward_op:31,forward_train:66,forwardactiv:102,forwardbackward:29,forwardtest:4,found:[2,4,53,78,84,86,99,104,111,113,126],four:[2,7,49,54,58,66,70],foward:79,fp16:[53,82,92],fp32:[70,82,90,92],fp64:[70,92],fpga:[70,110],fpgadevicecontext:89,fpgaengin:65,fpgaplac:[70,89],frame:[7,50,82,91],framework:[30,32,33,48,49,53,54,59,70,74,75,77,78,82,84,86,88,89,101,102,103,108,110,111,125],free:[14,55,89,101,128],freememoryop:55,frequenc:[14,109],frequent:[39,81,82,84,89,112,124,125],fresh:42,friend:86,friendli:57,from:[2,4,7,8,9,13,14,15,29,31,32,33,34,35,37,38,39,40,44,45,47,48,49,52,53,54,56,57,58,59,60,62,63,66,71,72,73,74,76,78,80,81,82,83,86,89,90,91,94,96,99,100,101,102,103,104,105,108,109,111,113,114,115,120,122,124,125,128],from_no_sequ:8,from_sequ:8,from_tar:29,fromfil:81,front:[59,63],fulfil:109,full:[8,35,42,71,74,75,99,102,104,128],full_matrix_project:[9,99],fulli:[45,47,102,109,113,128],fullmatrixproject:8,fullsiz:38,fully_matrix_project:9,fullyconnect:[59,80],fullyconnectedlay:102,func:[13,39,44,55,83],funciton:9,functor:[56,59],fundament:[47,53,82],further:[8,88,128],futur:[8,42,45,53,63,71,82,124],fvs:88,fwd_desc:66,fwd_op:83,fwd_primit:66,fwd_primitive_desc:66,fwd_var:48,g_b0:57,g_b1:57,g_b2:57,g_block:57,g_command_config_arg:[64,65],g_h0:57,g_h0_bn:57,g_h0_relu:57,g_h1:57,g_h1_bn:57,g_h1_relu:57,g_h2:57,g_im:57,g_loss:57,g_optim:57,g_program:80,g_state:77,g_step:57,g_w0:57,g_w1:57,g_w2:57,gain:8,gan:30,gangliao:34,gap:120,gate:[8,9],gate_act:[8,9],gate_attr:8,gate_bias_attr:8,gate_param_attr:8,gate_recurr:8,gatedrecurrentlay:64,gather:[8,32,63,74,76,102,103],gauss:6,gaussian_normal_random:57,gcc:[53,55,68,82,93,100,108,124,126],gcc_3:96,gcreators_:88,gemm:64,gemmconvkernel:104,gen:8,gender:14,gendrated_id:72,gener:[1,2,4,7,8,9,13,29,30,31,32,33,34,35,37,39,40,42,44,45,54,56,61,63,66,70,74,75,78,79,80,81,82,83,87,88,89,91,101,103,109,114,116,120,122,124,126],generated_id:72,generated_scor:72,generated_word_embed:8,generatedinput:[8,99],genert:2,gereat:7,get:[2,7,8,14,29,31,32,33,34,35,39,40,42,43,51,54,57,59,62,63,64,65,66,70,71,72,77,80,82,83,86,88,89,90,91,93,94,96,99,101,102,103,104,108,109,111,112,114,116,123],get_all_op_proto:88,get_block:80,get_config_arg:122,get_data:115,get_dict:14,get_dim:31,get_embed:14,get_float_el:31,get_grad:29,get_grad_op_desc:32,get_input_lay:102,get_lin:13,get_movie_title_dict:14,get_numeric_gradi:31,get_numerical_gradi:31,get_output:31,get_program:63,get_pserver_program:113,get_shap:29,get_startup_program:113,get_support:96,get_symbol:59,get_tensor:31,get_trainer_program:113,get_vari:33,get_word_dict:14,get_worker_addr:44,getactualkerneltyp:62,getattr:48,getbatchs:102,getdeviceid:104,geteigendevic:105,getengin:66,getenv:[30,43,111],getexpectedkerneltyp:[62,66,90],getinfervartyp:61,getinput:102,getinputgrad:102,getinputvalu:102,getkerneltyp:53,getkerneltypeforvar:90,getlayeroutput:29,getlibrari:66,getmat:38,getoptconfig:38,getoutputgrad:102,getoutputvalu:102,getparam:38,getparameterconfig:38,getparameterptr:102,getparameterspars:38,getparametersremot:38,getplac:[66,89,103,104,105],getsiz:102,gettask:39,gettempl:114,gettensor:90,gettranspos:102,getw:102,getweight:102,getwgrad:102,gist:9,git:[85,93,100,101,106,124,126],github:[9,34,57,70,85,93,100,101,106,108,110,124,126],give:[2,35,71,80,82,90,100,101,102,109,114],given:[2,8,13,29,32,40,42,47,48,54,56,57,72,81,84,91,102,120],glibc:[96,124,126],glibc_2:96,glibcxx_3:96,glide:34,global:[2,6,30,33,34,35,55,59,62,76,77,82,86,88,89,90,100,109,114,120],global_block:80,global_learning_r:6,globalstat:109,globalstatinfo:109,globe:2,glog:101,glog_v:101,glog_vmodul:101,gnueabihf:126,go_librari:34,go_test:34,goal:[47,53,58,74,82,109],gob:39,godep:34,godoc:68,goe:[9,35,54,60,86,110],going:[32,56,75,108,111,128],golang:34,good:[57,75,80,81,84,108,109,113,128],googl:[30,77,82,101,108,111,124],googleapi:114,googlenet:65,goroutin:44,got:[62,86],govern:2,gpg2:114,gpg:114,gprotos_:88,gpu:[1,2,6,8,11,31,43,49,53,63,70,74,75,76,77,82,84,85,89,90,93,96,97,100,104,105,107,110,111,113,128],gpu_id:[120,122],gpu_per_train:45,gpudevic:89,gpugpu_id:119,gpukernel:82,grab:35,grad:[31,32,40,48,65,80,87,120],grad_info_map:32,grad_n:48,grad_nam:48,grad_op:48,grad_op_class:82,grad_op_desc:48,grad_op_maker_:83,grad_op_typ:[82,83],grad_op_type_:83,grad_s_block:32,grad_share_block_num:[119,120],grad_to_var:[32,48],grad_var_nam:31,gradient:[6,7,8,10,29,35,39,46,48,58,61,73,74,75,76,80,82,87,103,108,111,113,120],gradient_clipping_threshold:6,gradient_evalu:7,gradient_flat:31,gradient_machin:[29,69],gradientmachin:[4,29,69,76],gradientmachine_:38,gradopdescmak:[61,83],gradopdescmakerbas:83,gradopmak:83,gradual:109,grai:15,grain:56,grandient:29,grant:114,graph:[8,29,32,33,34,35,44,45,46,47,49,54,57,71,74,75,78,105],grayscal:2,great:[47,128],greater:[8,48,75,111],greaterthan:88,green:[44,57],grep:[94,116],groudtruth:99,ground:[7,8],group:[9,39,59,66,89,103,128],group_input1:99,group_input2:99,group_input:99,grouplen:14,grow:101,grpc:128,gru:[8,72,99],gru_bias_attr:9,gru_decod:99,gru_decoder_with_attent:99,gru_layer_attr:9,gru_memori:9,gru_out:72,gru_param_attr:9,gru_step:[72,99],gru_step_lay:9,grumemori:[9,99],gserver:[8,64,65,102],gsizex:109,gtx:63,guarante:[66,80,102],guard:38,guest:[96,100],gui:[108,109],guid:[51,63,82,99,101,102,109,113,114,115,125],gzip:[39,115],h0_bn:57,h_prev:33,had:100,hadoop:30,half:[8,53,114],half_to_float:53,hand:[63,82,89,105,111,113],handi:34,handl:[13,30,32,43,44,45,59,63,66,70,76,81,86,89,91,104,110],handler:[29,33],handwrit:2,happen:[39,88],hard:[45,54,72,91,100,114],hardwar:[54,55,89,100,104,109],has:[2,4,7,8,9,14,30,31,32,33,34,35,39,40,42,45,47,48,49,53,54,57,59,63,67,70,72,74,77,78,82,87,88,89,90,93,99,100,101,102,109,110,114,115,125,128],has_kei:[29,32,48],has_selected_colum:8,has_var_recurs:32,hasdependentvar:79,hash:[70,74],hasn:54,have:[1,2,4,8,9,13,30,31,32,33,34,35,39,40,42,43,45,47,48,50,53,54,55,56,57,58,62,63,66,67,70,71,72,74,75,76,77,78,80,81,82,83,86,87,89,90,92,93,94,99,100,102,103,104,109,111,114,120,122,125,126,128],haven:[54,100],hdf:[1,13,37],head:[101,103,111,116],header:[40,67,69,82,89,102,104,124,125,126],headip:116,heard:100,heavi:112,height:[8,13,15,33,68,81,102,103],height_:87,held:35,hello:30,help:[2,4,8,33,52,54,59,66,72,81,82,91,100,101,108,112],helper:[45,66,83,91,102],henc:[45,75,80,83,84,86],here:[2,4,6,7,8,9,13,30,34,35,41,47,48,50,52,54,58,59,66,70,71,81,84,88,93,94,96,99,101,103,104,106,111,112,113,114,115,119,122,125,126,128],heterogen:[45,47,77],heurist:[8,47,72,120],hidden:[8,9,73,80,99,114],hidden_out:33,hidden_s:9,hierarch:[8,78,80,82,99],hierarchi:82,high:[6,53,74,89,102,111,128],higher:[1,56,71,91,101],highest:[13,33],highli:[1,2,14,91,99,122],him:30,hint:[62,108],histor:[56,104],histori:10,hl_get_sync_flag:102,hold:[30,32,35,39,41,53,57,59,61,63,86,88,89,90,105,113,114],holder_:[89,105],home:[37,52,94,108,114,115,116],honor:39,hook:[2,6],hookattr:6,hookattribut:6,horizont:[8,15],host:[34,43,77,114,115,124,125,126],host_c:[124,125,126],hostfil:116,hostnam:114,hostpath:115,hostport:114,hour:100,hourli:101,hous:[2,14,97],how:[1,2,6,8,30,33,35,39,44,45,50,52,54,56,59,62,66,71,72,76,77,84,88,90,99,100,104,108,111,113,114,115,120,123,126],howev:[2,8,9,31,32,42,45,50,54,63,70,75,76,80,81,83,84,87,88,89,90,99,114,119,120],howto:111,hpp:[53,68],html:14,htod:109,http:[2,8,9,14,34,43,57,85,93,94,100,101,106,108,110,114,115,124,126,128],hub:85,huber:8,huge:75,human:[8,77],hundr:104,hwc:15,hyper:[8,57,102],hyperparamet:[8,84],hyperplan:13,i1117:109,i386:125,iOS:[126,127],iamfullaccess:114,iamusersshkei:114,icc:55,ics:14,id_input:7,id_rsa:116,idea:[34,54,55,75,81,84,108,113],ideal:[45,90],ident:[8,83,103,114],identifi:[8,60,70,102],identityoffsetproject:8,identityproject:8,ids:[7,8,72,102],idx:[39,57,63,102],ies:52,if_else_op:32,ifdef:[70,77],ifels:[33,78],ifelseop:78,ignor:[2,8,120],illustr:[2,7,35,40,45,56,71,99,102,109],im_siz:57,imag:[2,11,12,13,14,30,45,54,57,58,72,73,78,81,93,100,101,114,117,118,122,128],image_a:81,image_b:81,image_fil:81,image_lay:81,image_nam:30,image_path:81,image_reader_cr:81,imagenet:[8,37],imagepullpolici:114,imageri:8,images_reader_cr:81,imagin:58,img2label:15,img:[2,8,9],img_conv_lay:9,img_featur:2,img_pool_lay:9,imgsiz:109,imgsizei:109,imgsizex:109,imikolov:111,immedi:[63,66,75,84,93,114],immutable_paramet:30,impel:89,imper:44,imperfect:82,implement:[2,8,9,13,33,39,40,41,42,43,44,45,47,54,56,59,60,61,63,66,68,69,70,72,76,79,86,88,89,90,91,99],implemet:38,impli:[2,34],implicitli:44,imposs:[72,128],impractic:90,improv:[8,46,47,63,82,108,109,114],inarg:38,inbound:114,includ:[1,2,7,8,9,14,15,30,33,34,40,43,53,54,57,59,63,68,69,71,72,77,78,80,82,88,93,96,99,100,102,103,108,109,111,114,115,120,124,125,126],inclus:72,incom:[44,62],incorpor:8,incorrect:8,increas:[35,39,53,111,120],increment:[49,58,63,120],incupd:102,inde:13,independ:[8,31,32,40,46,86,89,128],index:[2,7,8,11,13,14,29,31,32,33,35,39,44,78,80,91,104,114],indexslot:8,indic:[2,7,8,32,33,40,50,57,71,78,83,87,89,91,112,114,124],indice_map:91,indices_map:91,individu:[35,74,114],industri:[35,67,128],ineffici:[76,90],infer:[0,15,30,32,33,35,49,54,60,61,62,63,64,68,70,79,80,82,87,90,97,125,126],infer_shap:80,infer_var_type_:61,inferenc:125,inferfac:61,inferior:42,infernec:126,infershap:[33,80,82,103,105],infershapecontext:[103,105],infervartypefn:61,info:[7,8,14,53,71,102,112,128],infom:8,inform:[4,8,14,29,33,43,52,59,62,63,66,67,70,71,74,80,84,86,87,101,102,103,105,108,109,114,120,124],infrastructur:[54,114],ingor:120,ingrad_:65,inherit:[33,73,82,89,103],ininst:30,init:[6,29,33,46,57,65,71,72,97,102,111,114,122],init_attr:80,init_from_tar:29,init_model_path:[119,120,122],initi:[2,4,6,8,9,14,16,29,32,34,39,44,45,46,47,49,58,71,74,75,80,84,88,91,97,99,102,103,110,120],initial_max:6,initial_mean:[6,8],initial_min:6,initial_std:[6,8],initialize_op_attr:80,initpaddl:4,initrd:128,inlcud:9,inlin:[89,104,105,114],inner:[8,102],inner_param_attr:9,inproj_attr:8,inproj_bias_attr:8,inproj_param_attr:8,input0:105,input1:[8,9,105],input2:8,input:[2,4,5,7,8,9,11,13,15,29,31,32,33,38,42,44,45,46,47,48,49,53,54,55,56,57,58,59,61,62,63,65,66,70,71,72,75,76,79,80,81,82,83,86,88,89,90,91,97,99,101,102,103,104,105,110,113,116,122],input_conf:8,input_data:102,input_data_target:102,input_featur:5,input_hassub_sequence_data:102,input_id:8,input_imag:9,input_index:102,input_label:102,input_lay:102,input_loc:8,input_nam:30,input_proj_bias_attr:9,input_proj_layer_attr:9,input_seg:91,input_seq:8,input_sequence_data:102,input_sequence_label:102,input_sparse_float_value_data:102,input_sparse_non_value_data:102,input_t:102,input_to_check:31,input_valu:31,input_var:[31,80],inputbuff:38,inputdef:102,inputgradi:83,inputlayers_:102,inputs_to_check:31,inputsizechang:66,inputtyp:[2,13],insert:[32,48,55,74,79,82,83,101],insid:[7,9,32,35,45,47,48,49,62,66,76,77,81,82,83,94,114],inspir:77,instal:[8,43,65,85,93,94,100,101,106,108,111,115],install_android:124,instanc:[8,31,33,35,37,41,44,45,46,48,50,55,60,66,71,72,75,80,82,83,99,102,105,109,113,120],instance_ip:114,instanti:[35,50,110],instead:[8,9,11,32,34,38,43,44,45,53,54,58,59,100,101],instrins:53,instruct:[33,58,94,100,109,124],int16:92,int32:[70,78,91,92,120],int64:[45,51,70,87,90,92],int64_t:77,int8:70,integ:[2,7,8,13,39,43,44,53,68,72,102],integer_valu:[2,13],integer_value_sequ:[2,13,72,99],integr:[7,93,128],intel:[54,70,89,104],intellig:63,inteloptimizedpaddl:65,intend:93,inter:[8,45],interact:[8,45,94,114],intercept:8,interchang:[58,82],interconnect:74,interest:[44,53,74,109],interfac:[0,4,6,8,9,29,33,39,43,52,59,74,76,82,83,89,93,103,105,114,125,128],intergr:8,intermedi:[45,52,55,57,63,73,100,124,126],intern:[8,9,29,53,108,111,112,114],internel:65,internet:[34,35,128],interpret:[2,7,50,54,55,92,93,109],inth:105,intrins:[44,50,53,126],introduc:[2,8,15,33,35,57,64,67,84,86,88,103,108,111,115],introduct:3,introductori:100,intuit:[42,82],inval_:65,invalid:[81,86],invent:54,invoc:[34,56,82],invok:[2,8,29,32,45,48,76,80,82,83,88,90,100,101,109,114],involv:[72,103],iob:7,ioe:7,ios:125,ios_arch:125,ios_deployment_target:125,ios_development_root:125,ios_enable_bitcod:125,ios_platform:125,ios_sdk_root:125,ios_use_veclib_for_bla:125,ipad:125,iphon:125,ips:114,ipt:[8,80,88,99],ipx:128,ipython:30,is_color:15,is_cpu_plac:66,is_loc:29,is_mkldnn_librari:66,is_seq:[8,99],is_stat:6,is_target:79,is_tensor:88,is_test:66,is_traget:79,is_train:[2,15],isinst:48,ismkldnnkernel:66,isn:109,isspars:102,issu:[34,57,94,96,100,101,109],istag:85,item:[8,13,29,42,53,81,97,128],iter:[8,9,10,13,29,30,35,45,54,55,63,66,75,77,81,91],iter_multiple_input_and_param:80,its:[2,8,9,29,30,31,32,33,35,39,44,48,49,54,55,57,58,59,61,63,67,71,72,74,75,76,79,80,82,83,86,87,88,89,90,96,102,103,104,105,109,111,114,120],itself:[32,35,42,55,66,75,86],ivs:88,java:[33,68,78,82],jeremi:109,job:[4,14,32,42,44,45,48,82,94,111,113,119,120,122],job_desc:45,job_dispatch_packag:112,job_id:14,job_nam:[43,114],job_namespac:114,job_path:114,job_workspac:112,jobdesc:45,jobnam:45,jobpath:114,jobport0:114,jobport1:114,jobport2:114,jobport3:114,jobserv:43,join:35,jointli:9,journei:94,jpg:15,json:[59,114,115],jth:9,judg:8,juditski:75,jupyt:[43,94],just:[2,5,7,8,9,14,34,39,40,44,45,54,55,57,61,66,75,76,80,81,82,83,84,86,87,93,96,100,101,112,114,122,124],jx4xr:114,jypyt:30,k8s:[44,128],k8s_data:114,k8s_job:30,k8s_token:30,k8s_train:114,k8s_user:30,kafka:37,kcpu:77,kcuda:77,kcudnn:104,kdisabl:77,kebilinearinterpbw:109,kebilinearinterpfw:109,keep:[2,8,13,15,35,54,55,58,72,75,80,86,88,93,101,128],keep_top_k:8,kei:[2,14,15,29,31,32,33,35,37,39,51,53,62,66,82,83,88,91,100,101,103,109],kept:[8,63,80],kera:84,kernel0:104,kernel1:104,kernel:[8,31,53,55,62,65,75,77,84,87,89,90,103,105,109],kernel_hint:62,kernel_type_for_var:90,kerneltyp:[62,66],key1:120,key2:120,key_pair_nam:114,keyid:114,keymetadata:114,keypair:114,keyserv:114,keystat:114,keyusag:114,keyword:[2,80],kforcecpu:62,kill:[35,114],kind:[1,2,30,31,35,41,45,48,55,58,62,66,73,74,77,89,90,92,94,104,114,115],kind_:77,kmark:77,kmkldnn:104,kms:114,knchw8c:70,knchw:70,knhwc:70,know:[2,30,39,44,63,67,101,102,108,109,111,114,124],known:[32,33,54,56,71],kplain:104,kpoprang:77,kpushrang:77,kriz:14,kselectedrow:87,ksimonyan:9,kstate:77,kube_cluster_tl:30,kube_ctrl_start_job:30,kube_get_workers_addr:44,kube_list_containers_in_job_and_return_current_containers_rank:30,kubeconfig:114,kubectl:[112,115,116],kuberent:[35,114],kubernet:[30,35,44,45,82,111,117,118,128],kubernetes_service_host:30,kusecudnn:62,kusemkldnn:62,kwarg:[2,9,10,13,49,59,80,88],l1_rate:6,l1_regularization_op:84,l2_rate:6,l2_regularization_op:84,l2_sim:8,l93:38,label:[2,4,7,8,13,14,15,29,45,49,54,57,58,59,73,78,81,90,110,113,115],label_dim:8,label_fil:81,label_lay:81,label_path:81,lag:120,lake:2,lambda:[44,48],lambdacost:8,lambdarank:8,lan:111,languag:[2,8,14,44,54,58,63,77,82,86,122],larg:[11,14,45,47,48,63,67,75,101],larger:[2,6,7,8,63],larger_than:[33,60,78],last:[7,8,9,32,48,63,71,77,78,99,120],last_seq:72,last_time_step_output:8,lastseen:115,latenc:[8,53,112,114],latent:8,later:[34,82,84,89,93,96,103,105,114],latest:[8,33,34,35,42,85,93,94,96,106,115,124,125],latter:[75,91,108],launch:[66,114,120],launcher:30,law:2,layer1:[8,9],layer2:8,layer3:8,layer:[4,6,7,9,11,13,16,28,29,32,33,38,44,45,47,54,57,58,60,73,75,78,81,82,84,88,89,91,97,99,107,110,113,119,120],layer_0:102,layer_attr:[8,99,122],layer_help:62,layer_num:122,layer_typ:[8,64,65],layerbas:102,layerconfig:102,layergradutil:102,layerhelp:[62,80],layermap:102,layeroutout:8,layeroutput:9,layout:[15,66,90],layout_:[62,70],layouttyp:62,lazi:[75,84],lbl:7,lead:[63,70,109],leaki:57,learing_r:73,learn:[6,7,8,9,10,14,30,32,40,42,45,47,50,57,58,63,65,72,74,75,77,81,82,84,89,94,99,100,102,103,106,109,113,125],learnabl:29,learning_r:[6,40,45,110,113],leas:35,least:[7,35,96,124],leav:[2,33,114],lectur:63,lecun:14,left:[8,33,105,125],left_right_flip:15,legaci:94,legal:88,len:[2,8,40,44,51,54,80,97,102],length:[8,9,13,14,15,40,53,64,67,71,72,82,91,99,115,120],leran:63,less:[8,30,48,113,128],less_than:[30,63],let02:115,let:[4,7,8,30,33,42,44,55,56,58,62,66,70,71,72,73,83,89,90,103,108,113,114],level:[6,8,53,56,59,67,71,72,77,89,91,92,101,112,120,124],lgtest:34,lgtest_main:34,lib64:[94,120],lib:[69,93,94,108,111,124,125,126],libapi:34,libari:69,libc:96,libcuda:94,libgcc_:96,libgoogl:108,libiomp5:65,libmkldnn:65,libmklml_intel:65,libnvidia:94,libpaddl:[68,69,82,108],libpaddle_capi:69,libpaddle_gserv:69,libpaddle_math:69,libpython2:93,librari:[8,34,41,45,65,66,69,74,90,93,96,103,104,111,113,120,125,126],library_:70,library_typ:104,library_type_:90,librarydevicecontext:70,librarytyp:[90,104],libstdc:96,licens:[2,65,74],life:35,lifecycl:[77,128],lifetim:[86,96],lightweight:56,like:[2,7,8,13,14,32,33,34,35,38,43,44,50,54,55,56,57,58,59,61,66,70,74,75,80,81,82,83,84,86,87,90,91,93,96,99,100,101,108,109,110,111,114,119,122,124,125,126,128],limit:[2,8,13,54,63,67,72,82,84,109,120],linaro:126,line:[1,2,4,7,13,34,38,43,52,58,75,78,80,82,84,100,101,107,108,109,112,113,114,122],line_break:13,linear:[8,72,97],lineno:108,link1:53,link2:53,link:[8,9,34,51,52,86,96,103,114,128],linux:[13,51,94,96,100,101,111,114,126],linux_x86_64:[85,96],lipo:125,list:[1,2,7,8,9,13,15,29,30,32,33,34,39,43,44,50,52,54,57,70,73,76,77,80,83,86,91,97,99,100,102,103,108,111,113,114,120,122,126],listdir:111,listen:[35,44,45,111,113,120],listen_and_do:44,listenanddo:44,littl:[1,2,40,62,67,120],live:[103,110],live_in:63,live_out:63,load:[1,2,4,15,30,35,45,57,74,80,93,103,114,120],load_and_transform:15,load_imag:15,load_image_byt:15,load_missing_parameter_strategi:[119,120,122],load_mnist:57,load_persist:113,loadparamet:4,loadsave_parameters_in_pserv:[38,119,120],loc:7,local:[6,29,31,33,35,41,42,58,63,71,78,80,82,93,94,100,101,108,112,115,119,120],local_scop:31,localhost:[94,106],localpath:52,locat:[8,29,34,54,70,77,89,91,99,102,111,126],lock:[34,35,39,40],lod:[67,71,87,91,92],lod_desc:[87,92],lod_expand:72,lod_level:[80,87,92],lod_tensor:[71,87,92],lodtensor:[61,67,82,92],lodtensordesc:[67,87],log:[2,39,45,52,57,96,102,111,112,114,115,116,120,126],log_barrier_abstract:120,log_barrier_lowest_nod:[119,120],log_barrier_show_log:[119,120],log_clip:[119,120],log_error_clip:[119,120],log_period:[115,120,122],log_period_serv:[119,120],logarithm:5,logger:2,logic:[2,42,45,47,48,57,61,73,74,76,86,91,103],login:[96,116],logit:[57,90],longer:[35,45,63],look:[2,7,33,43,44,54,55,58,75,80,83,84,110,111,114,115,119],lookahead:8,lookup:[61,72,110],lookup_t:63,loop:[31,33,54,63,77,81,86],loop_var:91,loss:[8,32,45,57,59,73,75,84,102],lot:[45,70,72,75,80,84,89,111,119,128],low:[8,73,74,89,91],low_rnn:71,lower:[8,53,71,72,101,112],lower_level_rnn:71,lowest:120,lpaddle_capi_shar:69,lpaddle_capi_whol:69,lrelu:57,lstm:[8,99,115],lstm_bias_attr:9,lstm_cell_attr:9,lstm_group:9,lstm_layer_attr:9,lstm_step:9,lstmemori:[9,99],lstmemory_group:8,lstmlayer:64,ltr:8,luckili:63,mac:[69,100,101,124],machin:[9,14,29,45,47,54,57,63,65,74,75,84,93,96,100,102,114,115,116,119,120,122,126,128],machine_transl:99,maco:[96,97,100,125],macro:[56,70,83,103],made:[2,35,40,54,99],mai:[2,8,9,31,33,45,49,53,55,62,63,66,74,77,81,82,86,90,93,94,105,106,109,111,114,126],main:[2,4,44,48,54,55,59,74,78,82,96,108,111,114],main_program:[32,49],mainli:[41,63,70,89,93,103,120],mainlin:96,maintain:[8,33,39,75,80,82,114],majel:34,major:[45,53,90,124],make:[2,7,8,30,32,33,34,35,39,40,42,45,46,53,54,58,71,72,75,76,80,81,82,84,89,91,93,100,101,102,103,104,108,109,111,113,114,124,125,126,128],make_ddim:105,make_function_oper:56,make_vari:88,maker:[82,83],malloc:[89,102],man:51,manag:[29,35,40,41,44,45,52,77,86,89,96,106],mandarin:8,mandatori:125,mani:[9,15,32,34,39,44,54,57,62,63,72,76,77,80,82,83,86,87,88,90,91,100,120],manili:59,manipul:[54,80,83,112,125],manner:[8,75,84],mantain:63,manual:[45,73,75,83,112,124,125,128],manufactur:54,manylinux1:96,manylinux1_x86_64:[85,96],manylinux:85,map:[2,7,8,13,29,30,33,39,48,66,70,80,83,86,88,89,91,100,120,128],map_fn:91,map_read:13,mapper:13,mapreduc:[30,111],mark:[2,32,47,57,58,71,72,77,86,99,108,128],marker:77,market:53,mask:[6,8],master:[30,42,82,85,120,126],mastermind:34,mat:[68,69],mat_cache_row:38,mat_norm:38,mat_normal_shar:38,mat_param_attr:9,mat_sparse_row:38,mat_sparse_row_auto_grow:38,mat_sparse_row_id:38,mat_sparse_row_prefetch:38,mat_sparse_row_prefetch_full_s:38,mat_value_shar:38,match:[34,53,96,109],matchbox:128,math:[9,65,68,82,101,102,103,109],mathemat:84,matirx:8,matmul:[33,59,71,91,103],matric:[4,99,102],matrix:[7,8,9,13,29,38,68,69,102,103,119,122,125],matrixptr:102,matrixtyp:69,matter:2,mattyp:38,matur:111,max:[2,6,8,13,14,31,46,48,63,80,109,120,122],max_diff:31,max_id:[8,29],max_job_id:14,max_length:[8,72,99],max_movie_id:14,max_relative_error:[31,103],max_sort_s:8,max_user_id:14,maxframe_evalu:7,maxid:7,maxid_evalu:7,maxim:[8,48],maximum:[7,8,14,33,40,99,103,109,120],maxinum:11,maxoutfunctor:89,maxpool:8,mayb:[33,66,103],md5:[14,36],mean:[2,6,7,8,9,10,11,13,15,29,32,34,45,46,48,59,72,79,81,86,90,94,99,100,103,108,109,110,113,114,120,122,128],mean_var_nam:8,meant:91,measur:[49,109],mechan:[8,9,32,41,49,66,80,83,99,104,114],mem:[8,33,43,72],mem_per_pserv:45,mem_per_train:45,member:[8,14,30,48,58,59,70,76,80,86,103],memcpi:[76,109],memor:8,memori:[1,2,9,32,33,38,39,43,53,55,65,66,67,70,72,75,77,82,90,99,100,101,102,105,109,110,115,120,122],memory_boot:9,memory_nam:8,memory_optim:63,memory_test:100,memory_threshold_on_load_data:120,memoryalloc:89,memorydesc:66,mention:[32,34,39,45,47,54,71,74,75,77,100],mere:9,merg:[8,40,42,46,49,65,71,74,76,101,106,120,125],messag:[33,44,50,54,55,58,67,77,78,79,80,82,83,87,92,101,115,120],metaclass:103,metadata:[51,114,115],metal:[113,128],metaphor:58,metaplotlib:30,method:[2,8,10,29,31,33,42,44,45,46,48,53,57,58,59,62,73,74,80,81,82,86,87,90,91,93,94,96,102,103,105,106,108,109,120,122],methodolog:75,metric:[49,77],microarchitectur:53,might:[8,33,34,44,54,63,78,100,101,102,108,114,124],mileag:109,million:[14,122],min:[6,8,46,48,80,109,114,122],min_block:33,min_count:47,min_desc:33,min_pool_s:2,min_word_freq:14,mind:108,mini:[2,8,13,29,33,35,49,50,54,60,71],mini_batch:81,minibatch:[8,33,49,58,60,78],minim:[2,33,45,47,48,54,57,73,82,110,113,120,124,125,126],minimum:[8,125],minimun:120,minsizerel:[124,125,126],minst:2,minu:83,minus_grad:83,minusgradop:83,minusop:83,minusopgradmak:83,minusopprotoandcheckermak:83,minut:[35,42,94,100,114],mirror:[34,94],mislead:40,miss:[57,120],mistak:54,misus:104,mit:114,mix:[9,77,91,99],mixed_lay:9,mixed_layer_attr:9,mixedlayertyp:8,mixtur:108,mkdir:[52,93,106,114,116],mkl:[66,82,89,90,93,94,104],mkl_packed_:64,mkldnn:[8,65,70,90],mkldnn_:65,mkldnn_batch_norm:8,mkldnnactiv:65,mkldnnbase:65,mkldnnlayer:65,mkldnnmatrix:65,mkldnnstream:65,mkldnntester:65,mklml:65,mklpack:64,mklpackedgatedrecurrentlay:64,mklpackedgemm:64,mklpackedlstmlay:64,mklpackedrecurrentlay:64,mlp:59,mnist:[2,4,37,45,57,58,78,81,82,108],mnist_provid:2,mnist_random_image_batch_read:81,mnist_train:[2,81],mnist_train_batch_read:81,mobil:[53,54,63,82,106,123],mod:111,mode:[8,29,53,64,74,101,120],model:[0,1,4,8,9,14,29,32,33,35,36,44,45,47,48,49,58,63,64,73,74,75,82,84,90,91,97,101,102,106,107,111,113,114,120],model_config:4,model_list:[120,122],model_path:122,modelparallel:45,modern:63,modif:95,modifi:[4,8,45,53,59,84,99,102,103,111,112,114],modul:[1,2,4,9,14,29,45,56,57,72,91,103,108],modular:72,modulo:8,moment:108,momentum:[6,86,104],momentumop:108,mon:115,monitor:77,mono:8,month:34,more:[1,2,4,7,8,9,13,30,31,32,34,35,39,42,43,45,47,52,53,54,55,56,58,62,63,66,70,71,72,73,77,80,81,82,84,89,91,93,94,97,99,100,102,103,104,105,106,108,109,110,111,113,115,122,126,128],most:[2,4,8,13,29,30,32,34,42,45,55,58,59,70,72,75,77,81,84,89,96,99,102,108,109,110,119,128],mostli:[53,128],motiv:82,mount:[43,94,111,114,115],mountpath:[114,115],move:[8,35,39,52,54,75,94,109,114,128],movement:109,movi:[2,14],movidiu:54,movie_categori:14,movie_info:14,movie_review:14,movieinfo:14,moving_average_fract:8,mpi:[74,116],mpirun:116,mse:[54,58,73,78],much:[8,35,54,66,73,81,84,91,109],mul:[56,63,80,102,103],mul_grad:103,mul_op:103,mul_ratio:8,mul_result:80,mulgradkernel:103,mulkernel:103,mulop:[56,103],mulopgrad:103,mulopmak:103,mult:[44,55],multi:[8,49,74,76,90,102,108,112,113,119,120,128],multi_binary_label_cross_entropi:8,multigradientmachin:76,multinomi:8,multipl:[7,8,9,13,29,30,31,39,40,42,44,45,47,49,54,55,56,62,74,77,82,90,92,99,102,103,108,111,114,120,122],multiple_input:80,multiple_param_attr:80,multipli:[7,8,44,102],multiprocess:13,multithread:2,must:[2,5,7,8,9,13,15,32,40,48,63,66,67,70,77,79,80,81,82,88,92,99,102,103,105,111,113,114,120,122,124,126],mutabl:[89,105],mutable_data:[66,89,103,105],mutuable_data:[89,105],mxnet:[33,44,54],my_cluster_nam:114,my_external_dns_nam:114,my_lib:111,myerrorclip:48,myfil:13,mypaddl:115,naiv:44,name:[2,6,7,8,9,11,15,29,30,31,32,33,35,37,38,40,43,44,45,49,53,56,59,62,65,66,67,69,70,72,77,78,80,82,85,87,88,91,92,94,96,97,99,100,102,103,104,109,110,111,113,115,117,118,120,122,125,128],name_:77,name_prefix:37,namespac:[33,60,68,80,102,103,115],nativ:[8,53,101],natur:[39,42,47,72,91,122],navig:106,ncall:108,nccl1:74,nccl2:74,ncclinit:74,nchw8:90,nchw8c:90,nchw:[8,65,70],ndarrai:[15,29,37],ndcg:8,ndcg_num:8,ndk:124,nearest:53,nearli:31,necess:91,necessari:[2,8,32,33,40,42,48,49,63,67,72,76,80,88,91,102,116],necessarili:[44,102],neck:74,need:[2,7,8,9,13,30,31,32,34,38,39,40,42,43,45,47,48,49,52,54,55,56,57,62,63,66,70,72,73,74,75,76,77,79,80,82,83,84,86,87,88,89,91,93,94,95,96,97,99,102,103,104,105,106,111,113,114,115,119,120,122,124,125,126,128],neg:[2,7,8],neg_distribut:8,neg_overlap:8,neg_pos_ratio:8,neglect:8,neighberhood:74,neither:8,neon:[53,124,126],ner:7,nervana:54,nest:[2,8,13,32,33,77,78,92],net:[8,9,16,33,57,71,86],netop:[33,82],network:[1,2,4,6,7,8,13,28,29,30,31,32,33,35,38,45,47,49,57,59,63,64,65,71,73,75,77,80,81,84,86,88,89,90,92,97,102,103,105,109,111,113,120,128],network_config:122,networkadministr:114,neural:[2,4,8,9,13,29,30,32,33,35,45,59,63,64,65,71,75,84,86,89,90,92,97,105,109,111,113,120],neuralnetwork:76,neuron:[4,102],never:[13,63,81,86,114,115],new_block_idx:80,new_op_and_kernel:104,new_op_desc:48,new_scop:90,new_stat:71,newblock:80,newbuff:66,newer:124,newest:40,newli:[53,125,128],newop:33,newopdesc:80,newprogram:80,newscop:90,newvardesc:80,next:[8,14,32,35,41,48,72,74,91,99,102,103,108,109,114,115,120],nextlay:65,nfs4:114,nfs:114,nfsver:114,ngram:14,nic:[119,120],nil:39,nine:14,nlp:[2,8],nltk:14,nms_threshold:8,nms_top_k:8,nnz:102,no_cach:2,no_grad_dict:32,no_grad_set:[31,32,103],no_gradi:32,no_sequ:[2,8],node1ip:116,node2ip:116,node3ip:116,node:[8,34,42,44,45,47,59,63,72,74,82,100,102,111,112,113,114,115,116,120,128],node_0:114,node_1:114,node_2:114,node_id:111,nodeattr:59,nodeentri:59,nodefil:112,nodesep:59,nohup:111,nois:[8,35,57,111],noisi:[8,57],non:[8,35,53,54,87,102,103,114,120],none:[1,2,4,6,7,8,9,10,11,15,29,30,31,32,33,48,49,57,59,60,71,72,73,78,80,88,91,99,110,113],noneedtran:66,nonlinear:102,nor:[44,100],norm:[9,57,70],norm_by_tim:8,normal:[2,4,8,9,14,75,99,102,111,115,120],notat:[8,63],note:[2,4,6,8,9,11,15,29,30,32,33,38,39,43,63,67,70,74,81,82,89,90,93,94,103,105,106,109,111,113,114,120,122,125],notebook:[43,94],notest_dist_fit_a_lin:113,noteworthi:54,noth:[5,29,62,80,86,100,120],notic:[8,48,54,74,83,99,101,102],notif:101,notimplementederror:48,notin:90,notingradi:103,notion:91,notori:31,now:[2,13,32,34,35,47,57,67,70,75,82,83,84,86,113,114,120,125],np_arrai:13,nproc:100,nullptr:[66,77,83,86,102],num:[8,9,111,120],num_channel:[8,9],num_chunk_typ:7,num_class:[8,9,59],num_filt:[8,9],num_gradient_serv:[111,119,120],num_hidden:59,num_input:101,num_neg_sampl:8,num_parameter_serv:30,num_pass:[29,115,119,120,122],num_per_batch:15,num_pserv:45,num_repeat:8,num_result:7,num_results_per_sampl:8,num_row:87,num_shard:37,num_step:91,num_train:45,number:[2,7,8,9,13,14,15,33,35,37,47,49,63,75,77,81,82,88,91,100,102,108,111,113,114,120],numchunktyp:7,numdevices_:122,numer:[8,103],numeric_grad:31,numerical_grad:31,numlogicaldevices_:122,numofallsampl:7,numofwrongpredict:7,numpi:[6,13,15,29,37,53,57,80,81,93,103],numreal:38,numsampl:109,numtagtyp:7,numtimeout:39,nv_:34,nv_gpu:100,nv_librari:34,nv_test:34,nvcc:[34,53,55],nvidia:[53,70,74,89,94,100,109,120],nvlink:74,nvprof:77,obei:7,obj:2,object:[2,4,6,8,9,13,29,30,38,45,48,49,57,59,63,68,73,77,80,82,84,86,105,109],observ:[8,102,109],obtain:[2,8,42,75],obvious:[34,70,108],occup:63,occupi:[53,77],occur:[14,29,63],occurr:33,oct:115,odd:8,off:[69,93,94,100,111,124,125,126,128],offer:[4,33,82,88],offici:[8,34,101,106,114,124],offlin:[35,37,128],offset:[8,38],often:[8,38,59,63,70,101,108,111],ograd:102,old:[31,40,42,72,82,120],older:[54,124],omega:84,omp_num_thread:108,ompi_comm_world_rank:111,on_init:2,onc:[2,8,35,39,44,45,47,49,54,58,75,101,102,106,114],one:[2,5,7,8,9,11,13,29,30,31,32,33,35,38,39,40,42,43,44,45,48,49,50,53,54,55,56,57,59,61,62,66,67,70,71,72,73,74,75,76,78,79,80,81,82,83,86,87,89,90,91,94,100,101,102,103,104,110,112,113,114,115,116,120,122,128],onehotcrossentropyopkernel:103,ones:[56,57,82,101],onli:[1,2,4,7,8,9,11,15,29,30,31,32,34,38,39,40,41,42,43,44,45,47,48,49,50,52,53,54,57,58,63,66,71,72,73,74,76,77,80,82,87,88,89,90,91,93,95,96,99,100,102,103,104,105,106,109,113,114,115,119,120,122,125,128],onlin:[8,10,35,37,63,81],only_cpu:31,onnx:54,onto:[45,47,114,116],op1:[63,90],op1_2_op2:90,op1_to_op2:90,op2:[63,90],op3:63,op_:103,op_check:103,op_class:[82,88],op_desc:[48,61,79],op_info:110,op_kei:66,op_maker_class:[82,88],op_proto:88,op_registri:110,op_siz:48,op_test:103,op_typ:[82,103,104],op_unique_kei:66,opattrcheck:103,opcreat:88,opdesc:[33,48,58,78,79,80,82,83,88,92],opdescbind:[61,83],opdescbuild:33,open:[2,8,15,30,37,54,57,65,81,101,108,111,114],openbla:[93,94,124],opencv:15,openmp:108,openmpi:111,opensourc:74,oper:[8,9,13,15,31,33,44,45,46,47,49,50,53,54,55,57,58,59,61,62,71,72,73,74,77,79,84,86,89,90,92,99,101,102,104,105,109,110,114,120,124],operand:53,operator_grad:31,operator_list:77,operatorbas:[33,56,82,83,88,103],operatorwithkernel:[90,103],opinfo:[61,82,83],opinfomak:61,opinfomap:83,opkernel:105,opkernelbas:104,opkernelkei:82,opkerneltyp:[70,90,104],opmak:88,opproto:103,opprotoandcheckermak:[83,103],opprotomak:[88,103],opregist:88,opregistri:88,ops:[31,32,33,34,44,55,58,59,75,78,79,80,82,89,103,128],ops_:33,ops_test:34,opt:[30,73,79,88,93],opt_op_list:73,optest:103,optestmeta:103,optim:[2,6,16,28,29,31,32,45,46,47,55,57,74,75,76,78,82,84,87,102,108,109,110,111,113,124,126],optimis:73,optimize_op:113,optimize_op_attr:80,optimizer_op:113,option:[2,7,8,30,34,45,57,62,67,78,79,80,82,87,88,92,100,102,108,111,112,122,124,125,128],optmization_op_list:73,opts_np:79,optyp:[61,88],opwithkernel:87,order:[2,8,9,13,15,29,32,58,67,77,81,84,91,93,102,108,111,114,115,120,128],ordereddict:29,oregon:114,org:[2,7,8,9,14,37,51,57,94],organ:[7,8],orient:88,origin:[1,2,8,9,13,14,31,53,57,86,91,101,105],other:[2,7,8,9,13,33,35,40,44,52,53,54,55,61,63,66,70,71,75,79,84,86,88,89,90,93,99,100,101,108,110,111,113,114,115,122,124,125,126,128],otherchunktyp:7,otherwis:[1,8,13,14,15,29,30,32,35,40,42,57,61,66,81,99,101,112,122],our:[30,32,34,45,47,57,61,63,70,74,75,86,91,93,96,99,100,101,102,108,113,114,115,124],out:[8,29,30,33,34,39,42,45,48,54,59,63,66,71,72,80,90,97,99,103,105,108,109,114,115,116,120],out_dir:114,out_left:8,out_mem:99,out_memori:9,out_right:8,out_size_i:8,out_size_x:8,outer:8,outgrad_:65,outlier:8,outlin:121,outout_lay:29,outout_layer1:29,outout_layer2:29,output:[4,5,6,7,9,11,13,29,30,31,32,33,37,42,44,47,48,52,55,56,57,58,59,60,61,63,66,67,71,72,75,78,79,80,81,82,83,86,87,88,89,90,91,93,99,100,101,102,103,104,105,108,109,111,115,120,122,124],output_:[8,65,102],output_all_step:71,output_arg_nam:48,output_id:8,output_lay:[29,97],output_max_index:11,output_mem:[8,99],output_nam:31,output_num:71,output_path:37,output_seg:91,outputbuff:38,outputgradi:83,outputh:8,outputw:8,outsid:[2,8,9,45,86],outter_kwarg:2,outupt:91,outv:102,outval_:65,over:[1,8,9,29,30,54,63,74,75,91,101,102,109],overal:[57,75,77,101,128],overfit:84,overhead:109,overlap:[7,8,102],overlap_threshold:[7,8],overload:[53,62],overrid:[33,35,52,66,89,102,103,105],overview:[39,40,41,89],overwhelm:101,overwrit:[52,111],own:[8,32,40,42,48,50,59,61,73,74,75,84,88,103,111,112,114,124,125],owner:[100,101],paam:15,pack:[91,124],packag:[2,13,14,39,43,44,56,65,85,93,94,101,103,108,114],pad:[9,66],pad_c:8,pad_h:8,pad_w:8,paddepaddl:1,padding_attr:8,padding_i:8,padding_x:8,paddl:[2,4,5,6,7,8,9,10,11,13,14,15,29,30,33,34,35,37,43,45,52,55,56,57,60,64,65,66,67,68,69,71,72,76,78,82,84,85,88,89,91,93,94,96,97,99,100,101,102,103,104,106,108,109,110,111,112,113,114,115,116,120,122,124,128],paddle_begin_init_param:40,paddle_dir:103,paddle_element_typ:40,paddle_element_type_float32:40,paddle_element_type_float64:40,paddle_element_type_int32:40,paddle_element_type_int64:40,paddle_element_type_uint32:40,paddle_element_type_uint64:40,paddle_enforc:[33,66],paddle_enforce_eq:[103,105],paddle_error:[68,69],paddle_exampl:43,paddle_finish_init_param:40,paddle_get_param:40,paddle_gradi:40,paddle_init_num_gradient_serv:111,paddle_init_param:40,paddle_init_port:111,paddle_init_ports_num:111,paddle_init_ports_num_for_spars:111,paddle_init_pserv:111,paddle_init_trainer_count:111,paddle_init_trainer_id:111,paddle_init_use_gpu:111,paddle_job:43,paddle_manylinux_devel:93,paddle_matrix:[68,69],paddle_matrix_cr:69,paddle_matrix_get_shap:68,paddle_matrix_shap:68,paddle_new_etcd_pserver_cli:40,paddle_new_pserver_cli:40,paddle_on_cloud:43,paddle_output:115,paddle_paramet:40,paddle_pserver2:112,paddle_pserver_cli:40,paddle_pserver_client_releas:40,paddle_save_model:40,paddle_send_grad:40,paddle_train:[69,85,112],paddle_with_cuda:77,paddle_with_mkldnn:70,paddlepaddl:[1,2,4,8,9,13,14,15,29,34,35,37,40,41,42,43,44,45,51,52,56,57,58,60,62,67,71,72,73,76,77,80,81,82,86,91,92,95,97,99,100,101,102,103,104,108,109,111,112,116,117,118,127,128],paddlepaddle_gpu:96,paddlepaddlebook:94,paddlepadl:2,paddpepaddl:2,page:[101,114],pair:[7,32,33,45,58,73,77,82],pairwis:8,pakcag:34,paper:[8,57],para:38,paradigm:[44,50,82],paragraph:71,paragraph_data:71,paragraph_out:71,parallel:[44,45,47,74,77,82,90,100,109,111,114,115,120,122],parallel_for:44,parallel_nn:[6,119,120],paralleldo:46,parallelfor:44,param:[6,8,9,13,31,33,40,76,80,89,105],param_attr:[8,9,38,80,99],param_config_proto:40,paramattr:[6,8,16,99],paramet:[1,2,4,7,9,10,11,13,14,15,28,31,32,33,34,36,38,42,44,45,46,48,50,52,54,55,57,58,59,61,67,71,73,74,78,81,86,88,91,93,97,101,102,103,104,105,107,110,112,122,125],parameter_block_s:[119,120],parameter_block_size_for_spars:[119,120],parameter_learning_r:6,parameter_list:[32,73],parameter_nam:[29,30],parameter_serv:30,parameter_valu:38,parameterattribut:[6,8,9,38],parameterclient_:38,parametermap:102,parametermutex_:38,parameters_:102,parameters_and_grad:73,parameterserver2:38,parameterset:30,parameterupdat:76,parameterupdater_:38,parametr:8,params_grad:[73,113],paramt:114,paraspars:102,parent:[33,44,78,80,82,102],parent_:[33,86],parent_idx:80,parenthes:82,pars:[4,13,14,34,45,59,100,114,122],parse_config:4,parser:13,part:[2,7,8,32,33,42,45,54,66,67,78,80,89,99,102,108,109,111,113,128],parti:[100,109,124,125,126],partial:[8,29],partial_sum:8,particip:103,particular:[58,67,82,90,109],partit:[35,37,45,47,82,111,114],pass:[2,8,29,32,33,35,48,49,54,57,63,67,73,75,76,79,80,81,82,84,86,91,101,102,109,111,112,113,114,115,120],pass_gener:8,pass_id:[29,45,113],pass_idx:81,pass_num:113,passtyp:102,password:116,past:[30,94,97,114],patch:51,path:[1,2,7,13,14,15,29,35,39,40,43,63,72,81,93,94,111,114,115,120,122,124,125,126],path_to_paddlepaddle_working_directori:106,pattern:[14,35,68,75,84,114],paus:[35,42],pcie:74,pdf:9,peer:74,pem:[30,37,114],pend:[35,39],peopl:100,pep425tag:96,pep8:101,per:[7,8,14,15,35,40,74,75,81,84,103,120],percal:108,perf_test:108,perfom:[120,122],perform:[1,8,9,31,40,45,49,53,54,57,63,74,76,77,81,82,84,89,90,99,100,102,103,107,111,119,124,125,126],perftool:[77,108],period:[1,35,42,120],permiss:[2,114],peroid:[8,15],persist:[50,87,92,114],persistentvolum:114,persistentvolumeclaim:114,person:[7,30,62],perspect:[82,109],perturb:[31,102],pex:128,pfs:[37,52],pfsclient:37,pfspath:52,pgp:114,phase:[66,72,74,75,81,83,128],philosophi:[75,84],photo:57,physic:[125,128],pick:[2,114,125],pickl:[111,116],pictur:74,piec:[9,44,77,105,113],pil:[15,111],pillow:43,ping:101,pip:[85,93,95,97,101,106,108],pipe:13,pipelin:49,piperead:13,pivot:66,pixel:[2,8,13,14,45],pixels_float:2,pixels_str:2,place:[1,2,32,33,35,42,45,47,50,62,66,74,82,90,102,105,109,110,113],place_:[62,70,89,90],place_typ:104,placehold:[57,89,105],placement:47,plain:[1,7,8,13,43,67,69,70],plan:[35,44,66,82,102,124],platform:[33,55,66,70,77,89,90,96,101,103,104,105,110,114,124,125,126],pleas:[2,4,6,8,9,10,15,30,35,39,40,41,44,55,59,70,71,80,81,82,89,92,93,94,96,99,100,101,102,103,105,106,108,111,113,114,124,125,126],plot:30,plu:[8,31],plug:[74,75],pne:103,pnpairvalidationlay:120,pnpairvalidationpredict_fil:119,pod:[37,43,44,114,115],pod_nam:114,point:[33,35,43,53,63,66,74,89,100,101,103,105,108,109,124,128],pointer:[33,40,59,63,70,80,82,86,89,105],polar:14,polici:114,pollut:42,polyak:75,ponit:59,pool3:102,pool:[2,9,28,46,63],pool_attr:9,pool_bias_attr:9,pool_layer_attr:9,pool_pad:9,pool_siz:[2,8,9],pool_size_i:8,pool_strid:9,pool_typ:[8,9],pooled_height:8,pooled_width:8,pooling_lay:9,pooling_typ:8,poolingtyp:11,pop:[33,50],popul:40,popular:[34,57,59,77],port:[34,44,108,111,113,114,115,119,120],port_num:119,portabl:59,portal:106,ports_num:[111,120],ports_num_for_spars:[38,111,119,120,122],pose:35,posit:[2,7,8,9],positive_label:7,possibl:[30,33,39,47,63,80,84,92,109],post:[43,51],postpon:84,potenti:[53,109],power:[53,63,74,105,128],ppo_workspac:106,pprof:108,practic:[99,102],pre:[2,8,9,14,30,40,62,63,93,101,114,115,124,126],pre_activ:80,pre_bia:80,pre_stat:[71,91],preambl:80,precis:[7,49,53,75,93],precision_evalu:7,precompil:50,pred:[59,63],predecessor:63,predetermin:[8,120],predic:14,predict:[2,3,7,8,29,45,84,97,99,120],predict_fil:120,predict_lay:29,predict_output_dir:[119,120],predict_sampl:4,prediction1:29,prediction2:29,prefer:[54,62],prefetch:[38,102],prefix:[7,9,35,37,72,114],pregrad:102,prepand:80,prepar:[4,31,43,76,99,117],prepend:80,prepend_oper:80,preprocess:[14,15,91,115],present:[30,32,33,77,91],preserv:52,prev_batch_st:[119,120],prevent:[1,10,30,35,39,42,48,84,108],preview:[82,106],previou:[8,9,29,32,35,47,52,71,72,102,108,114,120],previous:[8,115],previous_memori:33,price:[14,82,97],prim:66,primari:[54,58],primarili:[75,84],primer:101,primit:[53,65,66,74,91],primitive_desc:66,primitivedesc:66,principl:[30,34,70],print:[6,29,30,45,54,59,80,96,97,108,116,120],print_graphviz:59,printallstatu:109,printer:7,printstatu:109,priorbox:8,prioriti:82,prite:7,privat:[33,69,77,80,86,87,88,89,91,101,105],privileg:[100,114],pro:74,prob:[7,29,97],probabilist:8,probabl:[7,8,29,72,94,99,101],problem:[4,8,30,31,34,42,54,57,58,75,82,84,96,100],proc:94,proce:[13,35,81,94,114],procedur:[33,67,105,125],process:[1,2,4,6,8,9,13,30,32,33,37,38,39,42,44,45,49,50,54,55,59,63,65,67,74,84,88,90,99,101,108,111,112,114,115,120,122],process_num:13,processor:[53,109],produc:[8,9,13,35,54,59,81],product:[8,9,43,54,102,114,115],productgraph:115,prof:108,profil:[16,52,77],profilerst:77,proflier:[77,109],program:[1,13,30,32,37,40,42,45,47,50,58,60,63,73,74,77,81,82,86,92,108,109,112,120],programdesc:[44,45,50,54,63,67,79,80,83,92],programm:[45,54,80],progress:[35,39,120],proivid:2,proj:8,project:[8,9,43,69,99,102,103],promis:[8,9,72],prompt:[52,54,113],prone:30,prop_kind:66,propag:[8,10,32,54,75,103,120,122],proper:[62,111],properli:[62,100,113],properti:[2,59,84,120],propos:[33,46,47,72,73,74,75,91],proprietari:65,protect:[53,88,102,103],proto:[11,62,67,70,78,82,88,92,103],proto_:88,protobuf:[29,33,43,44,45,50,54,55,58,59,63,67,78,80,82,83,88],protoc:[124,126],protocol:[7,110,120,128],provi:111,provid:[8,14,30,33,40,43,44,49,50,53,54,57,59,61,62,70,74,75,77,80,84,88,89,91,94,97,105,108,109,111,112,113,114,124,125,128],providermemory_threshold_on_load_data:119,provis:[114,128],provod:2,prune:[8,33],ps_desir:35,pserver:[29,38,40,41,43,82,111,113,114,119,120],pserver_addr:40,pserver_cpu:43,pserver_endpoint:113,pserver_id:36,pserver_mem:43,pserver_num_thread:[38,119,120],pserver_prog:113,pserver_spec:29,pserver_startup:113,pserverstart_pserv:119,pseudo:[30,32,43,83,91],pseudocod:91,psize:102,ptr:[69,89],pub:116,publish:124,pull:[34,82,85,101,124],purpos:[8,35,45,47,62,109],push:[33,50,54,77,85,101],push_back:102,put:[34,35,38,47,63,66,80,89,102,113,115,124],pvc:114,pwd:[93,94,100,106,124],pxe:128,py_paddl:4,pybind:[33,53],pydataprovid:[1,2],pydataprovider2:[3,4],pypi:96,pyramid:8,pyramid_height:8,python2:108,python3:96,python:[1,2,3,29,30,33,41,49,50,54,56,57,58,59,62,68,72,76,77,82,85,89,91,93,94,96,97,99,100,101,106,110,111,113,116],pytorch:[54,77],qualcomm:53,queri:[7,8,114],query_id:7,question:[8,30,44,47,88,113,114],queue:47,quick:[59,120],quick_start:[43,114,115,117],quick_start_data:115,quickli:[72,80,82],quickstart:115,quit:[72,109],r14b:124,r_t:8,rais:[13,48,59,111],rajathkmp:57,ran:[47,109],rand:[57,109,120,122],random:[2,6,8,13,37,57,70,76,80,81,103,111,120],random_crop:15,random_imag:37,randomli:[15,42],randomnumberse:119,rang:[2,8,13,37,44,45,53,57,63,77,81,88,101,113,120,122],rank0:74,rank1:74,rank:[8,30,91,105,114],rankdir:59,rapid:83,rare:2,raspberri:127,raspberry_pi:126,raspberrypi:126,raspbian:126,rate:[6,7,8,9,10,14,40,102],rather:[4,32,43,57,91,114],ratio:[8,120],raw:[8,67],rdma:120,rdma_tcp:[119,120],reach:[35,63,74,109],read:[1,2,13,15,29,30,32,35,37,44,45,47,54,55,81,82,91,94,99,100,106,111,114,124,128],read_from_arrai:63,read_from_realistic_imag:30,read_from_rng:30,read_lock:36,read_minibatch:54,read_mnist_imag:30,read_ranking_model_data:30,readabl:[77,82,108],reader:[0,14,29,37,45,53,57,58,78,108,111,113],reader_cr:37,reader_creator_bool:81,reader_creator_random_imag:[13,81],reader_creator_random_image_and_label:[13,81],readi:[35,114,115,128],readlockguard:38,readm:69,readonesamplefromfil:2,readwritebuffer_:38,readwritemani:114,real:[2,8,38,57,81,111],realist:30,realiz:[33,71],realli:[54,84],reaon:104,reason:[9,30,31,35,54,101,113,115],recal:7,receiv:[35,43,45,47,71,113],recent:[63,75],reciev:120,recognit:[2,8],recommand:2,recommend:[1,9,30,93,94,95,99,101,102,106,111,112,120,124],recompil:109,record:[13,39,66,77,88,114],recordev:77,recordio:[13,14,30,37,39],recov:[35,91],recover:82,recoveri:39,rectifi:8,recurr:[64,71,86],recurrent_group:[9,99],recurrent_lay:9,recurrent_op:91,recurrentgradientmachin:[69,72,91],recurrentgroup:7,recurrentlay:[64,120],recurs:[32,33,34,52,63,82],recv:[44,45,47,74,114],recvparametertyp:38,red:[57,108],redirect:13,reduc:[8,47,53,74,82,94,101,108,112,120,122],reduce_by_kei:82,reduce_mean:57,refactor:[45,47,58,72,75,76,80,84,91],refer:[1,4,6,8,9,10,15,31,33,35,39,40,41,44,53,59,66,70,71,74,78,80,82,84,86,89,91,92,93,94,99,100,102,103,105,113,115,124,125],referenc:39,reflect:39,reformat:101,refrain:103,reg:88,regard:128,region:[8,86,109],regist:[63,70,83,89,90,102,109],register_gpu_profil:109,register_lay:102,register_op:[56,82,83,88,103],register_op_cpu_kernel:[89,103],register_op_cuda_kernel:[89,103],register_op_kernel:104,register_op_without_gradi:[82,103],register_oper:[61,83],register_tim:38,register_timer_info:109,registerop:88,registr:[103,104,110],registri:[43,61,89,115,128],regress:8,regular:[6,16,32,102,114],reiniti:66,reinstal:93,rel:[1,9,31,42,84,103,124],relat:[2,35,42,43,53,70,77,86,90,101,108,115,125,126,128],relationship:[83,89],releas:[85,114,124,125,126],relev:103,reli:[31,44,72,73,75,84,103,108],reliabl:[35,84],relu1:59,relu2:59,relu:[8,57,59,63,102],relwithdebinfo:108,remain:91,rememb:[8,101],remind:89,remot:[6,34,38,45,82,101,102,114,120,122],remoteparameterupdat:[38,41,120],remov:[13,32,45,52,54,72,101,120,124,125],renam:[32,52,53,96],reorder:66,reorder_primit:66,reorgan:8,repeat:[33,58,78,79,87,88,92,108],repeatedli:[58,63],replac:[34,39,61,75,83],repli:101,replic:45,replicaset:43,repo:[34,101,106,126],report:[39,53,54,77,109],reportdataset:39,repositori:[8,106,124],repres:[2,4,8,9,32,33,39,44,45,47,48,54,59,67,70,72,75,80,82,84,87,89,91,92,99,102,114],represent:[8,40,45,55,57,58,63,70,72,87],reproduc:100,request:[34,35,38,42,44,82,85,101,114,115,128],requir:[1,2,7,8,30,32,35,40,42,43,45,47,48,52,53,59,63,65,71,75,77,78,79,82,84,87,88,92,96,100,101,102,103,106,111,114,115,124,126,128],requisit:63,rerun:103,research:[14,45,54],reserv:[2,52],reserveoutput:102,reset:[8,35,49],reset_program:49,resetingrad:65,resetinvalu:65,resetoutgrad:65,resetoutvalu:65,resetxxx:65,reshap:[31,81,105],reshape_s:8,resid:100,resiz:[15,38,89,103,105],resize_s:15,resize_short:15,resolv:[34,101,115],resourc:[45,50,74,77,89,104,114],respect:[2,31,48,53,57,71,99,102,120],respons:[8,38,45,49,57,74,75,76,84,114,115],rest:[2,33,43,51,55,90,128],restart:[35,40,114,115,128],restartpolici:[114,115],restor:[31,75],restrict:[84,86,108,120],result:[4,5,7,8,29,31,32,39,49,57,58,59,63,67,72,73,74,76,103,105,108,109,110,114,120],result_fil:7,resum:42,retain:105,retran:114,retriev:[33,72,86,100,102,108,115],retriv:111,return_seq:9,reuqest:85,reus:[33,42,72,81,82,102,103],rev:100,revamp:45,reveal:[30,108],revers:[8,9,32,99],review:[14,44,115],reviews_electronics_5:115,rewrit:[34,103],rgb:[8,15],rho:10,rid:54,right:[2,8,31,32,33,34,43,49,63,82,84,101,104],ring:74,risk:32,rkt:[43,100],rmsprop:75,rmspropoptim:75,rnn:[8,9,33,54,57,72,80,82,86,107,119],rnn_bias_attr:99,rnn_layer_attr:99,rnn_out:99,rnn_output:91,rnn_step:8,rnn_use_batch:[64,119,120],rnnalgorithm:72,rnnlm:14,rnnstep:91,roadmap:91,robust:8,rocmplac:70,roi:8,role:[14,30,39,40,45,74,113,114],rollback:80,root:[10,11,32,74,114,115,125],rot:8,roughli:2,round:[53,74],routin:[53,65,74],row:[4,7,8,13,38,102],row_id:8,rows_:87,rpc:39,rpcserver:39,rpi:126,rpi_arm_neon:126,rpi_toolchain:126,rsize:114,rtk:128,rtype:13,rule:[7,32,45,48,54,58,102,114],run:[30,31,32,33,34,35,43,44,45,46,47,49,53,54,55,56,57,58,59,63,66,70,71,73,74,75,77,78,79,80,82,85,86,87,89,90,95,96,97,100,101,102,104,105,106,108,109,111,112,113,114,116,117,118,120,124,125,126,128],run_test:93,runinitfunct:109,runnabl:47,running_on_cloud:43,runserv:106,runtim:[1,2,33,44,45,61,71,82,92,94,104,112,124],runtime_table_:33,s_block:32,s_recurrent_group:99,sacrif:1,safe:43,sai:[8,55,58,60,63,81,100,120,122],said:54,sake:102,same:[2,4,7,8,9,29,30,31,39,40,42,44,45,56,57,59,62,63,71,72,74,80,82,83,86,90,91,93,99,103,104,105,112,113,114,122],samping_id:8,sampl:[2,4,7,13,14,49,57,80,88,94,111,112,120,122],sample_id:7,sample_num:7,sampler:57,satifi:[7,63],satisfi:[34,66,87,96,114],save:[2,8,13,29,35,37,39,40,43,44,45,58,59,63,67,75,87,92,100,111,114,115,120,122],save_dir:[115,120,122],save_only_on:[119,120],save_parameter_to_tar:29,save_persist:113,saving_period:[119,120],saving_period_by_batch:[119,120,122],saw:2,scalabl:82,scalar:[2,8,32,33,60,91],scale:[5,45,47,75,83,88,103,111],scaleop:103,scaleopmak:[82,103],scalingproject:8,scan:[32,39,63,82],scatter:[8,32,74],scenario:[72,119],scene:119,schdule:114,schedul:[39,43,47,114],scheduler_factor:6,scheme:[7,10,38,84,103],scienc:63,scope:[31,44,46,50,55,90,110],score:[7,8,72],scp:116,script:[4,14,74,93,100,103,111,112,114,116,124],sdk:125,search:[8,35,86,93,99,120],second:[2,8,30,44,52,54,57,59,71,72,78,79,81,86,88,103,112],secret:114,section:[2,32,47,54,80,99,101,102,108,114],see:[2,4,8,9,30,32,35,44,47,53,54,80,101,103,105,108,109,113,114],seed:[109,120],seem:[34,53,54,96],seen:[84,103],segment:[7,71,91,105],sel_fc:8,selcet:8,select:[8,72,114],selected_generation_scor:72,selected_id:[8,72],selected_indic:8,selected_row:[87,92],selected_rows_desc:[87,92],selected_scor:72,selectedrow:[61,92],selectiv:8,selector:115,self:[31,48,49,57,59,63,64,65,67,73,80,91,102,103],self_addr:44,selfnorm:8,semant:[14,30,72,85],semat:30,send:[35,40,44,45,47,62,74,82,88,101,111,113,114,120],send_back_parameter_typ:38,sendbackparameterspars:38,sendbackparametertyp:38,sendparameterrequest:38,sendparameterrespons:38,sens:[75,84,101,108],sensit:8,sent:[30,40,44,45,82,88,92,115],sentenc:[2,8,14,54,71,72,91,99],sentence_input:91,sentiment:2,sentimental_provid:2,separ:[2,7,40,45,56,75,83,84,111,113,120],seper:91,seq:[8,14],seq_len:91,seq_pool:8,seq_silc:8,seq_text_print:7,seq_typ:[2,13],seqtext_evalu:7,seqtoseq:8,seqtoseq_net:8,sequel:2,sequenc:[2,5,7,8,9,11,13,14,32,33,44,50,54,58,64,73,78,91,101,102],sequence_group:8,sequence_nest_group:8,sequencestartposit:8,sequencetextprint:7,sequencetyp:[2,8],sequenti:[8,33,44,99],seri:[9,96],serial:[2,29,33,39,67,76,82],serializ:[82,92],serv:[45,53,82,91,94,109,111,114],server:[30,34,38,41,42,45,55,74,82,93,102,112,119,128],server_endpoint:113,serverless:35,servic:[108,111,128],sess:[57,59,73],session:[59,73,79,109],set:[1,2,4,6,7,8,9,13,14,15,29,30,32,35,43,57,61,63,66,70,71,72,77,79,80,82,83,86,89,91,93,99,100,101,102,103,105,106,107,108,109,111,112,113,114,115,119,120,122,125,126],set_active_typ:102,set_attr:48,set_default_parameter_nam:6,set_drop_r:102,set_float_el:31,set_input:[8,48],set_output:48,set_siz:102,set_typ:[48,102],setdatatyp:87,setdefault:103,setp:114,setq:100,settup:102,setup:[2,45,75,85,102,103,128],sever:[2,7,8,31,38,45,47,57,71,72,74,76,77,80,87,89,91,93,111,112,114,122],sexstant:128,sgd:[29,30,35,43,47,75,76,87,110,111,113],sgd_optim:[110,113],sgdasync_count:119,shall:[32,34],shape:[7,8,13,29,31,32,33,45,57,60,70,71,78,80,82,87,89,103,105,110,113],shard:[35,36,37,38,39,40,42,45,47,111,114],share:[8,34,57,69,76,80,82,84,89,91,100,103,109,120],shared_bia:9,shared_bias:8,shared_librari:34,shared_ptr:[66,68,69,86,89,105],shell:[94,114],shift:8,shorten:8,shorter:15,should:[2,4,6,7,8,13,15,29,30,31,32,33,40,43,45,48,49,53,55,56,57,61,62,66,70,71,72,73,75,76,77,78,81,82,83,84,87,88,90,91,92,97,99,103,104,106,112,114,124],should_be_fals:30,should_be_tru:30,should_shuffl:2,show:[4,7,10,32,33,35,52,54,60,63,67,71,74,75,78,91,96,100,105,111,114,115,120],show_check_sparse_distribution_log:[119,120],show_layer_stat:[119,120],show_parameter_stats_period:[115,119,120,122],shown:[2,8,30,45,49,74,77,99,102,105,109,114],shrink:102,shrunk:48,shuffl:[2,13,45,113],sid:114,side:[8,29,45,49,63,76,105,111],sig:114,sigint:112,sigmod:88,sigmod_op:88,sigmod_output:88,sigmoid:[8,33,88,91,102],sigmoidactiv:9,sign:[51,67,114],signal:112,signatur:114,signific:109,similar:[8,33,44,45,47,50,54,72,75,77,81,82,84,89,90,91,103,108,114,128],similarli:[8,13,54,63,103],simpl:[1,2,5,7,8,9,13,14,29,44,47,53,55,58,59,63,71,75,78,84,86,88,91,109,113,120],simple_attent:99,simple_gru:99,simple_lstm:8,simple_rnn:[8,99],simple_transform:15,simpler:76,simplest:114,simpli:[1,8,15,30,40,45,94,97,99,109],simplifi:[30,72,80,88,102,115],simul:[54,125],simultan:114,sinc:[8,9,35,39,41,42,45,46,54,61,63,66,70,75,80,81,83,84,91,105,109,113,114,125,128],sincer:101,singl:[2,7,9,13,32,35,45,47,49,53,62,74,82,86,93,97,102,108,111,115],singleton:[44,46],sinlg:29,sit:45,site:[34,108,114],situat:[32,79,90],size:[2,7,8,9,13,14,15,29,35,37,38,40,45,53,57,63,67,72,75,80,81,87,88,89,91,94,97,99,102,103,105,110,113,120,124,125,126],size_a:8,size_b:8,size_in_byt:66,size_t:[38,89,91,102],sizeof:33,skip:[32,81,101,112,114],slice:44,sliceproject:8,slide:[8,10,14,35],slight:54,slightli:57,slope:8,slopeinterceptlay:8,slow:[2,109],slowli:[100,108],small:[2,8,14,31,44,55,57,65,72,101,102,120],small_messag:[119,120],smaller:[31,35,53,72,101],smart:86,smooth:8,snap:115,snapdragon:53,snapshot:[36,42,114],snippet:[56,73,99,102,109,114],sock:43,sock_recv_buf_s:[119,120],sock_send_buf_s:[119,120],socket:120,softmax:[8,9,30,33,45,47,54,59,60,72,78,99,102],softmax_param_attr:9,softmax_selfnorm_alpha:8,softmaxoutput:59,softwar:[2,53,77,109,128],solid:57,solut:[74,128],solv:[30,32,63,82],some:[2,6,8,13,15,29,30,32,33,34,38,39,40,42,43,45,47,48,53,55,56,57,58,62,63,66,70,71,72,73,78,79,80,81,82,83,86,89,90,91,101,102,103,104,105,109,111,114,119,120,122,124,125,126,128],some_c_api_funct:69,some_inst:69,some_op:[61,71,91],some_python_class:68,somecppclass:68,somedata:29,somegotyp:68,someth:[2,32,38,80,100,101,108],sometim:[8,77,81,100,109],somewhat:40,somewher:86,soon:35,sophist:102,sort:[8,14,91,108,114,120],sort_by_length:91,sourc:[8,14,31,34,52,54,57,65,67,69,72,81,82,99,100,108,111,114,115,125],source_dict_dim:[72,99],source_dict_s:72,source_language_word:[72,99],space:[7,8,47,53,80,84,99,100,109],space_seperated_tokens_from_dictionary_according_to_seq:7,space_seperated_tokens_from_dictionary_according_to_sub_seq:7,span:77,spars:[2,6,8,10,13,38,102,105,111,114,120],sparse_binary_vector:[2,13],sparse_binary_vector_sequ:13,sparse_float_vector:[2,13],sparse_float_vector_sequ:13,sparse_non_value_slot:13,sparse_remot:38,sparse_upd:[6,38],sparse_value_slot:13,sparseparam:102,sparseprefetchrowcpumatrix:102,spatial:8,spatial_scal:8,speak:99,spec:[114,115],specfii:120,special:[8,32,40,45,53,55,61,70,72,73,103],specialvartypeinfer:61,specif:[1,2,29,32,34,35,45,48,52,55,72,82,86,89,100,103,113,122,124],specifi:[1,2,7,8,30,31,38,39,40,43,44,45,46,48,49,50,52,57,67,77,80,86,88,91,94,99,100,101,102,105,106,108,114,120,124,125],speech:8,speed:[8,9,53,67,74,75,93,128],speedup:77,sphinx:[68,106],split:[2,8,13,42,44,46,54,60,72,82,91,111,114,122],split_count:[111,114],spread:32,sql:1,squar:[8,10,11,59],square_error_cost:[110,113],srand:120,src:[34,66,111],src_backward:99,src_embed:[72,99],src_forward:99,src_primitive_desc:66,src_root:4,src_word_id:[72,99],src_word_vec:72,sreializ:92,srl:14,ssd:8,ssh:[114,115,116,126],ssh_server:112,sstabl:30,stabil:[8,31,63,103],stabl:[85,114],stack:[50,82,91,114],stackexchang:8,stage:[34,41,46,57,63,66,92,112,124],stale:35,stamp:109,standalon:124,standard:[6,13,54,82,84,96,100,108],stanford:[14,31,115],star:34,start:[8,9,29,32,34,35,38,39,40,42,43,45,46,72,74,76,77,93,94,96,99,100,108,109,112,116,120,123],start_mpi_train:116,start_op_idx:32,start_pass:[119,120],start_po:8,start_pserv:120,startup:[35,43,54,114],stat:[109,120],state:[8,9,33,35,49,50,71,72,77,86,91,99,104,115,120],state_act:[8,9],statem:63,statement:[54,58,63,102,114],static_cast:[66,105],staticinput:[8,99],statist:[8,49,77,120],statset:109,statu:[43,72,109,114,115],status:115,std:[29,34,38,59,61,62,66,68,69,77,79,82,83,86,88,89,102,103,105,120],stdbuf:111,stderr:112,stdout:[13,112],step:[4,8,9,11,31,33,35,40,45,47,49,54,57,58,64,72,75,76,80,82,88,91,93,94,99,101,102,108,109,111,114,115,116,124,126,128],step_gradi:32,step_id:91,step_input:91,step_net:33,step_output:91,step_scop:82,stepnet:[33,71,82,86],still:[32,39,42,45,54,63,83,96,105],stirng:80,stmt1482205552000:114,stmt1482205746000:114,stochast:[10,35,39,42,75,111],stop:[8,80,100,112,115,120],stop_gradi:80,storag:[51,53,111,114,115],store:[7,8,14,29,31,33,34,38,50,59,61,67,70,72,76,78,80,82,83,84,86,91,102,103,105,106,111,114,115,116,120,125,126],str:[15,29,32,43,91,122],straight:[78,81,87],straightforward:66,strategi:[2,11,35,80,120],stream:[13,45,66,77,89,104],stream_:89,street:8,strict:[81,111],stride:[8,9,66,70],stride_i:8,stride_x:8,string:[1,2,7,8,13,15,29,32,33,39,52,59,62,67,77,78,79,80,82,83,86,87,88,92,102,103,114,120],strip:108,strongli:111,struct:[39,40,51,53,61,62,69,70,77,83,88,90,104],structur:[32,33,39,54,57,67,72,78,80,82,87,112,114],sts:114,stuff:101,stun:2,style:[2,8,82,88,93],sub:[7,8,13,30,32,42,44,47,57,63,71,74,76,80,99,102,124],sub_block:32,sub_nest_seq:8,sub_sequ:[2,8],subclass:80,subcommand:52,subgradi:10,subgraph:[47,57],submiss:45,submit:[66,82,106,111,114,119,120],subnet0:114,subnet:[30,114],subobjectpath:115,subsequ:[8,74],subsequenceinput:8,subset:102,succ:63,succeed:[39,115],success:[8,40,114,115],successfulcr:115,successfulli:103,successor:120,sucess:63,sucessor:63,sudo:[100,114],suffer:31,suffici:120,suffix:[43,96,111],suggest:[8,34,101,109],suit:128,suitabl:[87,120],sum:[8,10,32,33,36,46,61,80,99,102],sum_op:32,summar:[57,77],summari:77,sumopgradmak:83,supercomput:63,suppli:87,support:[6,7,8,10,11,13,15,31,33,35,42,43,44,45,47,54,56,57,63,66,67,70,72,75,76,77,79,81,82,83,84,87,90,93,94,96,97,99,100,102,103,105,106,109,111,114,120,124,125,126,128],support_inplac:63,suppos:[9,34,44,56,87,102],suppress:[8,52],sure:[93,100,102,108,113,114],surpass:8,sutibal:89,svs:88,swagger:51,swig:[4,41,68,69,93,124,125],swig_paddl:4,switchop:33,sychron:74,symbol:[8,33,59,69,96],symbols_ready_:33,symbolt:[33,82],symlink:101,sync:[35,75,84,120],sync_with_cpp:108,syncflag:102,synchron:[35,39,66,74,77,111,114,120],syntax:[44,50,54,72,81],sysroot:124,system:[33,34,35,40,42,45,47,51,56,57,63,65,93,94,96,103,106,108,111,115,124],tab:96,tabl:[2,7,8,33,44,54,61,67,87,92,125],tablelookup:87,tablelookupgrad:87,tablelookupop:87,tableproject:8,tag:[7,14,85,94,99,111],tagtyp:7,tail:72,take:[2,4,7,8,9,13,29,30,32,33,34,35,42,44,45,48,50,53,55,57,58,60,61,63,66,70,75,78,79,80,81,82,83,89,90,91,93,99,100,101,102,103,104,108,109,111,113,114,115],taken:[2,8,48,59,63,70,91],talk:[40,55,126],tangl:108,tanh:[8,9,57,72,99,102],tanhactiv:9,tar:[15,29,114],tarbal:114,target:[8,14,29,32,33,34,48,50,57,59,73,79,82,93,99,103,124,125,126],target_block:[32,48],target_dict_dim:99,target_dict_s:72,target_dictionary_dim:8,target_language_embed:8,target_language_word:99,target_link_librari:34,target_word:72,targetinlink:8,task:[2,7,8,45,67,72,77,88,99,113,122],task_queu:39,taskentri:39,taskqueu:39,tbd:[41,66],tcp:[114,120],tear:109,tech:113,technic:[32,35],techniqu:[63,99,102,108],technolog:[54,100],tee:115,tell:[35,39,40,72,88,94,109,124],templat:[56,66,88,89,103,104,105,115,128],tempor:8,temporari:[32,43,50,63,75,80],tempori:63,ten:100,tensor:[31,34,44,46,47,53,54,55,57,59,61,62,66,67,70,71,72,87,91,92,103,110],tensor_arrai:44,tensor_array_read:91,tensor_array_s:91,tensor_array_stack:91,tensor_array_unstack:91,tensor_array_writ:91,tensor_data:67,tensor_in:90,tensor_s:31,tensor_test:34,tensor_to_check:31,tensorarrai:46,tensorarraydesc:91,tensordesc:[67,87],tensorflow:[33,44,45,47,54,57,60,84,91,105],term:[8,9,35,83,84],termin:115,terminolog:63,tese:1,tessorarrai:91,test100:14,test10:14,test1:37,test:[1,2,8,13,14,15,29,30,31,34,59,69,75,81,85,97,100,105,109,110,111,116,119],test_:103,test_all_data_in_one_period:115,test_check_grad_ingore_i:103,test_check_grad_ingore_x:103,test_check_grad_norm:103,test_check_output:103,test_data_dir:111,test_fcgrad:102,test_gpuprofil:109,test_layergrad:102,test_list:2,test_mkldnn:65,test_mklpack:64,test_mul_op:[93,103],test_norm:103,test_pass:[119,120,122],test_period:[119,120,122],test_recurrent_op:101,test_wait:[119,120],testa:30,testb:30,testbilinearfwdbwd:109,testcas:103,testconfig:102,testfcgrad:102,testfclay:102,testlayergrad:102,testmodel_list:119,testmulop:103,testq:30,testresult:29,testsave_dir:119,testutil:102,text1:52,text:[1,2,7,9,13,30,67,71,77,114],text_fil:13,tflop:109,tftp:128,tgz:[14,96],than:[2,4,6,7,8,9,32,35,43,44,48,54,55,56,57,80,82,84,91,93,99,100,102,111,113,114,124,128],the_step:54,theano:54,thei:[2,8,30,32,34,35,40,42,44,47,48,52,54,57,58,62,63,72,73,77,80,82,88,91,92,99,100,101,102,103,105,109,111,113,114,119],them:[1,2,7,8,9,15,30,31,32,34,35,38,43,47,48,54,55,56,61,62,63,72,80,81,82,83,86,87,88,90,91,92,100,101,103,106,109,113,114,119,120],themselv:[32,34],theori:[54,109],therefor:[32,63,75],therein:[8,33],theta:57,theta_d:57,theta_g:57,thi:[1,2,6,7,8,9,10,13,14,15,29,30,31,32,33,34,35,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,56,57,58,59,62,63,66,70,71,72,73,74,75,76,77,78,80,81,82,83,84,87,88,89,90,91,94,96,97,99,100,101,102,103,104,105,106,108,109,110,111,113,114,115,120,122,124,125,126,128],thin:61,thing:[2,45,57,82,89,109],think:[30,34,113],third:[8,35,59,103,108,109,124,125,126],third_parti:[8,65,124,125,126],thirt:100,those:[8,33,34,35,56,58,59,60,78,124],though:[91,128],thought:[34,109],thread:[44,46,77,102,108,109,120,122],thread_count:46,thread_id:77,thread_id_:77,thread_local_rand_use_global_se:[119,120],thread_pool:46,threadid:122,threadloc:109,threadpool:44,three:[2,7,8,31,32,35,49,53,54,55,58,66,72,73,76,77,78,81,89,120,124],threshold:[6,7,8,35,39,48,101,120],through:[4,8,32,34,35,39,41,49,63,73,75,99,102,103,106,109,110,111,125],throughout:50,throughput:[109,111],thrust:82,thu:[2,8,42,49,59,63,102,114],tier:115,time:[2,8,9,11,13,29,30,31,34,35,39,42,45,47,48,54,56,61,63,64,70,71,72,74,77,80,81,82,83,87,88,91,92,93,99,100,105,108,109,115,120,122,128],timelin:[8,77,82,109],timeo:114,timeout:[35,39],timeout_sec:13,timestamp:[8,36],timestep:[2,8,86],tip:[124,125],titan:63,titl:14,tls:51,tmp:80,to_chw:15,to_no_sequ:8,to_sequ:8,to_tar:29,todo:[7,13,14,33,35,39,42,72,88],toend:8,togeth:[2,8,9,13,29,32,91,99,113],token:[7,8,30,99],toler:[29,31,93,103],too:[14,31,44,48,66,90,91],took:128,tool:[77,93,96,99,100,108,113,114,124,126],toolchain:[108,124,125],top:[7,29,71,72,103],top_k:[7,72],top_level_rnn:71,topic:66,topk_generated_scor:72,topk_id:72,topk_scor:72,toplevel:100,topolog:[30,35,45,59,63,67,76],topoloi:59,topolopi:29,torch:[33,54],toronto:14,total:[29,35,47,49,74,77,81,108,109,111,115,128],total_pass:81,tottim:108,toward:54,trace:[33,55,57],track:[35,39,59,80],tractabl:8,tradit:[8,33,53],traffic:45,trail:13,train100:14,train10:14,train:[0,1,2,4,6,7,8,13,14,15,32,33,37,39,40,42,44,48,49,50,54,55,57,58,63,64,67,74,75,76,77,78,79,80,82,84,87,89,92,99,102,107,109,117,118,119,125],train_config_dir:114,train_data:111,train_data_dir:111,train_id:114,train_list:[2,111],train_loop:54,train_read:[45,113],trainabl:[8,67,80],traindot_period:119,trainer:[2,4,30,36,37,38,39,41,45,47,55,64,65,75,76,82,102,112,113,120,122],trainer_config:[1,2,114,115],trainer_config_help:[2,102],trainer_count:[97,111,114,115,119,120,122],trainer_cpu:43,trainer_cr:43,trainer_gpu:43,trainer_id:[111,114,120],trainer_intern:38,trainer_mem:43,trainer_packag:43,trainer_prog:45,trainerid:42,training_rol:113,trainingjob:45,trainingtest_period:119,trainonebatch:38,tran:[66,102,120],trane:2,trans_var:90,transact:[35,39],transfer:[1,2,63,77],transform:[8,9,15,82,99,102,105],transform_param_attr:9,transformed_st:9,translat:[8,9,63],translation_id:72,translation_scor:72,transpar:[72,112],transpil:[44,113],transport:120,transpos:[8,15,102],transposedfullmatrixproject:8,travel:2,travers:[32,58,63],travi:101,treat:[8,33,40,63],treatment:[40,53],tree:[8,33,44,50,54,80,110,120,126],trg_dic_siz:72,trg_embed:[72,99],triain:1,trick:72,tricki:68,trigger:[42,76],trim:8,trivial:[2,72,91],true_block:[33,60,78],true_imag:81,true_label:81,true_neg:49,true_posit:49,true_read:81,truth:[7,8],tune:[6,107,108],tuninglog_barrier_abstract:119,tupl:[2,8,9,13,14,15,29,32,80,81],ture:8,turn:[8,80,81,94],tutori:[93,94,99,102,103,108,109,114,116,117,118,125],twice:[47,57,113],twine:85,two:[1,2,7,8,9,30,32,40,41,42,43,44,45,49,52,53,54,55,57,58,61,63,67,70,72,75,77,78,81,82,83,84,86,87,88,90,91,92,93,99,103,105,109,112,114,122,124,126],txt:[2,34,43,52,64,65,102,106,111,114,116],type:[2,7,8,9,11,13,14,15,29,30,32,33,35,38,39,42,43,45,51,52,53,55,61,62,66,67,68,69,71,72,78,79,80,81,82,83,84,87,88,89,90,92,97,99,100,102,104,105,111,114,115,120,122,125],type_nam:88,typedef:[40,53,68,69,70,89,104],typeerror:48,typeid:88,typenam:[56,88,89,103,104,105],typic:[4,7,45,109,125],ubuntu:[85,96,97,108],ubyt:81,uci:14,uci_h:[97,113],ufldl:8,uid:115,uint16_t:53,uint32:[51,67],uint32_t:77,uint64:[67,68],uint64_t:68,unawar:40,unbalanc:120,unbound:[63,99],unclear:42,uncreat:32,under:[2,34,39,47,74,90,93,94,105,106,111,112,114],underli:72,understand:[54,80,108,109,128],understand_senti:99,undeterminist:109,unidirect:8,unifi:[50,59,87,101],uniform:[6,8,13,37,57,80,81,120],uniform_random:80,uniniti:32,uninstal:93,uniqu:[30,33,35,42,43,66,70,80,86,103,111,113,114,120],unique_nam:80,unique_name_gener:80,unique_ptr:[83,86,89,102],unit:[8,9,34,75,77,84,89,93,99,100,105],unittest:[69,101,103],unittestcheckgrad_ep:119,unk:[87,92],unknown:8,unless:2,unlik:[8,72,103],unnecessari:[32,101],unordered_map:86,unpack:91,unrol:71,unseen:84,unseg:8,unsign:[40,53],unstack:91,unstack_from:91,unsupervis:57,unsupport:103,until:[35,40,46,47,54,63,86,113,114],unzip:124,updat:[6,8,10,32,35,39,40,45,51,53,57,71,72,73,74,75,76,86,91,96,102,108,111,120,122],update_equ:29,update_hook:6,update_memori:33,update_op:73,updatecallback:102,updatestack:114,upgrad:[74,93,96],upload:[35,43,51,85,111],upon:35,upper:8,upstream:101,uri:114,url:[13,14,101],usag:[1,2,7,8,9,15,29,53,60,63,76,80,103,109,111,125],use:[1,2,4,6,7,8,9,11,13,14,15,29,30,31,33,34,35,41,45,46,47,50,53,57,59,61,62,63,66,70,72,73,74,76,77,80,86,87,88,90,91,92,93,94,96,97,99,100,101,102,103,104,106,108,109,111,114,115,120,122,124,125,126],use_cpu:62,use_cudnn:62,use_eigen_bla:124,use_eigen_for_bla:[124,125],use_etcd:29,use_global_stat:8,use_gpu:[97,111,115,119,120,122],use_mkl_pack:64,use_mkldnn:[8,62,65],use_old_updat:[38,119,120],use_sparse_remote_updat:38,used:[1,2,4,7,8,9,10,11,13,14,15,29,30,31,33,34,35,41,42,45,48,50,53,54,57,59,63,71,72,75,76,77,80,81,82,84,86,88,89,90,91,93,96,99,100,102,103,105,108,109,114,119,120,122,124,125,126],useful:[1,2,8,9,31,53,63,80,86,90,99,102,122,124],usegpu:102,user:[1,2,6,8,9,13,14,15,29,30,31,32,33,34,37,39,42,43,44,45,46,47,48,49,50,52,56,57,58,59,61,62,66,70,72,73,74,75,77,80,81,82,83,84,86,88,89,90,91,94,101,104,106,108,111,114,119,120,124,128],user_info:14,user_nam:37,usercert:37,userinfo:14,userkei:37,usernam:37,uses:[2,8,35,42,44,45,53,63,70,71,72,76,77,89,90,93,96,99,100,101,102,105,106,111,114,120,124],using:[1,2,4,6,8,9,13,29,30,32,33,34,35,39,40,42,43,45,50,52,53,54,56,57,59,61,63,71,73,75,78,80,81,83,84,86,88,89,93,94,95,96,97,99,101,102,103,104,105,106,109,111,114,115,116,120,122,124,126],usr:[93,94,111,114,120],usual:[8,29,32,43,63,70,77,78,84,89,101,103,108,109,114,120,122],util:[4,45,64,65,74,99,102,103,104,109,128],uuid:[36,42],v7a:124,v8a:124,val:32,valid:[8,15,81,82,86,103,114,125],valu:[2,4,6,7,8,11,13,14,15,29,31,32,33,35,44,48,49,59,60,63,65,67,71,72,73,75,76,78,82,86,87,88,91,92,99,102,103,104,113,114,120,122,124,125],value1:120,value2:120,value_:87,value_evalu:7,value_rang:13,valueerror:59,values_:91,vanilla:99,var_nam:[32,90],var_recurs:48,varabl:47,vardesc:[33,58,78,80,82,87],vardescbuild:33,vari:[109,114],variabl:[2,10,13,14,30,31,33,44,45,47,48,49,50,55,57,58,59,60,61,70,71,72,73,75,78,79,83,84,87,88,90,91,102,103,104,108,110,111,114,115,124,125],variablenamemap:103,varialbl:57,varianc:8,variant:[8,61,70,89,91,104],varibal:32,varibl:59,varienc:91,varient:91,variou:[33,53,63,84,124],varproto:88,vars_:[33,86],vartyp:[87,92],vartypeinfer:61,vec1:8,vec2:8,veclib:125,vector:[2,8,9,13,14,30,33,38,40,59,60,66,71,72,77,80,82,83,87,91,99,102,105],vectorenable_parallel_vector:119,vendor:34,verb:14,verbos:[52,101],veri:[2,8,11,34,39,44,47,50,54,56,57,63,66,72,76,81,84,86,89,91,99,108,109,112],verifi:[33,102,125],version:[2,8,9,32,34,43,45,48,52,55,57,59,60,67,72,85,93,94,97,100,102,108,109,111,113,114,115,119,120,124,125,126],versu:30,vertic:8,vgg:9,via:[32,35,70,95,101,109,113,114,125,128],view:[8,67,70],vim:94,viriabl:111,virtual:[48,61,62,83,89,100,104],virtualenv:100,visibl:[42,86],visit:[29,32],visual:[8,72,109],vlog:[38,101],voila:97,volum:[106,115],volumemount:[114,115],volumn:114,vutbr:14,wai:[2,7,9,30,32,40,42,50,54,62,63,72,75,80,81,84,91,99,100,101,102,122],wait:[35,40,46,104,111,113,120],walk:[4,125],wangkuiyi:34,want:[2,8,30,43,44,49,57,62,70,75,77,79,81,84,86,89,90,91,93,94,100,101,102,106,108,111,120,122,124,126],warn:[29,52],warp:[8,109],warpctc:8,warranti:2,wast:74,watch:35,wbia:114,web:[106,108],websit:106,weight:[7,8,9,10,64,67,84,99,102,120,122],weight_act:9,weightlist:102,weights_:102,weights_primitive_desc:66,weights_t:102,welcom:34,well:[32,43,45,54,56,57,84,87,102,113,114,120],were:[7,34,54],west:114,wget:124,wgt:66,what:[6,8,34,54,57,72,80,88,90,103,108,128],whatev:[100,111],wheel:96,when:[1,2,6,7,8,10,13,29,31,32,33,34,35,38,39,40,43,44,45,47,48,49,50,52,53,54,55,59,72,74,75,76,77,78,80,82,89,91,93,95,99,100,101,102,103,105,106,108,109,111,114,115,120,122,124,125,128],whenev:[80,101],where:[2,8,9,10,30,32,33,35,42,44,45,54,55,58,70,71,72,75,78,82,84,89,91,99,102,103,108,109,110,120,122],wherea:[33,39,56,60,89,92],whether:[7,8,15,29,31,32,33,50,77,81,87,91,93,94,102,103,120,125],which:[1,2,4,6,7,8,9,13,14,15,29,30,31,32,33,34,35,37,39,40,42,43,44,45,46,48,50,53,54,55,56,57,59,61,63,66,67,70,71,72,73,74,76,78,79,80,81,82,83,86,87,88,90,91,92,93,96,99,100,101,102,103,104,105,108,109,111,112,113,114,120,122,124,125,128],while_grad:63,while_loop:[72,91],while_op:32,whileloop:91,whileop:33,whl:93,who:[32,56,58,74,80,101,113],whoever:40,whole:[2,7,13,32,57,60,63,68,69,71,74,79,88,101,111,114,115,128],whose:[2,8,13,31,32,35,42,48,71,82,83,88,91,99],why:[9,31,69,100],wide:[34,48,57,96,112,116],width:[7,8,13,15,38,68,81,102,103],wiki:[8,34],wikipedia:[8,14],wilder:2,window:[8,11,14,75,94,100,124],wirt:59,wise:[8,15,47,82,105],wish:[93,96,106,111,113],with_avx:[93,94,111,124,125],with_bia:88,with_c_api:[93,124,125,126],with_doc:93,with_doubl:[93,102,111],with_dso:93,with_golang:[93,124],with_gpu:[93,100,111,124,125],with_mkl:[64,65,93,124],with_mkldnn:65,with_mklml:65,with_profil:109,with_python:[93,111,124,125],with_rdma:[111,124,125],with_style_check:[93,101],with_swig_pi:[93,124,125],with_test:[93,103],with_tim:[109,111],within:[8,39,45,54,125],without:[2,7,8,32,35,40,77,80,81,82,103,108,111,116],wloop:91,wmt14:99,wmt_shrinked_data:14,won:[109,111],wonder:2,word2vec:[43,111],word:[2,7,8,14,32,47,58,61,63,71,72,82,88,91,99,104,111,122],word_dict:[111,116],word_id:2,word_idx:14,word_vector_dim:[8,72,99],words_freq_sort:14,work:[2,4,8,13,30,33,34,35,45,50,53,54,62,73,75,77,80,94,99,100,101,102,106,108,109,111,113,114,115,120,128],worker:[47,92,114],workercount:114,workflow:[82,114],workspac:[101,111,112,120],world:111,worth:110,would:[29,33,34,35,42,45,46,47,54,56,57,58,66,73,75,76,80,81,87,91,94,100,101,108,114,124,128],wouldn:[54,58],wrap:[54,56,57,74,128],wrapper:[9,34,56,74,75,83,91,109],write:[2,13,30,35,42,44,45,47,53,54,55,56,59,61,66,73,75,80,81,82,83,89,91,100,107,111,114],write_lock:36,write_to_arrai:63,writer:[30,80],written:[32,33,44,50,57,67,75,82,83,87,93,94,103,105,108,112],wrong:[2,81],wrote:[47,59],wsize:114,www:[2,14],x64:[124,126],x86:125,x86_64:[124,125],x_neg:31,x_po:31,xarg:[7,94,102,116],xcode:125,xcodebuild:125,xeon:104,xgbe0:120,xgbe1:120,xmap_read:13,xpu:54,xrang:[31,54,57,77,81,97,102],xx_layer:62,xxx:[30,91],xxxx:36,xxxxxxxxx:114,xxxxxxxxxx:114,xxxxxxxxxxxxx:114,xxxxxxxxxxxxxxxxxxx:114,y_dim:57,y_neg:31,y_po:31,y_predict:[97,110,113],yaml:[34,112,114,116,128],yancey1989:43,yann:14,yapf:101,year:54,yeild:29,yep:[77,108],yet:[54,128],yield:[2,13,30,37,81],you:[1,2,4,6,8,9,13,29,31,43,45,53,86,93,94,95,96,97,99,100,101,102,103,104,106,108,109,111,112,113,114,116,120,122,124,125,126,128],your:[2,8,13,29,30,34,38,43,52,82,93,95,96,100,101,102,106,109,111,112,114,122,124,125,126,128],your_access_key_id:114,your_secrete_access_kei:114,your_source_root:69,yourself:93,yuang:54,yuyang18:[13,14],yuyang:108,z_dim:57,z_size:57,zero:[2,6,8,9,10,13,14,31,32,35,57,72,76,80,87,102,114,120],zip:[14,80,124],zone:114,zxvf:114},titles:["API","Introduction","PyDataProvider2","API","Python Prediction","Activation","Parameter Attribute","Evaluators","Layers","Networks","Optimizer","Pooling","Data Reader Interface and DataSets","Data Reader Interface","Dataset","Image Interface","Fluid","DataFeeder","Evaluator","Executor","Initializer","IO","Layers","Nets","Optimizer","ParamAttr","Profiler","Regularizer","Model Configuration","Training and Inference","PaddlePaddle Design Doc","Auto Gradient Checker Design","Backward Building","Design Doc: Block and Scope","Required CMake Function","Design Doc: Distributed Training","\u6a21\u578b\u53c2\u6570\u68c0\u67e5\u70b9\uff08Checkpointing\uff09","\u8bad\u7ec3\u6570\u636e\u7684\u5b58\u50a8\u548c\u5206\u53d1","Alalysis of large model distributed training in Paddle","Design Doc: Master Server","Design Doc: The Client Library of Parameter Server","Design Doc: Remote Parameter Updater for Cluster Train","Design Doc: Save Model","Submit a Distributed Training Job","Design Doc: Concurrent Programming with Fluid","Design Doc: Distributed Training Architecture","Design Doc: Execute the Program with Multi CPU","Design Doc: Parameter Server","Error Clip","Evaluator Design","Executor Design Doc","FileManager\u8bbe\u8ba1\u6587\u6863","PFSClient","Design Doc: float16","Design Doc: PaddlePaddle Fluid","PaddlePaddle Fluid: Towards a Compiled Programming Language","Design Doc: Functions, Operators, and Layers","Design for GAN","Design Doc: Computations as a Graph","Survey on Graph","The IfElse Operator","Design Doc: InferVarType","Problem","Memory Optimization","Intel\u00ae MKL Packed on PaddlePaddle: Design Doc","Intel\u00ae MKL-DNN on PaddlePaddle: Design Doc","Design Doc: Add MKLDNN Kernel in Fluid Operator","Design Doc: Model Format","Paddle\u591a\u8bed\u8a00\u63a5\u53e3\u5b9e\u73b0","C-API \u6a21\u578b\u63a8\u65ad\u5b9e\u73b0\u6587\u6863","Design Doc: The Keys of Operator Kernel Type","RNNOp design","Design: Sequence Decoder Generating LoDTensors","Optimizer Design","Design Doc: NCCL support in Paddle Fluid","Averaging Parameter in PaddlePaddle","Design Doc: The C++ Class Parameters","Introduction","Design Doc: PaddlePaddle Programs","Prune","Design Doc: Python API","Python Data Reader Design Doc","Design Doc: Refactorization Overview","Design Doc: Gradient Operators Registration","Regularization in PaddlePaddle","PaddlePaddle\u53d1\u884c\u89c4\u8303","Design of Scope in Paddle","Design Doc: Selected Rows","Interaction between C++ and Python","Design Doc: Supporting new Device/Library","Background","Design for TensorArray","Background","Build from Sources","Run in Docker Containers","Install and Build","Install Using pip","GET STARTED","RNN Models","RNN Configuration","Build using Docker","Contribute Code","Write New Layers","How to write a new operator","Add Kernels for a New Device","How to use Eigen in Paddle","Contribute Documentation","HOW TO","Profiling the Python Code","Tune GPU Performance","PaddlePaddle Fluid Source Code Overview","Distributed Training","Cluster Training Using Fabric","Fluid Distributed Training","Distributed PaddlePaddle Training on AWS with Kubernetes","PaddlePaddle On Kubernetes","Cluster Training Using OpenMPI","<no title>","<no title>","Argument Outline","Detail Description","Set Command-line Parameters","Use Case","PaddlePaddle Documentation","Build PaddlePaddle for Android","Build PaddlePaddle for iOS","Build PaddlePaddle for Raspberry Pi","MOBILE","Cluster bootstrapping tool survey"],titleterms:{"\u4e0a\u4f20\u8bad\u7ec3\u6587\u4ef6":37,"\u4e0d\u4f7f\u7528":68,"\u4e0d\u4f7f\u7528swig\u8fd9\u79cd\u4ee3\u7801\u751f\u6210\u5668":68,"\u4e0d\u5bfc\u51fapaddle\u5185\u90e8\u7684\u7ed3\u6784\u4f53":68,"\u4e0d\u5f15\u7528\u5176\u4ed6\u52a8\u6001\u5e93":68,"\u4ec5\u4ec5\u4f7f\u7528void":68,"\u4ece\u5feb\u7167\u6062\u590d":36,"\u4f7f\u7528\u52a8\u6001\u5e93\u6765\u5206\u53d1paddl":68,"\u4f7f\u7528\u8f6c\u6362\u5e93":37,"\u5177\u4f53\u67d0\u79cd\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5177\u4f53\u67d0\u79cd\u7c7b\u578b\u7684\u5b9e\u73b0\u6587\u4ef6":69,"\u5206\u5757\u6587\u4ef6\u4f20\u8f93":51,"\u5206\u652f\u89c4\u8303":85,"\u52a0\u901f\u6267\u884c":36,"\u52a8\u6001\u5e93\u4e2d\u4e0d\u5d4c\u5165\u4efb\u4f55\u5176\u4ed6\u8bed\u8a00\u7684\u89e3\u91ca\u5668":68,"\u52a8\u6001\u6269\u5bb9":36,"\u539f\u56e0":68,"\u539f\u56e0\u5217\u8868":68,"\u53c2\u8003\u6587\u6863":51,"\u53d1\u5e03docker\u955c\u50cf":85,"\u53d1\u5e03wheel\u5305\u5230pypi":85,"\u540d\u8bcd\u89e3\u91ca":51,"\u57fa\u672c\u8981\u6c42":68,"\u5b9e\u73b0":68,"\u5b9e\u73b0\u65b9\u5f0f":69,"\u5bfc\u51fac":68,"\u5feb\u7167\u4fdd\u5b58\u7684\u8bbe\u8ba1\u5982\u4e0b":36,"\u6307\u9488\u4f5c\u4e3a\u7c7b\u578b\u7684\u53e5\u67c4":68,"\u63a8\u6d4b\u6267\u884c":36,"\u652f\u6301\u7528\u6237\u81ea\u5b9a\u4e49\u7684\u6570\u636e\u9884\u5904\u7406job":37,"\u6587\u4ef6\u4f20\u8f93\u4f18\u5316":51,"\u6587\u4ef6\u8bbf\u95ee\u65b9\u5f0f":37,"\u6587\u4ef6\u8bbf\u95ee\u7684\u6743\u9650":37,"\u6587\u4ef6\u9884\u5904\u7406":37,"\u66b4\u9732\u63a5\u53e3\u539f\u5219":69,"\u672f\u8bed":36,"\u67b6\u6784\u56fe":51,"\u6846\u67b6\u751f\u6210":51,"\u6982\u5ff5\u89e3\u91ca":37,"\u6a21\u5757":51,"\u6a21\u578b\u53c2\u6570\u68c0\u67e5\u70b9":36,"\u6a21\u578b\u63a8\u65ad\u5b9e\u73b0\u6587\u6863":69,"\u6d41\u7a0b\u4ecb\u7ecd":37,"\u751f\u6210sparse\u6587\u4ef6":51,"\u7528\u6237\u4f7f\u7528\u6d41\u7a0b":51,"\u76ee\u5f55\u7ed3\u6784":69,"\u76ee\u6807":51,"\u793a\u4f8b\u7a0b\u5e8f":37,"\u7b26\u53f7":68,"\u7c7b":68,"\u7f16\u8bd1\u9009\u9879":69,"\u7f29\u5bb9":36,"\u800c\u662f\u624b\u5199\u591a\u8bed\u8a00\u7ed1\u5b9a":68,"\u80cc\u666f":68,"\u8986\u76d6\u4e0d\u4e00\u81f4\u7684\u90e8\u5206":51,"\u8bad\u7ec3\u6570\u636e\u5b58\u50a8":37,"\u8bad\u7ec3\u6570\u636e\u7684\u5b58\u50a8\u548c\u5206\u53d1":37,"\u8f6c\u6362\u5e93":37,"\u8fd9\u4e2a\u52a8\u6001\u5e93\u4f7f\u7528c99\u6807\u51c6\u7684\u5934\u6587\u4ef6\u5bfc\u51fa\u4e00\u4e9b\u51fd\u6570":68,"\u8fdb\u884c\u8bad\u7ec3":37,"abstract":[45,46,47,74,128],"book\u4e2d\u6240\u6709\u7ae0\u8282":85,"case":[32,122],"class":[57,76,80,102],"filemanager\u8bbe\u8ba1\u6587\u6863":51,"final":62,"function":[34,56,57,80],"new":[89,102,103,104],"paddle\u52a8\u6001\u5e93\u4e2d":68,"paddle\u591a\u8bed\u8a00\u63a5\u53e3\u5b9e\u73b0":68,"paddlepaddle\u53d1\u884c\u89c4\u8303":85,"paddlepaddle\u56de\u5f52\u6d4b\u8bd5\u5217\u8868":85,"return":[80,81],"switch":[66,89],"tensor\u5230eigentensor\u7684\u8f6c\u6362":105,AWS:114,Abs:5,DNS:114,E2E:113,EFS:114,For:[34,115],KMS:114,Not:100,The:[33,40,44,50,54,57,58,60,61,70,73,76,82,83,126],Use:[33,78,106,111,115,122],Using:[34,40,96,112,116,124],With:43,about:57,abs:22,absolut:72,access:114,account:114,accuraci:22,action:[64,65],activ:[5,8,65],adadelta:10,adagrad:10,adagradoptim:24,adam:10,adamax:10,adamaxoptim:24,adamoptim:24,add:[63,66,104,114],address:114,addto:8,advanc:89,aggreg:8,aggregatelevel:8,alalysi:38,algorithm:[31,35,45,71,79],all:[86,91],analog:44,analysi:[45,63],android:124,api:[0,3,45,64,65,69,73,75,80,84,88],appendix:128,applic:3,approach:109,arbitrari:54,architectur:[45,77,99],argument:[52,81,111,119,122,124,126],arrai:31,array_length:22,array_read:22,array_to_lod_tensor:22,array_writ:22,asset:114,assign:22,associ:[86,114],assumpt:128,async:120,attent:99,attribut:[6,63,84],auc:7,auto:31,averag:75,avg:11,aws:114,backgraound:31,background:[47,64,89,90,91,92,103,104],backward:[32,54,58,82,103],base:[43,72],basepool:11,basic:[63,89,128],batch:81,batch_norm:[8,22],batch_siz:81,beam:72,beam_search:8,beam_search_decod:22,benchmark:[64,65],benefit:[47,82],between:[30,80,82,88,89],bidirectional_gru:9,bidirectional_lstm:9,bilinear_interp:8,binari:33,bind:103,bla:93,block:[33,55,57,58,78,80,82],block_expand:8,blockdesc:78,book:94,bool:93,bootstrap:128,bottleneck:108,brelu:[5,22],bring:128,bucket:114,build:[32,57,82,93,95,100,106,115,124,125,126],built:109,cach:2,can:86,capi:69,capi_priv:69,cast:22,ceil:22,challeng:[32,47,79],chang:72,check:[8,31,102,112],checker:31,checkpoint:[35,36,42],choic:62,choos:[34,114],chunk:7,cifar:14,classif:7,classification_error:7,classification_error_print:7,client:40,clip:[8,48],close:31,cloudform:114,cluster:[41,111,112,113,114,116,122,128],cmake:[34,64,65,126],code:[43,55,80,101,108,110],column_sum:7,command:[111,121,122],commit:115,common:120,commun:120,compar:128,comparis:80,compat:54,compil:[33,53,55,78,82,93,103,110,124,125,126],complet:54,compos:81,comput:[33,58,66,82,84,105],con:128,concat:[8,22],concept:[80,82,114],concern:65,conclus:[42,59,128],concurr:44,condit:57,config:[3,122],configur:[28,99,107,114,125],conll05:14,connect:8,constantiniti:20,construct:58,contain:[94,115],content:[64,65,69,109,114],context:104,context_project:8,contribut:[101,106],control:[63,82],contruct:63,conv2d:22,conv2d_transpos:22,conv:8,conv_oper:8,conv_project:8,conv_shift:8,convert:42,core:[31,80,114],corner:32,cos_sim:[8,22],cost:8,cpu:[46,122],creat:[32,81,82,86,114,115],create_arrai:22,creation:[39,75,84],creator:81,credenti:114,crf:8,crf_decod:8,cross:[124,125,126],cross_channel_norm:8,cross_entropi:22,cross_entropy_cost:8,cross_entropy_with_selfnorm_cost:8,ctc:8,ctc_error:7,cuda:[53,93],cudnn:93,cudnnavg:11,cudnnmax:11,current:[53,83],custom:81,data:[8,12,13,22,35,45,81,90,114,115],datafeed:[13,17],dataflow:63,dataprovid:[2,3,120],dataset:[12,14,35,39,111],datatyp:[13,70],decayedadagrad:10,decayedadagradoptim:24,decod:72,decor:81,deep:[33,54],defin:[103,114],definit:92,delet:114,demo:[57,113,114],dens:42,dep:96,depend:[57,93,96],deploi:43,deriv:102,describ:[54,73],descript:[52,82,120],design:[30,31,33,35,39,40,41,42,44,45,46,47,49,50,53,54,56,57,58,61,64,65,66,67,70,71,72,73,74,76,78,80,81,82,83,86,87,89,91],destroi:[86,114],detail:[38,120],detect:[7,8],detection_map:7,detection_output:8,develop:[82,100,107],devic:[89,104,122],devicecontext:89,dictionari:81,differ:[82,89,111,122],directori:114,discrimin:57,discuss:[47,57],dispatch:[35,39],distribut:[30,35,38,43,45,47,111,113,114,120],dnn:65,doc:[30,33,35,39,40,41,42,44,45,46,47,50,53,54,56,58,61,64,65,66,67,70,74,76,78,80,81,82,83,87,89],docker:[43,94,100,115,124],document:[106,123],doe:81,dot_prod:8,dot_product_attent:[9,23],dotmul_oper:8,dotmul_project:8,down:114,download:[114,115],dropout:[8,22],dure:[72,81],dylib:69,dynam:[35,91],dynamic_lstm:22,dynet:59,each:96,ec2:114,eigen:105,elast:114,elect:42,elementwise_add:22,elementwise_div:22,elementwise_mul:22,elementwise_sub:22,els:33,elu:22,embed:[8,22],engin:57,enough:31,entri:81,environ:[43,124],eos:8,equat:102,error:48,evalu:[7,18,49],event:[29,30,77],evolut:54,examin:108,exampl:[30,34,44,60,69],execut:[33,46,54,78,82],executor:[19,50],exp:[5,22],expand:8,expandlevel:8,explain:31,extern:114,fabric:112,factor:8,factorization_machin:8,faq:[95,96],fault:35,file:[33,108,114,115],fill_const:22,fill_constant_batch_size_lik:22,find:114,first_seq:8,float16:53,floor:22,flow:63,fluid:[16,44,54,55,66,74,110,113],format:[33,35,67],forward:[58,103],frame:33,framework:[31,104,105],from:[30,42,88,93,95],full_matrix_project:8,fulli:8,functor:89,futur:54,gan:57,gate:99,gated_unit:8,gener:[55,57,72,99,100,108,128],get:[97,113,115],get_output:8,give:81,global:[78,80],glu:23,gotcha:100,gpu:[94,109,120,122],grad_op:32,gradient:[31,32,40,65,83,102],gradient_print:7,graident:31,graph:[58,59,63,82,84],group:[8,114],gru:[9,120],gru_group:9,gru_step:8,gru_unit:[9,22],grumemori:8,hand:109,handler:[30,68],happen:42,hard_shrink:22,hard_sigmoid:22,hardwar:53,have:113,helper:80,hierarchi:33,high:[73,75,84,88],how:[31,38,75,81,82,89,93,103,105,106,107,109],hsigmoid:8,huber_classification_cost:8,huber_regression_cost:8,iOS:125,iam:114,ident:5,identifi:108,identity_project:8,ifels:60,ifelseop:33,imag:[8,9,15,43,94,115,124],imdb:14,img_cmrnorm:8,img_conv:8,img_conv_bn_pool:9,img_conv_group:[9,23],img_pool:8,imikolov:14,implement:[31,32,34,38,46,48,49,53,67,71,74,75,80,81,82,83,84,102,103,104,105],increment:22,infer:[29,124],infershap:[78,87],infervartyp:61,ingredi:30,ingress:51,init_hook:2,initi:[20,40,57,114,122],input_typ:2,insid:86,inspect:114,instal:[95,96,97,113,114,124,125,126,128],instanc:114,instead:81,integr:[89,114],intel:[64,65],interact:88,interfac:[12,13,15,31,35,40,41,50,73,81,86],intermedi:82,interpol:8,introduc:[72,91,113],introduct:[1,77,84,111,113],is_paramet:21,isn:81,issu:53,job:[35,43,112,114,115,116],join:8,kei:[64,70,114],kernel:[66,70,82,104],kill:112,kmax_sequence_scor:8,kube:114,kubectl:114,kubernet:[43,114,115],l1decayregular:27,l2_distanc:8,l2_normal:22,l2decayregular:27,lambda_cost:8,languag:[33,55],larg:38,last_seq:8,launch:[94,112,116],layer:[8,22,30,56,64,65,80,102,122],layout:70,leaky_relu:22,learn:[33,54],learnabl:8,less_than:22,leval:88,level:[73,75,84,88],libpaddle_capi_shar:69,libpaddle_capi_whol:69,librari:[40,53,70,82,89,124],limit:45,line:[111,121],linear:5,linear_chain_crf:22,linear_comb:8,linux:[112,124],list:[36,81],live:63,local:[45,86,114,122],lod:72,lod_rank_t:22,lod_tensor_to_arrai:22,lodtensor:[71,72,91],lodtensordesc:92,log:[5,22,101],logic:39,logsigmoid:22,look:108,low:[75,84,88],lstm:[9,120],lstm_step:8,lstm_unit:22,lstmemori:8,lstmemory_group:9,lstmemory_unit:9,machin:[8,72],macro:82,main:57,make:63,manag:[34,111],map:[81,82],master:[35,39,43,44],math:[8,89],mathemat:31,matmul:22,matrix:[65,120],max:11,max_sequence_len:22,maxframe_print:7,maxid:8,maxid_print:7,maxout:8,mean:22,member:57,memori:[8,63,71,89],merge_lod_tensor:22,messag:88,method:72,might:57,migrat:82,mileston:82,mini:81,minibatch:13,misc:8,mix:[8,122],mkl:[64,65],mkldnn:66,mkldnn_helper:66,mkldnndevicecontext:66,mnist:14,mobil:127,model:[2,3,28,30,38,40,42,54,57,67,72,98,99,112,122],modifi:115,modul:[82,89,105],momentum:10,momentumoptim:24,more:57,motiv:[32,50,67,74,79],movielen:14,msrainiti:20,mul:22,multi:[46,55],multi_binary_label_cross_entropy_cost:8,multibox_loss:8,multipl:81,multiplex:8,mxnet:59,name:[86,114],nativ:55,nccl:74,nce:8,necess:80,necessari:82,need:[81,100,109],nest:71,net:23,network:[9,82,99,122],neural:99,nlp:[9,120],non:[2,113],norm:[8,84],normaliniti:20,note:31,numer:31,numpi:31,nvprof:109,nvvp:109,object:35,offset:72,ones:22,onli:[81,86],op_mak:82,openmpi:116,oper:[56,60,63,66,70,75,78,80,82,83,87,91,103],opinfomap:82,opkernel:[82,89,103,104],opproto:88,ops:84,optim:[10,24,35,40,58,63,73,80,107],option:[52,93],opwithkernel:82,order:52,org:106,origin:82,orthogon:86,other:65,out_prod:8,outlin:119,output:[8,112,114],overview:[42,48,50,64,65,82,86,110],pack:[64,72],packag:[34,96],pad:8,paddl:[38,74,81,86,105],paddlejob:43,paddlepaddl:[30,33,54,55,64,65,75,78,84,85,93,94,96,106,110,113,114,115,123,124,125,126],pair:114,paradigm:54,parallel_nn:122,paramattr:25,paramet:[6,8,29,30,35,40,41,43,47,65,75,76,80,84,111,113,114,120,121],parameteraverageoptim:75,parent:86,part:58,partit:40,pass:[93,122],path:[42,52],penalti:84,perform:[75,108,109,120],persist:39,pfsclient:[51,52],pfsserver:51,pip:96,place:[63,70,89,104],placement:45,platform:111,pnpair:7,point:[64,114],polici:63,pool2d:22,pool:[8,11],pose:[61,83],potenti:62,pow:22,power:8,precision_recal:7,predict:4,prefetch:81,prelu:8,prepar:[111,112,113,114,116,125],principl:66,print:7,privat:114,pro:128,problem:[49,61,62,63,70,73,83,90],procedur:128,process:[35,40,43,73,82,100],profil:[26,108,109],program:[33,44,46,54,55,78,80,94,111,113],programdesc:[55,78],project:34,propos:[61,83,84],protobuf:87,protomak:103,provid:[2,81],prune:79,pserver:42,pull:94,pydataprovider2:2,python:[4,31,43,45,64,65,71,73,75,80,81,84,88,92,102,103,108],qualiti:82,queue:[35,39],quick:97,randomnumb:120,rank:7,rank_cost:8,raspberri:126,reader:[12,13,30,81],readi:113,realiz:82,reciproc:22,recoveri:35,recurr:[8,9,99],recurrent_group:8,reduce_max:22,reduce_mean:22,reduce_min:22,reduce_sum:22,ref:31,refactor:82,refer:[2,45,47,63,64,65,109],region:114,regist:[61,82,88,103,104],registr:[82,83],registri:82,regular:[27,40,84],rel:72,relat:[82,91],relu6:22,relu:[5,22],remark:103,remot:41,remoteexecutor:45,render:114,repeat:8,represent:[33,82],requir:[34,57],reshap:[8,22],resiz:8,result:[112,115],retri:39,reus:80,review:101,rmsprop:10,rnn:[71,91,98,99,120],rnnop:[33,71,82],roi_pool:8,rotat:8,round:22,route53:114,row:87,row_conv:8,row_l2_norm:8,run:[50,93,94,103,110,115],runtim:[43,96],sampl:8,sampling_id:8,save:42,scale:[8,22,35],scale_shift:8,scaling_project:8,scope:[33,71,82,86],script:[113,115],search:72,secur:114,select:[40,87],selectedrow:87,selective_fc:8,sentiment:14,separ:82,seq_concat:8,seq_reshap:8,seq_slic:8,seqtext_print:7,sequenc:[72,99],sequence_conv:22,sequence_conv_pool:[9,23],sequence_expand:22,sequence_first_step:22,sequence_last_step:22,sequence_pool:22,sequence_reshap:22,sequence_softmax:22,sequencesoftmax:5,sequenti:2,server:[35,39,40,43,47,111,113,114,120],servic:114,set:121,setup:[114,124],sextant:128,sgd:120,sgdoptim:24,shape:72,share:[30,32,63,86],should:86,shrink_memori:22,shuffl:81,sigmoid:[5,22],sigmoid_cross_entropy_with_logit:22,simpl:[72,99],simple_attent:9,simple_gru2:9,simple_gru:9,simple_img_conv_pool:[9,23],simple_lstm:9,singl:81,slice:[8,113],slice_project:8,slope_intercept:8,small_vgg:9,smooth_l1_cost:8,soft_relu:22,softmax:5,softplu:22,softrelu:5,softshrink:22,softsign:[5,22],solut:[61,62,63,64,70,79,83,90],some:100,sourc:[93,95,110],spars:[40,41,42,87,122],specifi:122,split:22,split_lod_tensor:22,spp:8,sqrt:22,squar:[5,22],square_error_cost:[8,22],squarerootn:11,stack:33,standard:101,stanh:5,start:[30,97,111,114,115],startup:115,statement:49,step:[71,95],storag:84,store:35,strategi:63,style:101,sub_nested_seq:8,sub_seq:8,subcommond:52,submit:43,suffici:81,suitabl:34,sulut:66,sum:[7,11,22],sum_cost:8,sum_to_one_norm:8,summar:[30,44],summari:67,support:[53,74,89,91],survei:[53,59,84,128],swish:22,synopsi:52,system:[54,114],tabl:69,table_project:8,tanh:[5,22],tanh_shrink:22,task:[35,39],tear:114,tecton:128,templat:114,tensor:[8,82,89,105],tensorarrai:[72,91],tensordesc:92,tensorflow:59,test:[64,65,66,93,101,102,103,120,122],text_conv_pool:9,theori:31,thi:86,think:57,three:91,thresholded_relu:22,time:110,timelin:42,timer:109,tip:109,todo:[36,37,46],togeth:86,toler:35,tool:[34,106,109,111,128],toolchain:126,topic:89,topk:22,toward:55,train:[29,30,35,38,41,43,45,73,81,94,111,112,113,114,115,116,120,122],trainer:[29,35,40,42,43,111,114],tran:8,trans_full_matrix_project:8,transform:90,translat:72,transpil:[45,46,47,55,63,74],transpos:22,tune:[109,120],ture:54,two:31,type:[70,93,103],uci_h:14,uniform:91,uniforminiti:20,unit:[64,65,66,101,102,103,120],unpack:72,updat:[30,41,42,106,113,114],usag:[32,48,71,72,81,105,107],use:[38,81,105],user:35,using:100,util:7,valu:80,value_print:7,vardesc:92,variabl:[32,63,80,82,86,92],vector:120,verifi:114,version:[44,53,96],vgg_16_network:9,volum:114,vpc:114,warp_ctc:8,weightdecayregular:27,what:[38,42,100,109],when:[42,86],whl:96,why:[53,54,75,81,82,91,109],wmt14:14,worker:44,workflow:101,wrapper:102,write:[101,102,103,104,106],www:106,xavieriniti:20,yaml:115,your:[94,104,113],zero:22}}) \ No newline at end of file diff --git a/develop/doc_cn/api/v2/fluid/evaluator.html b/develop/doc_cn/api/v2/fluid/evaluator.html index 0054570a769db743e30ff12af79d261afdd16d12..95e9ffe811efe3bc9df97f3fa67492e4f32da15f 100644 --- a/develop/doc_cn/api/v2/fluid/evaluator.html +++ b/develop/doc_cn/api/v2/fluid/evaluator.html @@ -239,75 +239,6 @@

Evaluator

Evaluator

-
-
-class paddle.v2.fluid.evaluator.Evaluator(name, **kwargs)
-

Base Class for all evaluators

- --- - - - -
参数:
    -
  • name (str) – The name of evaluator. such as, “accuracy”. Used for generate -temporary variable name.
  • -
  • main_program (Program, optional) – The evaluator should be added to this -main_program. Default default_main_program()
  • -
  • startup_program (Program, optional) – The parameter should be added to this -startup_program. Default default_startup_program()
  • -
-
-
-
-states
-

list – The list of state variables. states will be reset to zero -when reset is invoked.

-
- -
-
-metrics
-

list – The list of metrics variables. They will be calculate -every mini-batch

-
- -
-
-reset(executor, reset_program=None)
-

reset metric states at the begin of each pass/user specified batch

-
- -
-
-eval(executor, eval_program=None)
-

Evaluate the statistics merged by multiple mini-batches.

-
- -
-
-create_state(suffix, dtype, shape)
-

Create state variable.

-

NOTE: It is not a public API.

- --- - - - -
参数:
    -
  • suffix (str) – the state suffix.
  • -
  • dtype (str|core.DataType) – the state data type
  • -
  • shape (tuple|list) – the shape of state
  • -
-
-

Returns: State variable

-
- -
-
diff --git a/develop/doc_cn/api/v2/fluid/initializer.html b/develop/doc_cn/api/v2/fluid/initializer.html index 8427e9a108a3f3c5b01eb45eddf71ad4aac428d3..661f84bae9836181131d45e6595d7060c75dca24 100644 --- a/develop/doc_cn/api/v2/fluid/initializer.html +++ b/develop/doc_cn/api/v2/fluid/initializer.html @@ -239,90 +239,21 @@

Initializer

Initializer

-
-
-class paddle.v2.fluid.initializer.Initializer
-

Base class for variable initializers

-

Defines the common interface of variable initializers. -They add operations to the init program that are used -to initialize variables. Users should not use this class -directly, but need to use one of its implementations.

-
-

ConstantInitializer

-
-
-class paddle.v2.fluid.initializer.ConstantInitializer(value=0.0)
-

Implements the constant initializer

-
-

UniformInitializer

-
-
-class paddle.v2.fluid.initializer.UniformInitializer(low=-1.0, high=1.0, seed=0)
-

Implements the random uniform distribution initializer

-
-

NormalInitializer

-
-
-class paddle.v2.fluid.initializer.NormalInitializer(loc=0.0, scale=1.0, seed=0)
-

Implements the random Normal(Gaussian) distribution initializer

-
-

XavierInitializer

-
-
-class paddle.v2.fluid.initializer.XavierInitializer(uniform=True, fan_in=None, fan_out=None, seed=0)
-

Implements the Xavier initializer

-

This class implements the Xavier weight initializer from the paper -Understanding the difficulty of training deep feedforward neural -networks[1] by Xavier Glorot and Yoshua Bengio.

-

This initializer is designed to keep the scale of the gradients -approximately same in all the layers. In case of Uniform distribution, -the range is [-x, x], where x = sqrt(6 / (fan_in + fan_out)). -In case of Normal distribution, the mean is 0 and the standard deviation -is sqrt(2/ (fan_in + fan_out)).

-

References

-
-
[1] Understanding the difficulty of training deep feedforward neural
-
networks. International conference on artificial intelligence and -statistics. -(http://proceedings.mlr.press/v9/glorot10a.html)
-
-
-

MSRAInitializer

-
-
-class paddle.v2.fluid.initializer.MSRAInitializer(uniform=True, fan_in=None, seed=0)
-

Implements the MSRA initializer a.k.a. Kaiming Initializer

-

This class implements the weight initialization from the paper -Delving Deep into Rectifiers: Surpassing Human-Level Performance on -ImageNet Classification[1] by Kaiming He, Xiangyu Zhang, Shaoqing Ren -and Jian Sun. This is a robust initialization method that particularly -considers the rectifier nonlinearities. In case of Uniform distribution, -the range is [-x, x], where x = sqrt(6 / fan_in). In case of Normal -distribution, the mean is 0 and the standard deviation -is sqrt(2/ fan_in).

-

References

-
-
[1] Delving Deep into Rectifiers: Surpassing Human-Level Performance
-
on ImageNet Classification -(https://arxiv.org/abs/1502.01852)
-
-
-
diff --git a/develop/doc_cn/api/v2/fluid/io.html b/develop/doc_cn/api/v2/fluid/io.html index a68b6e94253b7a618f3a4ed41f10640af3e7167f..5b5eeab67a1ca84f8fdcb6559ec563b252bed93e 100644 --- a/develop/doc_cn/api/v2/fluid/io.html +++ b/develop/doc_cn/api/v2/fluid/io.html @@ -239,23 +239,6 @@

IO

is_parameter

-
-
-paddle.v2.fluid.io.is_parameter(var)
-

Check whether the variable is a Parameter.

-

This function checks whether the input variable is a Parameter.

- --- - - - - - -
参数:var – The input variable.
返回:boolean result whether the variable is a Parameter.
-
-
diff --git a/develop/doc_cn/api/v2/fluid/layers.html b/develop/doc_cn/api/v2/fluid/layers.html index 022532c3cb1e6798e56320744f6b05a39fbc7e80..98c29be53c57bcfe9d0666472a8d58b518d1c306 100644 --- a/develop/doc_cn/api/v2/fluid/layers.html +++ b/develop/doc_cn/api/v2/fluid/layers.html @@ -239,3185 +239,273 @@

Layers

fc

-
-
-paddle.v2.fluid.layers.fc(input, size, num_flatten_dims=1, param_attr=None, bias_attr=None, act=None, name=None)
-

Fully Connected Layer

-

The fully connected layer can take multiple tensors as its inputs. It -creates a variable (one for each input tensor) called weights for each input -tensor, which represents a fully connected weight matrix from each input -unit to each output unit. The fully connected layer multiplies each input -tensor with its coresponding weight to produce an output Tensor. If -multiple input tensors are given, the results of multiple multiplications -will be sumed up. If bias_attr is not None, a biases variable will be -created and added to the output. Finally, if activation is not None, -it will be applied to the output as well.

-

This process can be formulated as follows:

-
-\[Out = Act({\sum_{i=0}^{N-1}W_iX_i + b})\]
-

In the above equation:

-
    -
  • \(N\): Number of the input.
  • -
  • \(X_i\): The input tensor.
  • -
  • \(W\): The weights created by this layer.
  • -
  • \(b\): The bias parameter created by this layer (if needed).
  • -
  • \(Act\): The activation funtion.
  • -
  • \(Out\): The output tensor.
  • -
- --- - - - - - - - - - -
参数:
    -
  • input (Variable|list) – The input tensor(s) to the fully connected layer.
  • -
  • size (int) – The number of output units in the fully connected layer.
  • -
  • num_flatten_dims (int) – The fc layer can accept an input tensor with more -than two dimensions. If this happens, the -multidimensional tensor will first be flattened -into a 2-dimensional matrix. The parameter -num_flatten_dims determines how the input tensor -is flattened: the first num_flatten_dims -dimensions will be flatten to form the first -dimension of the final matrix (height of the -matrix), and the rest rank(X) - num_flatten_dims -dimensions are flattened to form the second -dimension of the final matrix (width of the matrix). -For example, suppose X is a 6-dimensional tensor -with a shape [2, 3, 4, 5, 6], and -num_flatten_dims = 3. Then, the flattened matrix -will have a shape [2 x 3 x 4, 5 x 6] = [24, 30]. -By default, num_flatten_dims is set to 1.
  • -
  • param_attr (ParamAttr|list) – The parameter attribute for learnable -parameters/weights of the fully connected -layer.
  • -
  • param_initializer (ParamAttr|list) – The initializer used for the -weight/parameter. If set None, -XavierInitializer() will be used.
  • -
  • bias_attr (ParamAttr|list) – The parameter attribute for the bias parameter -for this layer. If set None, no bias will be -added to the output units.
  • -
  • bias_initializer (ParamAttr|list) – The initializer used for the bias. -If set None, then ConstantInitializer() -will be used.
  • -
  • act (str) – Activation to be applied to the output of the fully connected -layer.
  • -
  • name (str) – Name/alias of the fully connected layer.
  • -
-
返回:

The output tensor variable.

-
返回类型:

Variable

-
Raises:

ValueError – If rank of the input tensor is less than 2.

-
-

Examples

-
data = fluid.layers.data(name="data", shape=[32, 32], dtype="float32")
-fc = fluid.layers.fc(input=data, size=1000, act="tanh")
-
-
-
-

embedding

-
-
-paddle.v2.fluid.layers.embedding(input, size, is_sparse=False, param_attr=None, dtype='float32')
-

Embedding Layer

-

This layer is used to lookup a vector of IDs, provided by input, in a lookup table. -The result of this lookup is the embedding of each ID in the input.

-

All the input variables are passed in as local variables to the LayerHelper -constructor.

- --- - - - - - - - -
参数:
    -
  • input (Variable) – Input to the function
  • -
  • size (tuple|list|None) – Shape of the look up table parameter
  • -
  • is_sparse (bool) – Boolean flag that specifying whether the input is sparse
  • -
  • param_attr (ParamAttr) – Parameters for this layer
  • -
  • dtype (np.dtype|core.DataType|str) – The type of data : float32, float_16, int etc
  • -
-
返回:

The tensor variable storing the embeddings of the supplied inputs.

-
返回类型:

Variable

-
-

Examples

-
dict_size = len(dataset.ids)
-data = fluid.layers.data(name='ids', shape=[32, 32], dtype='float32')
-fc = fluid.layers.embedding(input=data, size=[dict_size, 16])
-
-
-
-

dynamic_lstm

-
-
-paddle.v2.fluid.layers.dynamic_lstm(input, size, param_attr=None, bias_attr=None, use_peepholes=True, is_reverse=False, gate_activation='sigmoid', cell_activation='tanh', candidate_activation='tanh', dtype='float32')
-

Dynamic LSTM Layer

-

The defalut implementation is diagonal/peephole connection -(https://arxiv.org/pdf/1402.1128.pdf), the formula is as follows:

-
-\[ \begin{align}\begin{aligned}i_t & = \sigma(W_{ix}x_{t} + W_{ih}h_{t-1} + W_{ic}c_{t-1} + b_i)\\f_t & = \sigma(W_{fx}x_{t} + W_{fh}h_{t-1} + W_{fc}c_{t-1} + b_f)\\\tilde{c_t} & = act_g(W_{cx}x_t + W_{ch}h_{t-1} + b_c)\\o_t & = \sigma(W_{ox}x_{t} + W_{oh}h_{t-1} + W_{oc}c_t + b_o)\\c_t & = f_t \odot c_{t-1} + i_t \odot \tilde{c_t}\\h_t & = o_t \odot act_h(c_t)\end{aligned}\end{align} \]
-

where the \(W\) terms denote weight matrices (e.g. \(W_{xi}\) is -the matrix of weights from the input gate to the input), \(W_{ic}, W_{fc}, W_{oc}\) are diagonal weight matrices for peephole connections. In -our implementation, we use vectors to reprenset these diagonal weight -matrices. The \(b\) terms denote bias vectors (\(b_i\) is the input -gate bias vector), \(\sigma\) is the non-line activations, such as -logistic sigmoid function, and \(i, f, o\) and \(c\) are the input -gate, forget gate, output gate, and cell activation vectors, respectively, -all of which have the same size as the cell output activation vector \(h\).

-

The \(\odot\) is the element-wise product of the vectors. \(act_g\) -and \(act_h\) are the cell input and cell output activation functions -and tanh is usually used for them. \(\tilde{c_t}\) is also called -candidate hidden state, which is computed based on the current input and -the previous hidden state.

-

Set use_peepholes to False to disable peephole connection. The formula -is omitted here, please refer to the paper -http://www.bioinf.jku.at/publications/older/2604.pdf for details.

-

Note that these \(W_{xi}x_{t}, W_{xf}x_{t}, W_{xc}x_{t}, W_{xo}x_{t}\) -operations on the input \(x_{t}\) are NOT included in this operator. -Users can choose to use fully-connect layer before LSTM layer.

- --- - - - - - - - -
参数:
    -
  • input (Variable) – The input of dynamic_lstm layer, which supports -variable-time length input sequence. The underlying -tensor in this Variable is a matrix with shape -(T X 4D), where T is the total time steps in this -mini-batch, D is the hidden size.
  • -
  • size (int) – 4 * hidden size.
  • -
  • param_attr (ParamAttr) –

    The parameter attribute for the learnable -hidden-hidden weights.

    -
      -
    • The shape is (D x 4D), where D is the hidden -size.
    • -
    • Weights = {\(W_{ch}, W_{ih}, W_{fh}, W_{oh}\)}
    • -
    -
  • -
  • bias_attr (ParamAttr) –

    The bias attribute for the learnable bias -weights, which contains two parts, input-hidden -bias weights and peephole connections weights if -setting use_peepholes to True.

    -
      -
    1. use_peepholes = False
    2. -
    -
    -
      -
    • The shape is (1 x 4D).
    • -
    • Biases = {\(b_c, b_i, b_f, b_o\)}.
    • -
    -
    -
      -
    1. use_peepholes = True
    2. -
    -
    -
      -
    • The shape is (1 x 7D).
    • -
    • Biases = { \(b_c, b_i, b_f, b_o, W_{ic}, W_{fc}, W_{oc}\)}.
    • -
    -
    -
  • -
  • use_peepholes (bool) – Whether to enable diagonal/peephole connections, -default True.
  • -
  • is_reverse (bool) – Whether to compute reversed LSTM, default False.
  • -
  • gate_activation (str) – The activation for input gate, forget gate and -output gate. Choices = [“sigmoid”, “tanh”, “relu”, -“identity”], default “sigmoid”.
  • -
  • cell_activation (str) – The activation for cell output. Choices = [“sigmoid”, -“tanh”, “relu”, “identity”], default “tanh”.
  • -
  • candidate_activation (str) – The activation for candidate hidden state. -Choices = [“sigmoid”, “tanh”, “relu”, “identity”], -default “tanh”.
  • -
  • dtype (str) – Data type. Choices = [“float32”, “float64”], default “float32”.
  • -
-
返回:

The hidden state, and cell state of LSTM. The shape of both is (T x D), and lod is the same with the input.

-
返回类型:

tuple

-
-

Examples

-
hidden_dim = 512
-forward_proj = fluid.layers.fc(input=input_seq, size=hidden_dim * 4,
-                               act=None, bias_attr=None)
-forward, _ = fluid.layers.dynamic_lstm(
-    input=forward_proj, size=hidden_dim * 4, use_peepholes=False)
-
-
-
-

data

-
-
-paddle.v2.fluid.layers.data(name, shape, append_batch_size=True, dtype='float32', lod_level=0, type=VarType.LOD_TENSOR, stop_gradient=True)
-

Data Layer

-

This function takes in the input and based on whether data has -to be returned back as a minibatch, it creates the global variable by using -the helper functions. The global variables can be accessed by all the -following operators in the graph.

-

All the input variables of this function are passed in as local variables -to the LayerHelper constructor.

- --- - - - - - - - -
参数:
    -
  • name (str) – The name/alias of the function
  • -
  • shape (list) – Tuple declaring the shape.
  • -
  • append_batch_size (bool) – Whether or not to append the data as a batch.
  • -
  • dtype (int|float) – The type of data : float32, float_16, int etc
  • -
  • type (VarType) – The output type. By default it is LOD_TENSOR.
  • -
  • lod_level (int) – The LoD Level. 0 means the input data is not a sequence.
  • -
  • main_program (Program) – Name of the main program that calls this
  • -
  • startup_program (Program) – Name of the startup program
  • -
  • stop_gradient (bool) – A boolean that mentions whether gradient should flow.
  • -
-
返回:

The global variable that gives access to the data.

-
返回类型:

Variable

-
-

Examples

-
data = fluid.layers.data(name='x', shape=[784], dtype='float32')
-
-
-
-

mean

-
-
-paddle.v2.fluid.layers.mean(**kwargs)
-

Mean Operator.

-

Out is a scalar which is the mean of all elements in X.

- --- - - - - - -
参数:x – The input of mean op -Duplicable: False Optional: False
返回:The output of mean op
-
-

mul

-
-
-paddle.v2.fluid.layers.mul(**kwargs)
-

Mul Operator.

-

This operator is used to perform matrix multiplication for input $X$ and $Y$.

-

The equation is:

-

$$Out = X * Y$$

-

Both the input $X$ and $Y$ can carry the LoD (Level of Details) information, -or not. But the output only shares the LoD information with input $X$.

- --- - - - - - -
参数:
    -
  • x – (Tensor), The first input tensor of mul op. -Duplicable: False Optional: False
  • -
  • y – (Tensor), The second input tensor of mul op. -Duplicable: False Optional: False
  • -
  • x_num_col_dims (INT) – (int, default 1), The mul_op can take tensors with more than two -dimensions as its inputs. If the input $X$ is a tensor with more -than two dimensions, $X$ will be flattened into a two-dimensional -matrix first. The flattening rule is: the first num_col_dims -will be flattened to form the first dimension of the final matrix -(the height of the matrix), and the rest rank(X) - num_col_dims -dimensions are flattened to form the second dimension of the final -matrix (the width of the matrix). As a result, height of the -flattened matrix is equal to the product of $X$’s first -x_num_col_dims dimensions’ sizes, and width of the flattened -matrix is equal to the product of $X$’s last rank(x) - num_col_dims -dimensions’ size. For example, suppose $X$ is a 6-dimensional -tensor with the shape [2, 3, 4, 5, 6], and x_num_col_dims = 3. -Thus, the flattened matrix will have a shape [2 x 3 x 4, 5 x 6] = -[24, 30].
  • -
  • y_num_col_dims (INT) – (int, default 1), The mul_op can take tensors with more than two, -dimensions as its inputs. If the input $Y$ is a tensor with more -than two dimensions, $Y$ will be flattened into a two-dimensional -matrix first. The attribute y_num_col_dims determines how $Y$ is -flattened. See comments of x_num_col_dims for more details.
  • -
-
返回:

(Tensor), The output tensor of mul op.

-
-
-

elementwise_add

-
-
-paddle.v2.fluid.layers.elementwise_add(**kwargs)
-

Limited Elementwise Add Operator.

-

The equation is:

-

$$Out = X + Y$$

-

$X$ is a tensor of any dimension and the dimensions of tensor $Y$ must be -smaller than or equal to the dimensions of $X$.

-

There are two cases for this operator: -1. The shape of $Y$ is same with $X$; -2. The shape of $Y$ is a subset of $X$.

-

For case 2: -$Y$ will be broadcasted to match the shape of $X$ and axis should be -set to index of the start dimension to broadcast $Y$ onto $X$.

-
-
For example
-
shape(X) = (2, 3, 4, 5), shape(Y) = (,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (5,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (4, 5)
-shape(X) = (2, 3, 4, 5), shape(Y) = (3, 4), with axis=1
-shape(X) = (2, 3, 4, 5), shape(Y) = (2), with axis=0
-
-
-
-
-

Either of the inputs $X$ and $Y$ or none can carry the LoD (Level of Details) -information. However, the output only shares the LoD information with input $X$.

- --- - - - - - -
参数:
    -
  • x – (Tensor), The first input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • y – (Tensor), The second input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • axis (INT) – (int, default -1). The start dimension index for broadcasting Y onto X.
  • -
-
返回:

The output of elementwise op.

-
-
-

elementwise_sub

-
-
-paddle.v2.fluid.layers.elementwise_sub(**kwargs)
-

Limited Elementwise Sub Operator.

-

The equation is:

-

$$Out = X - Y$$

-

$X$ is a tensor of any dimension and the dimensions of tensor $Y$ must be -smaller than or equal to the dimensions of $X$.

-

There are two cases for this operator: -1. The shape of $Y$ is same with $X$; -2. The shape of $Y$ is a subset of $X$.

-

For case 2: -$Y$ will be broadcasted to match the shape of $X$ and axis should be -set to index of the start dimension to broadcast $Y$ onto $X$.

-
-
For example
-
shape(X) = (2, 3, 4, 5), shape(Y) = (,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (5,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (4, 5)
-shape(X) = (2, 3, 4, 5), shape(Y) = (3, 4), with axis=1
-shape(X) = (2, 3, 4, 5), shape(Y) = (2), with axis=0
-
-
-
-
-

Either of the inputs $X$ and $Y$ or none can carry the LoD (Level of Details) -information. However, the output only shares the LoD information with input $X$.

- --- - - - - - -
参数:
    -
  • x – (Tensor), The first input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • y – (Tensor), The second input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • axis (INT) – (int, default -1). The start dimension index for broadcasting Y onto X.
  • -
-
返回:

The output of elementwise op.

-
-
-

elementwise_mul

-
-
-paddle.v2.fluid.layers.elementwise_mul(**kwargs)
-

Limited Elementwise Mul Operator.

-

The equation is:

-

$$Out = X odotY$$

-

$X$ is a tensor of any dimension and the dimensions of tensor $Y$ must be -smaller than or equal to the dimensions of $X$.

-

There are two cases for this operator: -1. The shape of $Y$ is same with $X$; -2. The shape of $Y$ is a subset of $X$.

-

For case 2: -$Y$ will be broadcasted to match the shape of $X$ and axis should be -set to index of the start dimension to broadcast $Y$ onto $X$.

-
-
For example
-
shape(X) = (2, 3, 4, 5), shape(Y) = (,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (5,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (4, 5)
-shape(X) = (2, 3, 4, 5), shape(Y) = (3, 4), with axis=1
-shape(X) = (2, 3, 4, 5), shape(Y) = (2), with axis=0
-
-
-
-
-

Either of the inputs $X$ and $Y$ or none can carry the LoD (Level of Details) -information. However, the output only shares the LoD information with input $X$.

- --- - - - - - -
参数:
    -
  • x – (Tensor), The first input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • y – (Tensor), The second input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • axis (INT) – (int, default -1). The start dimension index for broadcasting Y onto X.
  • -
-
返回:

The output of elementwise op.

-
-
-

elementwise_div

-
-
-paddle.v2.fluid.layers.elementwise_div(**kwargs)
-

Limited Elementwise Div Operator.

-

The equation is:

-

$$Out = X / Y$$

-

$X$ is a tensor of any dimension and the dimensions of tensor $Y$ must be -smaller than or equal to the dimensions of $X$.

-

There are two cases for this operator: -1. The shape of $Y$ is same with $X$; -2. The shape of $Y$ is a subset of $X$.

-

For case 2: -$Y$ will be broadcasted to match the shape of $X$ and axis should be -set to index of the start dimension to broadcast $Y$ onto $X$.

-
-
For example
-
shape(X) = (2, 3, 4, 5), shape(Y) = (,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (5,)
-shape(X) = (2, 3, 4, 5), shape(Y) = (4, 5)
-shape(X) = (2, 3, 4, 5), shape(Y) = (3, 4), with axis=1
-shape(X) = (2, 3, 4, 5), shape(Y) = (2), with axis=0
-
-
-
-
-

Either of the inputs $X$ and $Y$ or none can carry the LoD (Level of Details) -information. However, the output only shares the LoD information with input $X$.

- --- - - - - - -
参数:
    -
  • x – (Tensor), The first input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • y – (Tensor), The second input tensor of elementwise op. -Duplicable: False Optional: False
  • -
  • axis (INT) – (int, default -1). The start dimension index for broadcasting Y onto X.
  • -
-
返回:

The output of elementwise op.

-
-
-

dropout

-
-
-paddle.v2.fluid.layers.dropout(x, dropout_prob, is_test=False, seed=0, **kwargs)
-
-

reshape

-
-
-paddle.v2.fluid.layers.reshape(**kwargs)
-

Reshape Operator.

-

Reshape Input(X) into the shape specified by Attr(shape).

-

An example: -Given a 2-D tensor X with 2 rows and 2 columns

-
-
[[1, 2], [3, 4]]
-

and target shape = [1, 4], the reshape operator will transform -the tensor X into a 2-D tensor:

-
-
[[1, 2, 3, 4]]
-

One dimension in the target shape can be set -1, representing that its -size is unknown. In this case, the real dimension will be infered from -the original shape of Input(X) and other dimensions in the target shape.

- --- - - - - - -
参数:
    -
  • x – The input tensor of reshape operator. -Duplicable: False Optional: False
  • -
  • shape (INTS) – (vector<int>) Target shape of reshape operator.
  • -
-
返回:

The output tensor of reshape operator.

-
-
-

sigmoid

-
-
-paddle.v2.fluid.layers.sigmoid(**kwargs)
-

Sigmoid Activation Operator

-

$$out = frac{1}{1 + e^{-x}}$$

- --- - - - - - -
参数:x – Input of Sigmoid operator -Duplicable: False Optional: False
返回:Output of Sigmoid operator
-
-

scale

-
-
-paddle.v2.fluid.layers.scale(**kwargs)
-

Scale operator

-

$$Out = scale*X$$

- --- - - - - - -
参数:
    -
  • x – (Tensor) Input tensor of scale operator. -Duplicable: False Optional: False
  • -
  • scale (FLOAT) – (float, default 1.0)The scaling factor of the scale operator.
  • -
-
返回:

(Tensor) Output tensor of scale operator.

-
-
-

transpose

-
-
-paddle.v2.fluid.layers.transpose(**kwargs)
-

Transpose Operator.

-

The input tensor will be permuted according to the axis values given. -The op functions is similar to how numpy.transpose works in python.

-

For example:

-
-
input = numpy.arange(6).reshape((2,3))
-
-the input is:
-
-array([[0, 1, 2],
-       [3, 4, 5]])
-
-given axis is:
-
-[1, 0]
-
-output = input.transpose(axis)
-
-then the output is:
-
-array([[0, 3],
-       [1, 4],
-       [2, 5]])
-
-
-
-

So, given a input tensor of shape(N, C, H, W) and the axis is {0, 2, 3, 1}, -the output tensor shape will be (N, H, W, C)

- --- - - - - - -
参数:
    -
  • x – (Tensor)The input tensor, tensors with rank at most 6 are supported -Duplicable: False Optional: False
  • -
  • axis (INTS) – (vector<int>)A list of values, and the size of the list should be the same with the input tensor rank, the tensor will permute the axes according the the values given
  • -
-
返回:

(Tensor)The output tensor

-
-
-

sigmoid_cross_entropy_with_logits

cast

-
-
-paddle.v2.fluid.layers.cast(x, dtype)
-

This function takes in the input with input_dtype -and casts it to the output_dtype as the output.

-
-

concat

-
-
-paddle.v2.fluid.layers.concat(input, axis=0)
-

Concat

-

This function concatenates the input along the axis mentioned -and returns that as the output.

- --- - - - - - - - -
参数:
    -
  • input (list) – List of tensors to be concatenated
  • -
  • axis (int) – Integer axis along which the tensors will be concatenated
  • -
-
返回:

Output variable of the concatenation

-
返回类型:

Variable

-
-

Examples

-
-

sums

-
-
-paddle.v2.fluid.layers.sums(input, out=None)
-

This function performs the sum operation on the input and returns the -result as the output.

- --- - - - - - - - -
参数:input (Variable|list) – The input tensor that has the elements -that need to be summed up.
返回:
-
The tensor type variable that has the sum of input
-
written to it.
-
-
返回类型:Variable
-

Examples

-
-

linear_chain_crf

-
-
-paddle.v2.fluid.layers.linear_chain_crf(input, label, param_attr=None)
-
-

assign

-
-
-paddle.v2.fluid.layers.embedding(input, size, is_sparse=False, param_attr=None, dtype='float32')
-

Embedding Layer

-

This layer is used to lookup a vector of IDs, provided by input, in a lookup table. -The result of this lookup is the embedding of each ID in the input.

-

All the input variables are passed in as local variables to the LayerHelper -constructor.

- --- - - - - - - - -
参数:
    -
  • input (Variable) – Input to the function
  • -
  • size (tuple|list|None) – Shape of the look up table parameter
  • -
  • is_sparse (bool) – Boolean flag that specifying whether the input is sparse
  • -
  • param_attr (ParamAttr) – Parameters for this layer
  • -
  • dtype (np.dtype|core.DataType|str) – The type of data : float32, float_16, int etc
  • -
-
返回:

The tensor variable storing the embeddings of the supplied inputs.

-
返回类型:

Variable

-
-

Examples

-
dict_size = len(dataset.ids)
-data = fluid.layers.data(name='ids', shape=[32, 32], dtype='float32')
-fc = fluid.layers.embedding(input=data, size=[dict_size, 16])
-
-
-
-

split_lod_tensor

-
-
-paddle.v2.fluid.layers.split_lod_tensor(input, mask, level=0)
-

split_lod_tensor

-

This function takes in an input that contains the complete lod information, -and takes in a mask which is used to mask certain parts of the input. -The output is the true branch and the false branch with the mask applied to -the input at a certain level in the tensor.

- --- - - - - - - - -
参数:
    -
  • input (tuple|list|None) – The input tensor that contains complete -lod information needed to construct the output.
  • -
  • mask (list) – A bool column vector which masks the input.
  • -
  • level (int) – The specific lod level to rank.
  • -
-
返回:

The true branch of tensor as per the mask applied to input. -Variable: The false branch of tensor as per the mask applied to input.

-
返回类型:

Variable

-
-

Examples

-
x = layers.data(name='x', shape=[1])
-x.persistable = True
-
-y = layers.data(name='y', shape=[1])
-y.persistable = True
-
-out_true, out_false = layers.split_lod_tensor(
-      input=x, mask=y, level=level)
-
-
-
-

merge_lod_tensor

-
-
-paddle.v2.fluid.layers.merge_lod_tensor(in_true, in_false, x, mask, level=0)
-

merge_lod_tensor

-

This function takes in an input \(x\), the True branch, the False -branch and a binary \(mask\). Using this information, this function -merges the True and False branches of the tensor into a single Output -at a certain lod level indiacted by \(level\).

- --- - - - - - - - -
参数:
    -
  • in_true (tuple|list|None) – The True branch to be merged.
  • -
  • in_false (tuple|list|None) – The False branch to be merged.
  • -
  • x (tuple|list|None) – The input tensor that contains complete -lod information needed to construct the output.
  • -
  • mask (list) – A bool column vector which masks the input.
  • -
  • level (int) – The specific lod level to rank.
  • -
-
返回:

The merged output tensor.

-
返回类型:

Variable

-
-

Examples

-
x = layers.data(
-            name='x', shape=[1], dtype='float32', stop_gradient=False)
-y = layers.data(
-      name='y', shape=[1], dtype='bool', stop_gradient=False)
-
-level = 0
-
-out_true, out_false = layers.split_lod_tensor(
-      input=x, mask=y, level=level)
-out = layers.merge_lod_tensor(
-      in_true=out_true, in_false=out_false, mask=y, x=x, level=level)
-
-
-
-

cos_sim

-
-
-paddle.v2.fluid.layers.cos_sim(X, Y, **kwargs)
-

This function performs the cosine similarity between two tensors -X and Y and returns that as the output.

-
-

cross_entropy

-
-
-paddle.v2.fluid.layers.cross_entropy(input, label, **kwargs)
-

Cross Entropy Layer

-

This layer computes the cross entropy between input and label. It supports -both standard cross-entropy and soft-label cross-entropy loss computation.

-
    -
  1. -
    One-hot cross-entropy:
    -

    soft_label = False, Label[i, 0] indicates the class index for sample i:

    -
    -\[Y[i] = -\log(X[i, Label[i]])\]
    -
    -
    -
  2. -
  3. -
    Soft-label cross-entropy:
    -

    soft_label = True, Label[i, j] indicates the soft label of class j -for sample i:

    -
    -\[Y[i] = \sum_j{-Label[i, j] * log(X[i, j])}\]
    -
    -
    -

    Please make sure that in this case the summation of each row of label -equals one.

    -
  4. -
  5. -
    One-hot cross-entropy with vecterized label:
    -

    As a special case of 2), when each row of ‘label’ has only one -non-zero element which is equal to 1, soft-label cross-entropy degenerates -to a one-hot cross-entropy with one-hot label representation.

    -
    -
    -
  6. -
- --- - - - - - - - -
参数:
    -
  • input (Variable|list) – a 2-D tensor with shape [N x D], where N is the -batch size and D is the number of classes. This input is a probability -computed by the previous operator, which is almost always the result -of a softmax operator.
  • -
  • label (Variable|list) – the ground truth which is a 2-D tensor. When -soft_label is set to False, label is a tensor<int64> with shape -[N x 1]. When soft_label is set to True, label is a -tensor<float/double> with shape [N x D].
  • -
  • soft_label (bool, via **kwargs) – a flag indicating whether to interpretate -the given labels as soft labels, default False.
  • -
-
返回:

A 2-D tensor with shape [N x 1], the cross entropy loss.

-
Raises:

ValueError – 1) the 1st dimension of input and label are not equal; 2) when soft_label == True, and the 2nd dimension of input and label are not equal; 3) when soft_label == False, and the 2nd dimension of label is not 1.

-
-

Examples

-
predict = fluid.layers.fc(input=net, size=classdim, act='softmax')
-cost = fluid.layers.cross_entropy(input=predict, label=label)
-
-
-
-

square_error_cost

-
-
-paddle.v2.fluid.layers.square_error_cost(input, label, **kwargs)
-

Square error cost layer

-

This layer accepts input predictions and target label and returns the squared error cost. -For predictions, \(X\), and target labels, \(Y\), the equation is:

-
-\[Out = (X - Y)^2\]
-

In the above equation:

-
-
    -
  • \(X\): Input predictions, a tensor.
  • -
  • \(Y\): Input labels, a tensor.
  • -
  • \(Out\): Output value, same shape with \(X\).
  • -
-
- --- - - - - - - - -
参数:
    -
  • input (Variable) – Input tensor, has predictions.
  • -
  • label (Variable) – Label tensor, has target labels.
  • -
-
返回:

The tensor variable storing the element-wise squared error difference of input and label.

-
返回类型:

Variable

-
-

Examples

-
y = layers.data(name='y', shape=[1], dtype='float32')
-y_predict = layers.data(name='y_predict', shape=[1], dtype='float32')
-cost = layers.square_error_cost(input=y_predict, label=y)
-
-
-
-

accuracy

-
-
-paddle.v2.fluid.layers.accuracy(input, label, k=1, correct=None, total=None, **kwargs)
-

This function computes the accuracy using the input and label. -The output is the top_k inputs and their indices.

-
-

sequence_conv

-
-
-paddle.v2.fluid.layers.sequence_conv(input, num_filters, filter_size=3, filter_stride=1, padding=None, bias_attr=None, param_attr=None, act=None)
-

This function creates the op for sequence_conv, using the inputs and -other convolutional configurations for the filters and stride as given -in the input parameters to the function.

-
-

conv2d

-
-
-paddle.v2.fluid.layers.conv2d(input, num_filters, filter_size, stride=None, padding=None, groups=None, param_attr=None, bias_attr=None, use_cudnn=True, act=None)
-

Convlution2D Layer

-

The convolution2D layer calculates the output based on the input, filter -and strides, paddings, dilations, groups parameters. Input(Input) and Output(Output) -are in NCHW format. Where N is batch size, C is the number of channels, H is the height -of the feature, and W is the width of the feature. -The details of convolution layer, please refer UFLDL’s convolution, . -If bias attribution and activation type are provided, bias is added to the output of the convolution, -and the corresponding activation function is applied to the final result. -For each input \(X\), the equation is:

-
-\[Out = \sigma (W \ast X + b)\]
-

In the above equation:

-
-
    -
  • \(X\): Input value, a tensor with NCHW format.
  • -
  • \(W\): Filter value, a tensor with MCHW format.
  • -
  • \(\ast\): Convolution operation.
  • -
  • \(b\): Bias value, a 2-D tensor with shape [M, 1].
  • -
  • \(\sigma\): Activation function.
  • -
  • \(Out\): Output value, the shape of \(Out\) and \(X\) may be different.
  • -
-
-

Example

-
-
Input:
-

Input shape: $(N, C_{in}, H_{in}, W_{in})$

-

Filter shape: $(C_{out}, C_{in}, H_f, W_f)$

-
-
Output:
-
Output shape: $(N, C_{out}, H_{out}, W_{out})$
-
-

Where

-
-\[\begin{split}H_{out}&= \frac{(H_{in} + 2 * paddings[0] - (dilations[0] * (H_f - 1) + 1))}{strides[0]} + 1 \\ -W_{out}&= \frac{(W_{in} + 2 * paddings[1] - (dilations[1] * (W_f - 1) + 1))}{strides[1]} + 1\end{split}\]
- --- - - - - - - - - - -
参数:
    -
  • input (Variable) – The input image with [N, C, H, W] format.
  • -
  • num_filters (int) – The number of filter. It is as same as the output -image channel.
  • -
  • filter_size (int|tuple|None) – The filter size. If filter_size is a tuple, -it must contain two integers, (filter_size_H, filter_size_W). -Otherwise, the filter will be a square.
  • -
  • stride (int|tuple) – The stride size. If stride is a tuple, it must -contain two integers, (stride_H, stride_W). Otherwise, the -stride_H = stride_W = stride. Default: stride = 1.
  • -
  • padding (int|tuple) – The padding size. If padding is a tuple, it must -contain two integers, (padding_H, padding_W). Otherwise, the -padding_H = padding_W = padding. Default: padding = 0.
  • -
  • groups (int) – The groups number of the Conv2d Layer. According to grouped -convolution in Alex Krizhevsky’s Deep CNN paper: when group=2, -the first half of the filters is only connected to the first half -of the input channels, while the second half of the filters is only -connected to the second half of the input channels. Default: groups=1
  • -
  • param_attr (ParamAttr) – The parameters to the Conv2d Layer. Default: None
  • -
  • bias_attr (ParamAttr) – Bias parameter for the Conv2d layer. Default: None
  • -
  • use_cudnn (bool) – Use cudnn kernel or not, it is valid only when the cudnn -library is installed. Default: True
  • -
  • act (str) – Activation type. Default: None
  • -
-
返回:

The tensor variable storing the convolution and non-linearity activation result.

-
返回类型:

Variable

-
Raises:

ValueError – If the shapes of input, filter_size, stride, padding and groups mismatch.

-
-

Examples

-
data = fluid.layers.data(name='data', shape=[3, 32, 32], dtype='float32')
-conv2d = fluid.layers.conv2d(input=data, num_filters=2, filter_size=3, act="relu")
-
-
-
-

sequence_pool

-
-
-paddle.v2.fluid.layers.sequence_pool(input, pool_type, **kwargs)
-

This function add the operator for sequence pooling. -It pools features of all time-steps of each instance, and is applied -on top of the input using pool_type mentioned in the parameters.

-

It supports four pool_type:

-
    -
  • average: \(Out[i] = \frac{\sum_i X_i}{N}\)
  • -
  • sum: \(Out[i] = \sum_jX_{ij}\)
  • -
  • sqrt: \(Out[i] = \frac{\sum_jX_{ij}}{\sqrt{len(X_i)}}\)
  • -
  • max: \(Out[i] = max(X_i)\)
  • -
-
x is a 1-level LoDTensor:
-  x.lod = [[0, 2, 5, 7]]
-  x.data = [1, 3, 2, 4, 6, 5, 1]
-  x.dims = [7, 1]
-
-then output is a Tensor:
-  out.dim = [3, 1]
-  with condition len(x.lod[-1]) - 1 == out.dims[0]
-
-for different pool_type:
-  average: out.data = [2, 4, 3], where 2=(1+3)/2, 4=(2+4+6)/3, 3=(5+1)/2
-  sum    : out.data = [4, 12, 6], where 4=1+3, 12=2+4+6, 6=5+1
-  sqrt   : out.data = [2.82, 6.93, 4.24], where 2.82=(1+3)/sqrt(2),
-             6.93=(2+4+6)/sqrt(3), 4.24=(5+1)/sqrt(2)
-  max    : out.data = [3, 6, 5], where 3=max(1,3), 6=max(2,4,6), 5=max(5,1)
-
-
- --- - - - - - -
参数:
    -
  • input (variable) – The input variable which is a LoDTensor.
  • -
  • pool_type (string) – The pooling type of sequence_pool. -It supports average, sum, sqrt and max.
  • -
-
返回:

The sequence pooling variable which is a Tensor.

-
-

Examples

-
x = fluid.layers.data(name='x', shape=[7, 1],
-                 dtype='float32', lod_level=1)
-avg_x = fluid.layers.sequence_pool(input=x, pool_type='average')
-sum_x = fluid.layers.sequence_pool(input=x, pool_type='sum')
-sqrt_x = fluid.layers.sequence_pool(input=x, pool_type='sqrt')
-max_x = fluid.layers.sequence_pool(input=x, pool_type='max')
-
-
-
-

sequence_first_step

-
-
-paddle.v2.fluid.layers.sequence_first_step(input, **kwargs)
-

This funciton get the first step of sequence.

-
x is a 1-level LoDTensor:
-  x.lod = [[0, 2, 5, 7]]
-  x.data = [1, 3, 2, 4, 6, 5, 1]
-  x.dims = [7, 1]
-
-then output is a Tensor:
-  out.dim = [3, 1]
-  with condition len(x.lod[-1]) - 1 == out.dims[0]
-  out.data = [1, 2, 5], where 1=first(1,3), 2=first(2,4,6), 5=first(5,1)
-
-
- --- - - - - - -
参数:input (variable) – The input variable which is a LoDTensor.
返回:The sequence’s first step variable which is a Tensor.
-

Examples

-
x = fluid.layers.data(name='x', shape=[7, 1],
-                 dtype='float32', lod_level=1)
-x_first_step = fluid.layers.sequence_first_step(input=x)
-
-
-
-

sequence_last_step

-
-
-paddle.v2.fluid.layers.sequence_last_step(input, **kwargs)
-

This funciton get the last step of sequence.

-
x is a 1-level LoDTensor:
-  x.lod = [[0, 2, 5, 7]]
-  x.data = [1, 3, 2, 4, 6, 5, 1]
-  x.dims = [7, 1]
-
-then output is a Tensor:
-  out.dim = [3, 1]
-  with condition len(x.lod[-1]) - 1 == out.dims[0]
-  out.data = [3, 6, 1], where 3=last(1,3), 6=last(2,4,6), 1=last(5,1)
-
-
- --- - - - - - -
参数:input (variable) – The input variable which is a LoDTensor.
返回:The sequence’s last step variable which is a Tensor.
-

Examples

-
x = fluid.layers.data(name='x', shape=[7, 1],
-                 dtype='float32', lod_level=1)
-x_last_step = fluid.layers.sequence_last_step(input=x)
-
-
-
-

pool2d

-
-
-paddle.v2.fluid.layers.pool2d(input, pool_size, pool_type, pool_stride=None, pool_padding=None, global_pooling=False, use_cudnn=True, name=None)
-

This function adds the operator for pooling in 2 dimensions, using the -pooling configurations mentioned in input parameters.

-
-

batch_norm

-
-
-paddle.v2.fluid.layers.batch_norm(input, act=None, is_test=False, momentum=0.9, epsilon=1e-05, param_attr=None, bias_attr=None, data_layout='NCHW', name=None)
-

This function helps create an operator to implement -the BatchNorm layer using the configurations from the input parameters.

-
-

beam_search_decode

-
-
-paddle.v2.fluid.layers.beam_search_decode(ids, scores, name=None)
-
-

lod_rank_table

-
-
-paddle.v2.fluid.layers.lod_rank_table(x, level=0)
-

LoD Rank Table Operator. Given an input variable x and a level number -of LoD, this layer creates a LodRankTable object. A LoDRankTable object -contains a list of bi-element tuples. Each tuple consists of an index and -a length, both of which are int type. Refering to specified level of LoD, -the index is the sequence index number and the length representes the -sequence length. Please note that the list is ranked in descending order by -the length. The following is an example:

-
-
x is a LoDTensor:
-    x.lod = [[0,                2, 3],
-             [0,             5, 6, 7]]
-    x.data = [a, b, c, d, e, f, g]
-
-1. set level to 0:
-    Create lod rank table:
-        lod_rank_table_obj = lod_rank_table(x, level=0)
-
-    Get:
-        lod_rank_table_obj.items() = [(0, 2), (1, 1)]
-
-2. set level to 1:
-    Create lod rank table:
-        lod_rank_table_obj = lod_rank_table(x, level=1)
-
-    Get:
-        lod_rank_table_obj.items() = [(0, 5), (1, 1), (2, 1)]
-
-
-
- --- - - - - - - - -
参数:
    -
  • x (Variable) – Input variable, a LoDTensor based which to create the lod -rank table.
  • -
  • level (int) – Specify the LoD level, on which to create the lod rank -table.
  • -
-
返回:

The created LoDRankTable object.

-
返回类型:

Variable

-
-

Examples

-
x = fluid.layers.data(name='x', shape=[10],
-                dtype='float32', lod_level=1)
-out = layers.lod_rank_table(x=x, level=0)
-
-
-
-

max_sequence_len

-
-
-paddle.v2.fluid.layers.max_sequence_len(rank_table)
-

Max Sequence Len Operator. Given a LoDRankTable object, this layer -returns the max length of a batch of sequences. In fact, a LoDRankTable -object contains a list of tuples(<sequence index, sequence length>) and -the list is already sorted by sequence length in descending order, so the -operator just returns the sequence length of the first tuple element.

- --- - - - - - - - -
参数:rank_table (Variable) – Input variable which is a LoDRankTable object.
返回:The max length of sequence.
返回类型:Variable
-

Examples

-
x = fluid.layers.data(name='x', shape=[10],
-                dtype='float32', lod_level=1)
-rank_table = layers.lod_rank_table(x=x, level=0)
-max_seq_len = layers.max_sequence_len(rank_table)
-
-
-
-

topk

-
-
-paddle.v2.fluid.layers.topk(input, k)
-

topk

-

This function performs the operation that selects the k entries in the input -vector and outputs their values and indices as vectors. Thus topk_out[j] is -the j-th largest entry in input, and its index is topk_indices[j]

- --- - - - - - - - -
参数:
    -
  • input (Variable|list) – The input tensor that has all the data.
  • -
  • k (int) – The number of top elements that the function will pick.
  • -
-
返回:

-
The variable of type array that contains the k largest entries
-

from input.

-
-
Variable: The variable of type array that contains the indices of k
-

largest entries from input.

-
-
-

-
返回类型:

Variable

-
-

Examples

-
x = fluid.layers.data(name='x', shape=[10])
-k = 5
-array = fluid.layers.topk(x, k)
-
-
-
-

lod_tensor_to_array

-
-
-paddle.v2.fluid.layers.lod_tensor_to_array(x, table)
-

Convert a LOD_TENSOR to an LOD_TENSOR_ARRAY.

- --- - - - - - - - -
参数:
    -
  • x (Variable|list) – The LOD tensor to be converted to a LOD tensor array.
  • -
  • table (ParamAttr|list) – The variable that stores the level of lod -which is ordered by sequence length in -descending order.
  • -
-
返回:

-
The variable of type array that has been converted from a
-

tensor.

-
-
-

-
返回类型:

Variable

-
-

Examples

-
x = fluid.layers.data(name='x', shape=[10])
-table = fluid.layers.lod_rank_table(x, level=0)
-array = fluid.layers.lod_tensor_to_array(x, table)
-
-
-
-

array_to_lod_tensor

-
-
-paddle.v2.fluid.layers.array_to_lod_tensor(x, table)
-

Convert a LoD_Tensor_Aarry to an LoDTensor.

- --- - - - - - - - -
参数:
    -
  • x (Variable|list) – The lod tensor array to be converted to a tensor.
  • -
  • table (ParamAttr|list) – The variable that stores the level of lod -which is ordered by sequence length in -descending order.
  • -
-
返回:

-
The variable of type tensor that has been converted
-

from an array.

-
-
-

-
返回类型:

Variable

-
-

Examples

-
x = fluid.layers.data(name='x', shape=[10])
-table = fluid.layers.lod_rank_table(x, level=0)
-array = fluid.layers.lod_tensor_to_array(x, table)
-lod_tensor = fluid.layers.array_to_lod_tensor(array, table)
-
-
-
-

fill_constant

-
-
-paddle.v2.fluid.layers.fill_constant(shape, dtype, value, force_cpu=False, out=None)
-

fill_constant

-

This function creates a tensor with specified shape and dtype, and -initializes it with a constant specifed by value.

-

The attribute stop_gradient of the created tensor is set to True.

- --- - - - - - - - -
参数:
    -
  • shape (tuple|list|None) – Shape of the output tensor.
  • -
  • dtype (np.dtype|core.DataType|str) – Data type of the output tensor.
  • -
  • value (float) – The constant value used to initialize the output tensor.
  • -
  • out (Variable) – The output tensor.
  • -
-
返回:

The tensor variable storing the output.

-
返回类型:

Variable

-
-

Examples

-
data = fluid.layers.fill_constant(shape=[1], value=0, dtype='int64')
-
-
-
-

fill_constant_batch_size_like

-
-
-paddle.v2.fluid.layers.fill_constant_batch_size_like(input, shape, dtype, value, input_dim_idx=0, output_dim_idx=0)
-

fill_constant_batch_size_like

-

This function creates a tensor of specified shape, dtype and batch size, -and initializes this with a constant supplied in value. The batch size is -obtained from the input tensor.

-

It also sets stop_gradient to True.

- --- - - - - - - - -
参数:
    -
  • input (Variable) – Tensor whose dimensions will be used to get batch size
  • -
  • shape (tuple|list|None) – Shape of output tensor
  • -
  • dtype (np.dtype|core.DataType|str) – Data type of output tensor
  • -
  • value (float) – Constant value to initialize the output tensor
  • -
  • input_dim_idx (int) – Index of input’s batch size dimension
  • -
  • output_dim_idx (int) – Index of output’s batch size dimension
  • -
-
返回:

The tensor variable storing the output

-
返回类型:

Variable

-
-

Examples

-
data = fluid.layers.fill_constant_batch_size_like(
-    input=like, shape=[1], value=0, dtype='int64')
-
-
-
-

ones

-
-
-paddle.v2.fluid.layers.ones(shape, dtype)
-

ones

-

This function creates a tensor of specified shape and -dtype, and initializes this with 1.

-

It also sets stop_gradient to True.

- --- - - - - - - - -
参数:
    -
  • shape (tuple|list|None) – Shape of output tensor
  • -
  • dtype (np.dtype|core.DataType|str) – Data type of output tensor
  • -
-
返回:

The tensor variable storing the output

-
返回类型:

Variable

-
-

Examples

-
data = fluid.layers.ones(shape=[1], dtype='int64')
-
-
-
-

zeros

-
-
-paddle.v2.fluid.layers.zeros(shape, dtype)
-

zeros

-

This function creates a tensor of specified shape and -dtype, and initializes this with 0.

-

It also sets stop_gradient to True.

- --- - - - - - - - -
参数:
    -
  • shape (tuple|list|None) – Shape of output tensor
  • -
  • dtype (np.dtype|core.DataType|str) – Data type of output tensor
  • -
-
返回:

The tensor variable storing the output

-
返回类型:

Variable

-
-

Examples

-
data = fluid.layers.zeros(shape=[1], dtype='int64')
-
-
-
-

increment

-
-
-paddle.v2.fluid.layers.increment(x, value=1.0, in_place=True)
-

This function performs an operation that increments each value in the -input \(x\) by an amount: \(value\) as mentioned in the input -parameter. This operation is performed in-place by default.

- --- - - - - - - - -
参数:
    -
  • x (Variable|list) – The tensor that has the input values.
  • -
  • value (float) – The amount by which the values should be incremented.
  • -
  • in_place (bool) – If the increment should be performed in-place.
  • -
-
返回:

-
The tensor variable storing the transformation of
-

element-wise increment of each value in the input.

-
-
-

-
返回类型:

Variable

-
-

Examples

-
data = fluid.layers.data(name='data', shape=[32, 32], dtype='float32')
-data = fluid.layers.increment(x=data, value=3.0, in_place=True)
-
-
-
-

array_write

-
-
-paddle.v2.fluid.layers.array_write(x, i, array=None)
-

This function writes the given input variable to the specified position -indicating by the arrary index to an output LOD_TENSOR_ARRAY. If the -output LOD_TENSOR_ARRAY is not given(None), a new one will be created and -returned.

- --- - - - - - - - -
参数:
    -
  • x (Variable|list) – The input tensor from which the data will be read.
  • -
  • i (Variable|list) – The index of the output LOD_TENSOR_ARRAY, pointing to -the position to which the input tensor will be -written.
  • -
  • array (Variable|list) – The output LOD_TENSOR_ARRAY to which the input -tensor will be written. If this parameter is -NONE, a new LOD_TENSOR_ARRAY will be created and -returned.
  • -
-
返回:

The output LOD_TENSOR_ARRAY where the input tensor is written.

-
返回类型:

Variable

-
-

Examples

-
-

create_array

-
-
-paddle.v2.fluid.layers.create_array(dtype)
-

This function creates an array of type \(LOD_TENSOR_ARRAY\) using the -LayerHelper.

- --- - - - - - - - -
参数:dtype (int|float) – The data type of the elements in the array.
返回:The tensor variable storing the elements of data type.
返回类型:Variable
-

Examples

-
data = fluid.layers.create_array(dtype='float32')
-
-
-
-

less_than

-
-
-paddle.v2.fluid.layers.less_than(x, y, cond=None, **ignored)
-

Less than

-

This layer returns the truth value of \(x < y\) elementwise.

- --- - - - - - - - -
参数:
    -
  • x (Variable) – First operand of less_than
  • -
  • y (Variable) – Second operand of less_than
  • -
  • cond (Variable|None) – Optional output variable to store the result of less_than
  • -
-
返回:

The tensor variable storing the output of less_than.

-
返回类型:

Variable

-
-

Examples

-
less = fluid.layers.less_than(x=label, y=limit)
-
-
-
-

array_read

-
-
-paddle.v2.fluid.layers.array_read(array, i)
-

This function performs the operation to read the data in as an -LOD_TENSOR_ARRAY. -:param array: The input tensor that will be written to an array. -:type array: Variable|list -:param i: The subscript index in tensor array, that points the

-
-
place where data will be written to.
- --- - - - - - -
返回:The tensor type variable that has the data written to it.
返回类型:Variable
-

Examples

-
-

shrink_memory

-
-
-paddle.v2.fluid.layers.shrink_memory(x, i, table)
-

This function creates an operator to shrink_rnn_memory using the RankTable -as mentioned in the input parameter.

-
-

array_length

-
-
-paddle.v2.fluid.layers.array_length(array)
-

This function performs the operation to find the length of the input -LOD_TENSOR_ARRAY.

- --- - - - - - - - -
参数:array (LOD_TENSOR_ARRAY) – The input array that will be used -to compute the length.
返回:The length of the input LoDTensorArray.
返回类型:Variable
-

Examples

-
-

conv2d_transpose

-
-
-paddle.v2.fluid.layers.conv2d_transpose(input, num_filters, output_size=None, filter_size=None, padding=None, stride=None, dilation=None, param_attr=None, use_cudnn=True, name=None)
-

The transpose of conv2d layer.

-

This layer is also known as deconvolution layer.

- --- - - - - - - - -
参数:
    -
  • input (Variable) – The input image with [N, C, H, W] format.
  • -
  • num_filters (int) – The number of filter. It is as same as the output -image channel.
  • -
  • output_size (int|tuple|None) – The output image size. If output size is a -tuple, it must contain two integers, (image_H, image_W). This -parameter only works when filter_size is None.
  • -
  • filter_size (int|tuple|None) – The filter size. If filter_size is a tuple, -it must contain two integers, (filter_size_H, filter_size_W). -Otherwise, the filter will be a square. None if use output size to -calculate filter_size
  • -
  • padding (int|tuple) – The padding size. If padding is a tuple, it must -contain two integers, (padding_H, padding_W). Otherwise, the -padding_H = padding_W = padding.
  • -
  • stride (int|tuple) – The stride size. If stride is a tuple, it must -contain two integers, (stride_H, stride_W). Otherwise, the -stride_H = stride_W = stride.
  • -
  • dilation (int|tuple) – The dilation size. If dilation is a tuple, it must -contain two integers, (dilation_H, dilation_W). Otherwise, the -dilation_H = dilation_W = dilation.
  • -
  • param_attr – Parameter Attribute.
  • -
  • use_cudnn (bool) – Use cudnn kernel or not, it is valid only when the cudnn -library is installed. Default: True
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
返回:

Output image.

-
返回类型:

Variable

-
-
-

sequence_expand

-
-
-paddle.v2.fluid.layers.sequence_expand(x, y, name=None)
-

Sequence Expand Layer. This layer will expand the input variable x -according to LoD information of y. And the following examples will -explain how sequence_expand works:

-
* Case 1
-    x is a LoDTensor:
-        x.lod = [[0,       2, 3],
-                 [0, 1,    3, 4]]
-        x.data = [a, b, c, d]
-        x.dims = [4, 1]
-
-    y is a LoDTensor:
-        y.lod = [[0,    2,    4],
-                 [0, 3, 6, 7, 8]]
-
-    with condition len(y.lod[-1]) - 1 == x.dims[0]
-
-    then output is a 2-level LoDTensor:
-        out.lod = [[0,                2,    4],
-                   [0,       3,       6, 7, 8]]
-        out.data = [a, a, a, b, b, b, c, d]
-        out.dims = [8, 1]
-
-* Case 2
-    x is a Tensor:
-        x.data = [a, b, c]
-        x.dims = [3, 1]
-
-    y is a LoDTensor:
-        y.lod = [[0, 2, 3, 6]]
-
-    with condition len(y.lod[-1]) - 1 == x.dims[0]
-
-    then output is a 1-level LoDTensor:
-        out.lod = [[0,    2, 3,      6]]
-        out.data = [a, a, b, c, c, c]
-        out.dims = [6, 1]
-
-
- --- - - - - - - - -
参数:
    -
  • x (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • y (Variable) – The input variable which is a LoDTensor.
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
返回:

The expanded variable which is a LoDTensor.

-
返回类型:

Variable

-
-

Examples

-
x = fluid.layers.data(name='x', shape=[10], dtype='float32')
-y = fluid.layers.data(name='y', shape=[10, 20],
-                 dtype='float32', lod_level=1)
-out = layers.sequence_expand(x=x, y=y)
-
-
-
-

gru_unit

-
-
-paddle.v2.fluid.layers.gru_unit(input, hidden, size, weight=None, bias=None, activation='tanh', gate_activation='sigmoid')
-

GRU unit layer. The equation of a gru step is:

-
-
-\[ \begin{align}\begin{aligned}u_t & = actGate(xu_{t} + W_u h_{t-1} + b_u)\\r_t & = actGate(xr_{t} + W_r h_{t-1} + b_r)\\m_t & = actNode(xm_t + W_c dot(r_t, h_{t-1}) + b_m)\\h_t & = dot((1-u_t), m_t) + dot(u_t, h_{t-1})\end{aligned}\end{align} \]
-
-

The inputs of gru unit includes \(z_t\), \(h_{t-1}\). In terms -of the equation above, the \(z_t\) is split into 3 parts - -\(xu_t\), \(xr_t\) and \(xm_t\). This means that in order to -implement a full GRU unit operator for an input, a fully -connected layer has to be applied, such that \(z_t = W_{fc}x_t\).

-

The terms \(u_t\) and \(r_t\) represent the update and reset gates -of the GRU cell. Unlike LSTM, GRU has one lesser gate. However, there is -an intermediate candidate hidden output, which is denoted by \(m_t\). -This layer has three outputs \(h_t\), \(dot(r_t, h_{t-1})\) -and concatenation of \(u_t\), \(r_t\) and \(m_t\).

- --- - - - - - - - -
参数:
    -
  • input (Variable) – The fc transformed input value of current step.
  • -
  • hidden (Variable) – The hidden value of lstm unit from previous step.
  • -
  • size (integer) – The input dimension value.
  • -
  • weight (ParamAttr) – The weight parameters for gru unit. Default: None
  • -
  • bias (ParamAttr) – The bias parameters for gru unit. Default: None
  • -
  • activation (string) – The activation type for cell (actNode). Default: ‘tanh’
  • -
  • gate_activation (string) – The activation type for gates (actGate). Default: ‘sigmoid’
  • -
-
返回:

The hidden value, reset-hidden value and gate values.

-
返回类型:

tuple

-
-

Examples

-
# assuming we have x_t_data and prev_hidden of size=10
-x_t = fluid.layers.fc(input=x_t_data, size=30)
-hidden_val, r_h_val, gate_val = fluid.layers.gru_unit(input=x_t,
-                                       hidden = prev_hidden)
-
-
-
-

lstm_unit

-
-
-paddle.v2.fluid.layers.lstm_unit(x_t, hidden_t_prev, cell_t_prev, forget_bias=0.0, param_attr=None, bias_attr=None, name=None)
-

Lstm unit layer. The equation of a lstm step is:

-
-
-\[ \begin{align}\begin{aligned}i_t & = \sigma(W_{x_i}x_{t} + W_{h_i}h_{t-1} + b_i)\\f_t & = \sigma(W_{x_f}x_{t} + W_{h_f}h_{t-1} + b_f)\\c_t & = f_tc_{t-1} + i_t tanh (W_{x_c}x_t + W_{h_c}h_{t-1} + b_c)\\o_t & = \sigma(W_{x_o}x_{t} + W_{h_o}h_{t-1} + b_o)\\h_t & = o_t tanh(c_t)\end{aligned}\end{align} \]
-
-

The inputs of lstm unit include \(x_t\), \(h_{t-1}\) and -\(c_{t-1}\). The 2nd dimensions of \(h_{t-1}\) and \(c_{t-1}\) -should be same. The implementation separates the linear transformation and -non-linear transformation apart. Here, we take \(i_t\) as an example. -The linear transformation is applied by calling a fc layer and the -equation is:

-
-
-\[L_{i_t} = W_{x_i}x_{t} + W_{h_i}h_{t-1} + b_i\]
-
-

The non-linear transformation is applied by calling lstm_unit_op and the -equation is:

-
-
-\[i_t = \sigma(L_{i_t})\]
-
-

This layer has two outputs including \(h_t\) and \(o_t\).

- --- - - - - - - - - - -
参数:
    -
  • x_t (Variable) – The input value of current step, a 2-D tensor with shape -M x N, M for batch size and N for input size.
  • -
  • hidden_t_prev (Variable) – The hidden value of lstm unit, a 2-D tensor -with shape M x S, M for batch size and S for size of lstm unit.
  • -
  • cell_t_prev (Variable) – The cell value of lstm unit, a 2-D tensor with -shape M x S, M for batch size and S for size of lstm unit.
  • -
  • forget_bias (float) – The forget bias of lstm unit.
  • -
  • param_attr (ParamAttr) – The attributes of parameter weights, used to set -initializer, name etc.
  • -
  • bias_attr (ParamAttr) – The attributes of bias weights, if not False, -bias weights will be created and be set to default value.
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
返回:

The hidden value and cell value of lstm unit.

-
返回类型:

tuple

-
Raises:

ValueError – The ranks of x_t, hidden_t_prev and cell_t_prev not be 2 or the 1st dimensions of x_t, hidden_t_prev and cell_t_prev not be the same or the 2nd dimensions of hidden_t_prev and cell_t_prev not be the same.

-
-

Examples

-
x_t = fluid.layers.fc(input=x_t_data, size=10)
-prev_hidden = fluid.layers.fc(input=prev_hidden_data, size=30)
-prev_cell = fluid.layers.fc(input=prev_cell_data, size=30)
-hidden_value, cell_value = fluid.layers.lstm_unit(x_t=x_t,
-                                       hidden_t_prev=prev_hidden,
-                                       cell_t_prev=prev_cell)
-
-
-
-

sequence_softmax

-
-
-paddle.v2.fluid.layers.sequence_softmax(**kwargs)
-

Sequence Softmax Operator.

-

SequenceSoftmaxOp computes the softmax activation among all time-steps for each -sequence. The dimension of each time-step should be 1. Thus, the shape of -input Tensor can be either [N, 1] or [N], where N is the sum of the length -of all sequences.

-

The algorithm works as follows:

-
-
for i-th sequence in a mini-batch:
-

$$ -Out(X[lod[i]:lod[i+1]], :) = frac{exp(X[lod[i]:lod[i+1], :])} {sum(exp(X[lod[i]:lod[i+1], :]))} -$$

-

For example, for a mini-batch of 3 sequences with variable-length, -each containing 2, 3, 2 time-steps, the lod of which is [0, 2, 5, 7], -then softmax will be computed among X[0:2, :], X[2:5, :], X[5:7, :] -and N turns out to be 7.

- --- - - - - - -
参数:x – (LoDTensor) 1-D or 2-D input LoDTensor with the 2-nd dimension of length 1. -Duplicable: False Optional: False
返回:(LoDTensor) 1-D or 2-D output LoDTensor with the 2-nd dimension of length 1.
-
-

reduce_sum

-
-
-paddle.v2.fluid.layers.reduce_sum(input, dim=None, keep_dim=False, name=None)
-

Computes the sum of tensor elements over the given dimension.

- --- - - - - - - - -
参数:
    -
  • input (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • dim (int|None) – The dimension along which the sum is performed. If -None, sum all elements of input and return a -Tensor variable with a single element, otherwise must be in the -range \([-rank(input), rank(input))\). If \(dim < 0\), -the dimension to reduce is \(rank + dim\).
  • -
  • keep_dim (bool) – Whether to reserve the reduced dimension in the -output Tensor. The result tensor will have one fewer dimension -than the input unless keep_dim is true.
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
返回:

The reduced Tensor variable.

-
返回类型:

Variable

-
-

Examples

-
# x is a Tensor variable with following elements:
-#    [[0.2, 0.3, 0.5, 0.9]
-#     [0.1, 0.2, 0.6, 0.7]]
-# Each example is followed by the correspending output tensor.
-fluid.layers.reduce_sum(x)  # [3.5]
-fluid.layers.reduce_sum(x, dim=0)  # [0.3, 0.5, 1.1, 1.6]
-fluid.layers.reduce_sum(x, dim=-1)  # [1.9, 1.6]
-fluid.layers.reduce_sum(x, dim=1, keep_dim=True)  # [[1.9], [1.6]]
-
-
-
-

reduce_mean

-
-
-paddle.v2.fluid.layers.reduce_mean(input, dim=None, keep_dim=False, name=None)
-

Computes the mean of tensor elements over the given dimension.

- --- - - - - - - - -
参数:
    -
  • input (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • dim (int|None) – The dimension along which the mean is computed. If -None, compute the mean over all elements of input -and return a Tensor variable with a single element, otherwise -must be in the range \([-rank(input), rank(input))\). If -\(dim < 0\), the dimension to reduce is \(rank + dim\).
  • -
  • keep_dim (bool) – Whether to reserve the reduced dimension in the -output Tensor. The result tensor will have one fewer dimension -than the input unless keep_dim is true.
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
返回:

The reduced Tensor variable.

-
返回类型:

Variable

-
-

Examples

-
# x is a Tensor variable with following elements:
-#    [[0.2, 0.3, 0.5, 0.9]
-#     [0.1, 0.2, 0.6, 0.7]]
-# Each example is followed by the correspending output tensor.
-fluid.layers.reduce_mean(x)  # [0.4375]
-fluid.layers.reduce_mean(x, dim=0)  # [0.15, 0.25, 0.55, 0.8]
-fluid.layers.reduce_mean(x, dim=-1)  # [0.475, 0.4]
-fluid.layers.reduce_mean(x, dim=1, keep_dim=True)  # [[0.475], [0.4]]
-
-
-
-

reduce_max

-
-
-paddle.v2.fluid.layers.reduce_max(input, dim=None, keep_dim=False, name=None)
-

Computes the maximum of tensor elements over the given dimension.

- --- - - - - - - - -
参数:
    -
  • input (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • dim (int|None) – The dimension along which the maximum is computed. -If None, compute the maximum over all elements of -input and return a Tensor variable with a single element, -otherwise must be in the range \([-rank(input), rank(input))\). -If \(dim < 0\), the dimension to reduce is \(rank + dim\).
  • -
  • keep_dim (bool) – Whether to reserve the reduced dimension in the -output Tensor. The result tensor will have one fewer dimension -than the input unless keep_dim is true.
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
返回:

The reduced Tensor variable.

-
返回类型:

Variable

-
-

Examples

-
# x is a Tensor variable with following elements:
-#    [[0.2, 0.3, 0.5, 0.9]
-#     [0.1, 0.2, 0.6, 0.7]]
-# Each example is followed by the correspending output tensor.
-fluid.layers.reduce_max(x)  # [0.9]
-fluid.layers.reduce_max(x, dim=0)  # [0.2, 0.3, 0.6, 0.9]
-fluid.layers.reduce_max(x, dim=-1)  # [0.9, 0.7]
-fluid.layers.reduce_max(x, dim=1, keep_dim=True)  # [[0.9], [0.7]]
-
-
-
-

reduce_min

-
-
-paddle.v2.fluid.layers.reduce_min(input, dim=None, keep_dim=False, name=None)
-

Computes the minimum of tensor elements over the given dimension.

- --- - - - - - - - -
参数:
    -
  • input (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • dim (int|None) – The dimension along which the minimum is computed. -If None, compute the minimum over all elements of -input and return a Tensor variable with a single element, -otherwise must be in the range \([-rank(input), rank(input))\). -If \(dim < 0\), the dimension to reduce is \(rank + dim\).
  • -
  • keep_dim (bool) – Whether to reserve the reduced dimension in the -output Tensor. The result tensor will have one fewer dimension -than the input unless keep_dim is true.
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
返回:

The reduced Tensor variable.

-
返回类型:

Variable

-
-

Examples

-
# x is a Tensor variable with following elements:
-#    [[0.2, 0.3, 0.5, 0.9]
-#     [0.1, 0.2, 0.6, 0.7]]
-# Each example is followed by the correspending output tensor.
-fluid.layers.reduce_min(x)  # [0.1]
-fluid.layers.reduce_min(x, dim=0)  # [0.1, 0.2, 0.5, 0.7]
-fluid.layers.reduce_min(x, dim=-1)  # [0.2, 0.1]
-fluid.layers.reduce_min(x, dim=1, keep_dim=True)  # [[0.2], [0.1]]
-
-
-
-

split

-
-
-paddle.v2.fluid.layers.split(input, num_or_sections, dim=-1, name=None)
-

Split the input tensor into multiple sub-tensors.

- --- - - - - - - - -
参数:
    -
  • input (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • num_or_sections (int|list) – If num_or_sections is an integer, -then the integer indicates the number of equal sized sub-tensors -that the tensor will be divided into. If num_or_sections -is a list of integers, the length of list indicates the number of -sub-tensors and the integers indicate the sizes of sub-tensors’ -dim dimension orderly.
  • -
  • dim (int) – The dimension along which to split. If \(dim < 0\), the -dimension to split along is \(rank(input) + dim\).
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
返回:

The list of segmented tensor variables.

-
返回类型:

List

-
-

Examples

-
# x is a Tensor variable with shape [3, 9, 5]:
-x0, x1, x2 = fluid.layers.split(x, num_or_sections=3, dim=1)
-x0.shape  # [3, 3, 5]
-x1.shape  # [3, 3, 5]
-x2.shape  # [3, 3, 5]
-x0, x1, x2 = fluid.layers.split(x, num_or_sections=[2, 3, 4], dim=1)
-x0.shape  # [3, 2, 5]
-x1.shape  # [3, 3, 5]
-x2.shape  # [3, 4, 5]
-
-
-
-

matmul

-
-
-paddle.v2.fluid.layers.matmul(x, y, transpose_x=False, transpose_y=False, name=None)
-

Applies matrix multiplication to two tensors. Currently, the input -tensors’ rank can be any, but when the rank of anyone inputs is -bigger than 3, this two inputs’ rank should be equal.

-

The actual behavior depends on the shapes of \(x\), \(y\) and the -flag values of transpose_x, transpose_y. Specifically:

-
    -
  • If a transpose flag is specified, the last two dimensions of the tensor -are transposed. If the tensor is rank-1 of shape \([D]\), then for -\(x\) it is treated as \([1, D]\) in nontransposed form and as -\([D, 1]\) in transposed form, whereas for \(y\) it is the -opposite: It is treated as \([D, 1]\) in nontransposed form and as -\([1, D]\) in transposed form.
  • -
  • After transpose, the two tensors are 2-D or n-D and matrix multiplication -performs in the following way.
      -
    • If both are 2-D, they are multiplied like conventional matrices.
    • -
    • If either is n-D, it is treated as a stack of matrices residing in the -last two dimensions and a batched matrix multiply supporting broadcast -applies on the two tensors.
    • -
    -
  • -
-

Also note that if the raw tensor \(x\) or \(y\) is rank-1 and -nontransposed, the prepended or appended dimension \(1\) will be -removed after matrix multiplication.

- --- - - - - - - - -
参数:
    -
  • x (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • y (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • transpose_x (bool) – Whether to transpose \(x\) before multiplication.
  • -
  • transpose_y (bool) – Whether to transpose \(y\) before multiplication.
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
返回:

The product Tensor variable.

-
返回类型:

Variable

-
-

Examples

-
# Examples to clarify shapes of the inputs and output
-# x: [B, ..., M, K], y: [B, ..., K, N]
-fluid.layers.matmul(x, y)  # out: [B, ..., M, N]
-# x: [B, M, K], y: [B, K, N]
-fluid.layers.matmul(x, y)  # out: [B, M, N]
-# x: [B, M, K], y: [K, N]
-fluid.layers.matmul(x, y)  # out: [B, M, N]
-# x: [B, M, K], y: [K]
-fluid.layers.matmul(x, y)  # out: [B, M]
-# x: [M, K], y: [K, N]
-fluid.layers.matmul(x, y)  # out: [M, N]
-# x: [K], y: [K]
-fluid.layers.matmul(x, y)  # out: [1]
-# x: [M], y: [N]
-
-fluid.layers.matmul(x, y, True, True)  # out: [M, N]
-
-
-
-

logsigmoid

-
-
-paddle.v2.fluid.layers.logsigmoid(**kwargs)
-

Logsigmoid Activation Operator

-

$$out = log frac{1}{1 + e^{-x}}$$

- --- - - - - - -
参数:x – Input of LogSigmoid operator -Duplicable: False Optional: False
返回:Output of LogSigmoid operator
-
-

exp

-
-
-paddle.v2.fluid.layers.exp(**kwargs)
-

Exp Activation Operator.

-

$out = e^x$

- --- - - - - - -
参数:x – Input of Exp operator -Duplicable: False Optional: False
返回:Output of Exp operator
-
-

relu

-
-
-paddle.v2.fluid.layers.relu(**kwargs)
-

Relu Activation Operator.

-

$out = max(x, 0)$

- --- - - - - - -
参数:x – Input of Relu operator -Duplicable: False Optional: False
返回:Output of Relu operator
-
-

tanh

-
-
-paddle.v2.fluid.layers.tanh(**kwargs)
-

Tanh Activation Operator.

-

$$out = frac{e^{x} - e^{-x}}{e^{x} + e^{-x}}$$

- --- - - - - - -
参数:x – Input of Tanh operator -Duplicable: False Optional: False
返回:Output of Tanh operator
-
-

tanh_shrink

-
-
-paddle.v2.fluid.layers.tanh_shrink(**kwargs)
-

TanhShrink Activation Operator.

-

$$out = x - frac{e^{x} - e^{-x}}{e^{x} + e^{-x}}$$

- --- - - - - - -
参数:x – Input of TanhShrink operator -Duplicable: False Optional: False
返回:Output of TanhShrink operator
-
-

softshrink

-
-
-paddle.v2.fluid.layers.softshrink(**kwargs)
-

Softshrink Activation Operator.

-

$$ -out = begin{cases}

-
-
x - lambda, text{if } x > lambda \ -x + lambda, text{if } x < -lambda \ -0, text{otherwise} -end{cases}
-

$$

- --- - - - - - -
参数:
    -
  • x – Input of Softshrink operator -Duplicable: False Optional: False
  • -
  • lambda (FLOAT) – non-negative offset
  • -
-
返回:

Output of Softshrink operator

-
-
-

sqrt

-
-
-paddle.v2.fluid.layers.sqrt(**kwargs)
-

Sqrt Activation Operator.

-

$out = sqrt{x}$

- --- - - - - - -
参数:x – Input of Sqrt operator -Duplicable: False Optional: False
返回:Output of Sqrt operator
-
-

abs

-
-
-paddle.v2.fluid.layers.abs(**kwargs)
-

Abs Activation Operator.

-

$out = |x|$

- --- - - - - - -
参数:x – Input of Abs operator -Duplicable: False Optional: False
返回:Output of Abs operator
-
-

ceil

-
-
-paddle.v2.fluid.layers.ceil(**kwargs)
-

Ceil Activation Operator.

-

$out = ceil(x)$

- --- - - - - - -
参数:x – Input of Ceil operator -Duplicable: False Optional: False
返回:Output of Ceil operator
-
-

floor

-
-
-paddle.v2.fluid.layers.floor(**kwargs)
-

Floor Activation Operator.

-

$out = floor(x)$

- --- - - - - - -
参数:x – Input of Floor operator -Duplicable: False Optional: False
返回:Output of Floor operator
-
-

round

-
-
-paddle.v2.fluid.layers.round(**kwargs)
-

Round Activation Operator.

-

$out = [x]$

- --- - - - - - -
参数:x – Input of Round operator -Duplicable: False Optional: False
返回:Output of Round operator
-
-

reciprocal

-
-
-paddle.v2.fluid.layers.reciprocal(**kwargs)
-

Reciprocal Activation Operator.

-

$$out = frac{1}{x}$$

- --- - - - - - -
参数:x – Input of Reciprocal operator -Duplicable: False Optional: False
返回:Output of Reciprocal operator
-
-

log

-
-
-paddle.v2.fluid.layers.log(**kwargs)
-

Log Activation Operator.

-

$out = ln(x)$

-

Natural logarithm of x.

- --- - - - - - -
参数:x – Input of Log operator -Duplicable: False Optional: False
返回:Output of Log operator
-
-

square

-
-
-paddle.v2.fluid.layers.square(**kwargs)
-

Square Activation Operator.

-

$out = x^2$

- --- - - - - - -
参数:x – Input of Square operator -Duplicable: False Optional: False
返回:Output of Square operator
-
-

softplus

-
-
-paddle.v2.fluid.layers.softplus(**kwargs)
-

Softplus Activation Operator.

-

$out = ln(1 + e^{x})$

- --- - - - - - -
参数:x – Input of Softplus operator -Duplicable: False Optional: False
返回:Output of Softplus operator
-
-

softsign

-
-
-paddle.v2.fluid.layers.softsign(**kwargs)
-

Softsign Activation Operator.

-

$$out = frac{x}{1 + |x|}$$

- --- - - - - - -
参数:x – Input of Softsign operator -Duplicable: False Optional: False
返回:Output of Softsign operator
-
-

brelu

-
-
-paddle.v2.fluid.layers.brelu(**kwargs)
-

BRelu Activation Operator.

-

$out = max(min(x, t_{min}), t_{max})$

- --- - - - - - -
参数:
    -
  • x – Input of BRelu operator -Duplicable: False Optional: False
  • -
  • t_min (FLOAT) – The min marginal value of BRelu
  • -
  • t_max (FLOAT) – The max marginal value of BRelu
  • -
-
返回:

Output of BRelu operator

-
-
-

leaky_relu

-
-
-paddle.v2.fluid.layers.leaky_relu(**kwargs)
-

LeakyRelu Activation Operator.

-

$out = max(x, alpha * x)$

- --- - - - - - -
参数:
    -
  • x – Input of LeakyRelu operator -Duplicable: False Optional: False
  • -
  • alpha (FLOAT) – The small negative slope
  • -
-
返回:

Output of LeakyRelu operator

-
-
-

soft_relu

-
-
-paddle.v2.fluid.layers.soft_relu(**kwargs)
-

SoftRelu Activation Operator.

-

$out = ln(1 + exp(max(min(x, threshold), threshold))$

- --- - - - - - -
参数:
    -
  • x – Input of SoftRelu operator -Duplicable: False Optional: False
  • -
  • threshold (FLOAT) – The threshold value of SoftRelu
  • -
-
返回:

Output of SoftRelu operator

-
-
-

elu

-
-
-paddle.v2.fluid.layers.elu(**kwargs)
-

ELU Activation Operator.

-

Applies the following element-wise computation on the input according to -https://arxiv.org/abs/1511.07289.

-

$out = max(0, x) + min(0, alpha * (e^x - 1))$

- --- - - - - - -
参数:
    -
  • x – Input of ELU operator -Duplicable: False Optional: False
  • -
  • alpha (FLOAT) – The alpha value of ELU
  • -
-
返回:

Output of ELU operator

-
-
-

relu6

-
-
-paddle.v2.fluid.layers.relu6(**kwargs)
-

Relu6 Activation Operator.

-

$out = min(max(0, x), 6)$

- --- - - - - - -
参数:
    -
  • x – Input of Relu6 operator -Duplicable: False Optional: False
  • -
  • threshold (FLOAT) – The threshold value of Relu6
  • -
-
返回:

Output of Relu6 operator

-
-
-

pow

-
-
-paddle.v2.fluid.layers.pow(**kwargs)
-

Pow Activation Operator.

-

$out = x^{factor}$

- --- - - - - - -
参数:
    -
  • x – Input of Pow operator -Duplicable: False Optional: False
  • -
  • factor (FLOAT) – The exponential factor of Pow
  • -
-
返回:

Output of Pow operator

-
-
-

hard_shrink

-
-
-paddle.v2.fluid.layers.hard_shrink(**kwargs)
-

HardShrink Activation Operator.

-

$$ -out = begin{cases}

-
-
x, text{if } x > lambda \ -x, text{if } x < -lambda \ -0, text{otherwise} -end{cases}
-

$$

- --- - - - - - -
参数:
    -
  • x – Input of HardShrink operator -Duplicable: False Optional: False
  • -
  • threshold (FLOAT) – The value of threshold for HardShrink
  • -
-
返回:

Output of HardShrink operator

-
-
-

thresholded_relu

-
-
-paddle.v2.fluid.layers.thresholded_relu(**kwargs)
-

ThresholdedRelu Activation Operator.

-

$$ -out = begin{cases}

-
-
x, text{if } x > threshold \ -0, text{otherwise} -end{cases}
-

$$

- --- - - - - - -
参数:
    -
  • x – Input of ThresholdedRelu operator -Duplicable: False Optional: False
  • -
  • threshold (FLOAT) – The threshold location of activation
  • -
-
返回:

Output of ThresholdedRelu operator

-
-
-

hard_sigmoid

-
-
-paddle.v2.fluid.layers.hard_sigmoid(**kwargs)
-

HardSigmoid Activation Operator.

-

Segment-wise linear approximation of sigmoid(https://arxiv.org/abs/1603.00391), -which is much faster than sigmoid.

-

$out = max(0, min(1, slope * x + shift))$

-

The slope should be positive. The offset can be either positive or negative. -The default slope and shift are set according to the above reference. -It is recommended to use the defaults for this activation.

- --- - - - - - -
参数:
    -
  • x – Input of HardSigmoid operator -Duplicable: False Optional: False
  • -
  • slope (FLOAT) – Slope for linear approximation of sigmoid
  • -
  • offset (FLOAT) – Offset for linear approximation of sigmoid
  • -
-
返回:

Output of HardSigmoid operator

-
-
-

swish

-
-
-paddle.v2.fluid.layers.swish(**kwargs)
-

Swish Activation Operator.

-

$$out = frac{x}{1 + e^{- beta x}}$$

- --- - - - - - -
参数:
    -
  • x – Input of Swish operator -Duplicable: False Optional: False
  • -
  • beta (FLOAT) – Constant beta of swish operator
  • -
-
返回:

Output of Swish operator

-
-
-

l2_normalize

-
-
-paddle.v2.fluid.layers.l2_normalize(x, axis, epsilon=1e-12, name=None)
-

L2 normalize Layer

-

The l2 normalize layer normalizes x along dimension axis using an L2 -norm. For a 1-D tensor (dim is fixed to 0), this layer computes

-

output = x / sqrt(max(sum(x**2), epsilon))

-

For x with more dimensions, this layer independently normalizes each 1-D -slice along dimension axis.

- --- - - - - - - - -
参数:
    -
  • x (Variable|list) – The input tensor to l2_normalize layer.
  • -
  • axis (int) – Dimension along which to normalize the input.
  • -
  • epsilon (float) – A lower bound value for x‘s l2 norm. sqrt(epsilon) will -be used as the divisor if the l2 norm of x is less than -sqrt(epsilon).
  • -
  • name (str|None) – A name for this layer(optional). If set None, the layer -will be named automatically.
  • -
-
返回:

The output tensor variable.

-
返回类型:

Variable

-
-

Examples

-
data = fluid.layers.data(name="data",
-                         shape=(3, 17, 13),
-                         dtype="float32")
-fc = fluid.layers.l2_normalize(x=data, axis=1)
-
-
-
-

sequence_reshape

-
-
-paddle.v2.fluid.layers.sequence_reshape(input, new_dim)
-

Sequence Reshape Layer

-

This layer will rearrange the input sequences. The new dimension is set by -user. Length of each sequence is computed according to original length, -original dimension and new dimension. The following example will help to -illustrate the function of this layer:

-
x is a LoDTensor:
-    x.lod  = [[0, 2, 6]]
-    x.data = [[1, 2], [3, 4],
-              [5, 6], [7, 8], [9, 10], [11, 12]]
-    x.dims = [6, 2]
-
-set new_dim = 4
-
-then out is a LoDTensor:
-    out.lod  = [[0, 1, 3]]
-    out.data = [[1, 2, 3, 4],
-                [5, 6, 7, 8], [9, 10, 11, 12]]
-    out.dims = [3, 4]
-
-
-

Currently, only 1-level LoDTensor is supported and please make sure -(original length * original dimension) can be divided by new dimension with -no remainder for each sequence.

- --- - - - - - - - -
参数:
    -
  • input (Variable) – (LodTensor, default: LoDTensor<float>), a 2-D LoDTensor -with shape being [N, M] where M for dimension.
  • -
  • new_dim (int) – New dimension which the input LoDTensor is reshaped to.
  • -
-
返回:

Reshaped LoDTensor according to new dimension.

-
返回类型:

Variable

-
-

Examples

-
x = fluid.layers.data(name='x', shape=[5, 20],
-                  dtype='float32', lod_level=1)
-x_reshaped = layers.sequence_reshape(input=x, new_dim=10)
-
-
-
-
diff --git a/develop/doc_cn/api/v2/fluid/nets.html b/develop/doc_cn/api/v2/fluid/nets.html index e03a8acec3f4acc6334f7921fe19bb8807a8afa5..37bb78c92ae9c5a641035c6afa03d3713d23ace1 100644 --- a/develop/doc_cn/api/v2/fluid/nets.html +++ b/develop/doc_cn/api/v2/fluid/nets.html @@ -239,118 +239,18 @@

Nets

simple_img_conv_pool

-
-
-paddle.v2.fluid.nets.simple_img_conv_pool(input, num_filters, filter_size, pool_size, pool_stride, act, param_attr=None, pool_type='max', use_cudnn=True)
-
-

img_conv_group

-
-
-paddle.v2.fluid.nets.img_conv_group(input, conv_num_filter, pool_size, conv_padding=1, conv_filter_size=3, conv_act=None, param_attr=None, conv_with_batchnorm=False, conv_batchnorm_drop_rate=None, pool_stride=1, pool_type=None, use_cudnn=True)
-

Image Convolution Group, Used for vgg net.

-
-

sequence_conv_pool

-
-
-paddle.v2.fluid.nets.sequence_conv_pool(input, num_filters, filter_size, param_attr=None, act='sigmoid', pool_type='max')
-
-

glu

-
-
-paddle.v2.fluid.nets.glu(input, dim=-1)
-

The gated linear unit composed by split, sigmoid activation and elementwise -multiplication. Specifically, Split the input into two equal sized parts -\(a\) and \(b\) along the given dimension and then compute as -following:

-
-
-\[{GLU}(a, b)= a \otimes \sigma(b)\]
-
-

Refer to Language Modeling with Gated Convolutional Networks.

- --- - - - - - - - -
参数:
    -
  • input (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • dim (int) – The dimension along which to split. If \(dim < 0\), the -dimension to split along is \(rank(input) + dim\).
  • -
-
返回:

The Tensor variable with half the size of input.

-
返回类型:

Variable

-
-

Examples

-
# x is a Tensor variable with shape [3, 6, 9]
-fluid.nets.glu(input=x, dim=1)  # shape of output: [3, 3, 9]
-
-
-
-

dot_product_attention

-
-
-paddle.v2.fluid.nets.dot_product_attention(querys, keys, values)
-

The dot-product attention.

-

Attention mechanism can be seen as mapping a query and a set of key-value -pairs to an output. The output is computed as a weighted sum of the values, -where the weight assigned to each value is computed by a compatibility -function (dot-product here) of the query with the corresponding key.

-

The dot-product attention can be implemented through (batch) matrix -multipication as follows:

-
-
-\[Attention(Q, K, V)= softmax(QK^\mathrm{T})V\]
-
-

Refer to Attention Is All You Need.

-

Note that batch data containing sequences with different lengths is not -supported by this because of the (batch) matrix multipication.

- --- - - - - - - - -
参数:
    -
  • query (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • key (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
  • value (Variable) – The input variable which is a Tensor or LoDTensor.
  • -
-
返回:

The Tensor variables representing the output and attention scores.

-
返回类型:

tuple

-
-

Examples

-
# Suppose q, k, v are tensor variables with the following shape:
-# q: [3, 5, 9], k: [3, 6, 9], v: [3, 6, 10]
-out, attn_scores = fluid.nets.dot_product_attention(q, k, v)
-out.shape  # [3, 5, 10]
-attn_scores.shape  # [3, 5, 6]
-
-
-
-
diff --git a/develop/doc_cn/api/v2/fluid/optimizer.html b/develop/doc_cn/api/v2/fluid/optimizer.html index 61295441576cedb6f16cba2a8d6e280c4b730f20..a54e5d64d5c0abf38549205a92241432f8402f6f 100644 --- a/develop/doc_cn/api/v2/fluid/optimizer.html +++ b/develop/doc_cn/api/v2/fluid/optimizer.html @@ -239,105 +239,24 @@

Optimizer

Optimizer

-
-
-class paddle.v2.fluid.optimizer.Optimizer(global_step=None, regularization=None)
-

Optimizer Base class.

-

Define the common interface of an optimizer. -User should not use this class directly, -but need to use one of it’s implementation.

-
-
-create_optimization_pass(parameters_and_grads, loss, startup_program=None)
-

Add optimization operators to update gradients to variables.

- --- - - - - - - - -
参数:
    -
  • loss – the target that this optimization is for.
  • -
  • parameters_and_grads – a list of (variable, gradient) pair to update.
  • -
-
返回:

a list of operators that will complete one step of -optimization. This will include parameter update ops, global step -update ops and any other custom ops required by subclasses to manage -their internal state. -:param startup_program:

-
返回类型:

return_op_list

-
-
- -
-
-minimize(loss, startup_program=None, parameter_list=None, no_grad_set=None)
-

Add operations to minimize loss by updating parameter_list.

-

This method combines interface append_backward() and -create_optimization_pass() into one.

-
- -
-

SGDOptimizer

-
-
-class paddle.v2.fluid.optimizer.SGDOptimizer(learning_rate, **kwargs)
-

Simple SGD optimizer without any state.

-
-

MomentumOptimizer

-
-
-class paddle.v2.fluid.optimizer.MomentumOptimizer(learning_rate, momentum, use_nesterov=False, **kwargs)
-

Simple Momentum optimizer with velocity state

-
-

AdagradOptimizer

-
-
-class paddle.v2.fluid.optimizer.AdagradOptimizer(learning_rate, epsilon=1e-06, **kwargs)
-

Simple Adagrad optimizer with moment state

-
-

AdamOptimizer

-
-
-class paddle.v2.fluid.optimizer.AdamOptimizer(learning_rate=0.001, beta1=0.9, beta2=0.999, epsilon=1e-08, **kwargs)
-

Implements the Adam Optimizer

-
-

AdamaxOptimizer

-
-
-class paddle.v2.fluid.optimizer.AdamaxOptimizer(learning_rate=0.001, beta1=0.9, beta2=0.999, epsilon=1e-08, **kwargs)
-

Implements the Adamax Optimizer

-
-

DecayedAdagradOptimizer

-
-
-class paddle.v2.fluid.optimizer.DecayedAdagradOptimizer(learning_rate, decay=0.95, epsilon=1e-06, **kwargs)
-

Simple Decayed Adagrad optimizer with moment state

-
-
diff --git a/develop/doc_cn/api/v2/fluid/profiler.html b/develop/doc_cn/api/v2/fluid/profiler.html index 88a35e02d068179b1f1db84cb3744cb1e98a805e..e8a9c75f2e0f0c08defe28ca4b672415585ca8c9 100644 --- a/develop/doc_cn/api/v2/fluid/profiler.html +++ b/develop/doc_cn/api/v2/fluid/profiler.html @@ -239,35 +239,6 @@

Profiler

Profiler

-
-
-paddle.v2.fluid.profiler.cuda_profiler(*args, **kwds)
-

The CUDA profiler. -This fuctions is used to profile CUDA program by CUDA runtime application -programming interface. The profiling result will be written into -output_file with Key-Value pair format or Comma separated values format. -The user can set the output mode by output_mode argument and set the -counters/options for profiling by config argument. The default config -is [‘gpustarttimestamp’, ‘gpustarttimestamp’, ‘gridsize3d’, -‘threadblocksize’, ‘streamid’, ‘enableonstart 0’, ‘conckerneltrace’].

- --- - - - -
参数:
    -
  • output_file (string) – The output file name, the result will be -written into this file.
  • -
  • output_mode (string) – The output mode has Key-Value pair format and -Comma separated values format. It should be ‘kvp’ or ‘csv’.
  • -
  • config (list of string) – The profiler options and counters can refer -to “Compute Command Line Profiler User Guide”.
  • -
-
-
-
diff --git a/develop/doc_cn/api/v2/fluid/regularizer.html b/develop/doc_cn/api/v2/fluid/regularizer.html index e88ceb3a4aa1a7bfc99cc147bc68b95084235743..4780357cf502ac23d287f03d9f30948e0153c297 100644 --- a/develop/doc_cn/api/v2/fluid/regularizer.html +++ b/develop/doc_cn/api/v2/fluid/regularizer.html @@ -239,36 +239,12 @@

Regularizer

WeightDecayRegularizer

-
-
-class paddle.v2.fluid.regularizer.WeightDecayRegularizer
-

Base class for weight decay regularizers

-

Defines the common interface of weight-decay regularizers. -Weight-decay regularizers are added only during the backward -pass for faster regularization. They add operations to the network -that correspond to gradient of the regularization function. -Users should not use this class directly, but need to use one -of its implementations

-
-

L2DecayRegularizer

-
-
-class paddle.v2.fluid.regularizer.L2DecayRegularizer(regularization_coeff=0.0)
-

Implements the L2 Weight Decay Regularization

-
-
-
-

L1DecayRegularizer

-
-
-class paddle.v2.fluid.regularizer.L1DecayRegularizer(regularization_coeff=0.0)
-

Implements the L1 Weight Decay Regularization

-
- +
+

L1DecayRegularizer

diff --git a/develop/doc_cn/genindex.html b/develop/doc_cn/genindex.html index 60c09dc632e641d2ec64a6e551534a5bd7a3b508..1ad0423105ecef6ee818be9ff16a5fa1027ef1fa 100644 --- a/develop/doc_cn/genindex.html +++ b/develop/doc_cn/genindex.html @@ -236,7 +236,6 @@ B | C | L - | M | P | R | S @@ -262,14 +261,12 @@

L

- +
-

M

- - -
-

P

- - - -
  • paddle.v2.image (模块)
  • @@ -313,10 +298,6 @@ -
    diff --git a/develop/doc_cn/objects.inv b/develop/doc_cn/objects.inv index 9b219d0a6c977fe9d34b0809161ea36aad8397b3..20b605d26b7d5c96649b2c9f9034b5db626be464 100644 Binary files a/develop/doc_cn/objects.inv and b/develop/doc_cn/objects.inv differ diff --git a/develop/doc_cn/py-modindex.html b/develop/doc_cn/py-modindex.html index 9148451062ba84aaa7c222da2a36a4e06ecf1082..38fa1f0d400501f481fe777243ba5d30e96290cc 100644 --- a/develop/doc_cn/py-modindex.html +++ b/develop/doc_cn/py-modindex.html @@ -248,11 +248,6 @@
paddle
    - paddle.v2.fluid.regularizer -
    diff --git a/develop/doc_cn/searchindex.js b/develop/doc_cn/searchindex.js index 7bbe4bc4c8408d08e63decd4d29741bcbff76cdd..b72680536dec12cd2a2ad950a7860f7f85336005 100644 --- a/develop/doc_cn/searchindex.js +++ b/develop/doc_cn/searchindex.js @@ -1 +1 @@ -Search.setIndex({docnames:["api/index_cn","api/v1/data_provider/dataprovider_cn","api/v1/data_provider/pydataprovider2_cn","api/v1/index_cn","api/v1/predict/swig_py_paddle_cn","api/v2/config/activation","api/v2/config/attr","api/v2/config/evaluators","api/v2/config/layer","api/v2/config/networks","api/v2/config/optimizer","api/v2/config/pooling","api/v2/data","api/v2/data/data_reader","api/v2/data/dataset","api/v2/data/image","api/v2/fluid","api/v2/fluid/data_feeder","api/v2/fluid/evaluator","api/v2/fluid/executor","api/v2/fluid/initializer","api/v2/fluid/io","api/v2/fluid/layers","api/v2/fluid/nets","api/v2/fluid/optimizer","api/v2/fluid/param_attr","api/v2/fluid/profiler","api/v2/fluid/regularizer","api/v2/model_configs","api/v2/run_logic","design/api","design/auto_gradient_check","design/backward","design/block","design/build_system/README","design/cluster_train/README","design/cluster_train/checkpointing","design/cluster_train/data_dispatch","design/cluster_train/large_model_dist_train","design/cluster_train/master_server","design/cluster_train/pserver_client","design/cluster_train/remote_parameter_updater","design/cluster_train/save_model","design/cluster_train/submit-job","design/concurrent_programming","design/dist_refactor/distributed_architecture","design/dist_refactor/multi_cpu","design/dist_refactor/parameter_server","design/error_clip","design/evaluator","design/executor","design/file_manager/README","design/file_manager/pfs/pfsclient","design/float16","design/fluid","design/fluid_compiler","design/functions_operators_layers","design/gan_api","design/graph","design/graph_survey","design/if_else_op","design/infer_var_type","design/kernel_hint_design","design/memory_optimization","design/mkl/mkl_packed","design/mkl/mkldnn","design/mkl/mkldnn_fluid","design/model_format","design/multi_language_interface/00.why_plain_c","design/multi_language_interface/01.inference_implementation","design/operator_kernel_type","design/ops/rnn","design/ops/sequence_decoder","design/optimizer","design/paddle_nccl","design/parameter_average","design/parameters_in_cpp","design/profiler","design/program","design/prune","design/python_api","design/reader/README","design/refactorization","design/register_grad_op","design/regularization","design/releasing_process","design/scope","design/selected_rows","design/simple_op_design","design/support_new_device","design/switch_kernel","design/tensor_array","design/var_desc","faq/build_and_install/index_cn","faq/cluster/index_cn","faq/index_cn","faq/local/index_cn","faq/model/index_cn","faq/parameter/index_cn","getstarted/build_and_install/build_from_source_cn","getstarted/build_and_install/docker_install_cn","getstarted/build_and_install/index_cn","getstarted/build_and_install/pip_install_cn","getstarted/concepts/use_concepts_cn","getstarted/index_cn","howto/deep_model/rnn/hierarchical_layer_cn","howto/deep_model/rnn/hrnn_rnn_api_compare_cn","howto/deep_model/rnn/index_cn","howto/deep_model/rnn/recurrent_group_cn","howto/deep_model/rnn/rnn_config_cn","howto/dev/build_cn","howto/dev/contribute_to_paddle_cn","howto/dev/new_layer_cn","howto/dev/new_op_cn","howto/dev/use_eigen_cn","howto/dev/write_docs_cn","howto/index_cn","howto/optimization/cpu_profiling","howto/optimization/cpu_profiling_cn","howto/optimization/gpu_profiling_cn","howto/read_source","howto/usage/capi/compile_paddle_lib_cn","howto/usage/capi/index_cn","howto/usage/capi/organization_of_the_inputs_cn","howto/usage/capi/workflow_of_capi_cn","howto/usage/cluster/cluster_train_cn","howto/usage/cluster/fabric_cn","howto/usage/cluster/k8s_aws_cn","howto/usage/cluster/k8s_cn","howto/usage/cluster/k8s_distributed_cn","howto/usage/cluster/openmpi_cn","howto/usage/cluster/src/k8s_data/README","howto/usage/cluster/src/k8s_train/README","howto/usage/cmd_parameter/arguments_cn","howto/usage/cmd_parameter/detail_introduction_cn","howto/usage/cmd_parameter/index_cn","howto/usage/cmd_parameter/use_case_cn","index_cn","mobile/cross_compiling_for_android_cn","mobile/cross_compiling_for_ios_cn","mobile/cross_compiling_for_raspberry_cn","mobile/index_cn","survey/cluster_bootstrapping_tools"],envversion:50,filenames:["api/index_cn.rst","api/v1/data_provider/dataprovider_cn.rst","api/v1/data_provider/pydataprovider2_cn.rst","api/v1/index_cn.rst","api/v1/predict/swig_py_paddle_cn.rst","api/v2/config/activation.rst","api/v2/config/attr.rst","api/v2/config/evaluators.rst","api/v2/config/layer.rst","api/v2/config/networks.rst","api/v2/config/optimizer.rst","api/v2/config/pooling.rst","api/v2/data.rst","api/v2/data/data_reader.rst","api/v2/data/dataset.rst","api/v2/data/image.rst","api/v2/fluid.rst","api/v2/fluid/data_feeder.rst","api/v2/fluid/evaluator.rst","api/v2/fluid/executor.rst","api/v2/fluid/initializer.rst","api/v2/fluid/io.rst","api/v2/fluid/layers.rst","api/v2/fluid/nets.rst","api/v2/fluid/optimizer.rst","api/v2/fluid/param_attr.rst","api/v2/fluid/profiler.rst","api/v2/fluid/regularizer.rst","api/v2/model_configs.rst","api/v2/run_logic.rst","design/api.md","design/auto_gradient_check.md","design/backward.md","design/block.md","design/build_system/README.md","design/cluster_train/README.md","design/cluster_train/checkpointing.md","design/cluster_train/data_dispatch.md","design/cluster_train/large_model_dist_train.md","design/cluster_train/master_server.md","design/cluster_train/pserver_client.md","design/cluster_train/remote_parameter_updater.md","design/cluster_train/save_model.md","design/cluster_train/submit-job.md","design/concurrent_programming.md","design/dist_refactor/distributed_architecture.md","design/dist_refactor/multi_cpu.md","design/dist_refactor/parameter_server.md","design/error_clip.md","design/evaluator.md","design/executor.md","design/file_manager/README.md","design/file_manager/pfs/pfsclient.md","design/float16.md","design/fluid.md","design/fluid_compiler.md","design/functions_operators_layers.md","design/gan_api.md","design/graph.md","design/graph_survey.md","design/if_else_op.md","design/infer_var_type.md","design/kernel_hint_design.md","design/memory_optimization.md","design/mkl/mkl_packed.md","design/mkl/mkldnn.md","design/mkl/mkldnn_fluid.md","design/model_format.md","design/multi_language_interface/00.why_plain_c.md","design/multi_language_interface/01.inference_implementation.md","design/operator_kernel_type.md","design/ops/rnn.md","design/ops/sequence_decoder.md","design/optimizer.md","design/paddle_nccl.md","design/parameter_average.md","design/parameters_in_cpp.md","design/profiler.md","design/program.md","design/prune.md","design/python_api.md","design/reader/README.md","design/refactorization.md","design/register_grad_op.md","design/regularization.md","design/releasing_process.md","design/scope.md","design/selected_rows.md","design/simple_op_design.md","design/support_new_device.md","design/switch_kernel.md","design/tensor_array.md","design/var_desc.md","faq/build_and_install/index_cn.rst","faq/cluster/index_cn.rst","faq/index_cn.rst","faq/local/index_cn.rst","faq/model/index_cn.rst","faq/parameter/index_cn.rst","getstarted/build_and_install/build_from_source_cn.rst","getstarted/build_and_install/docker_install_cn.rst","getstarted/build_and_install/index_cn.rst","getstarted/build_and_install/pip_install_cn.rst","getstarted/concepts/use_concepts_cn.rst","getstarted/index_cn.rst","howto/deep_model/rnn/hierarchical_layer_cn.rst","howto/deep_model/rnn/hrnn_rnn_api_compare_cn.rst","howto/deep_model/rnn/index_cn.rst","howto/deep_model/rnn/recurrent_group_cn.md","howto/deep_model/rnn/rnn_config_cn.rst","howto/dev/build_cn.md","howto/dev/contribute_to_paddle_cn.md","howto/dev/new_layer_cn.rst","howto/dev/new_op_cn.md","howto/dev/use_eigen_cn.md","howto/dev/write_docs_cn.rst","howto/index_cn.rst","howto/optimization/cpu_profiling.md","howto/optimization/cpu_profiling_cn.md","howto/optimization/gpu_profiling_cn.rst","howto/read_source.md","howto/usage/capi/compile_paddle_lib_cn.md","howto/usage/capi/index_cn.rst","howto/usage/capi/organization_of_the_inputs_cn.md","howto/usage/capi/workflow_of_capi_cn.md","howto/usage/cluster/cluster_train_cn.md","howto/usage/cluster/fabric_cn.md","howto/usage/cluster/k8s_aws_cn.md","howto/usage/cluster/k8s_cn.md","howto/usage/cluster/k8s_distributed_cn.md","howto/usage/cluster/openmpi_cn.md","howto/usage/cluster/src/k8s_data/README.md","howto/usage/cluster/src/k8s_train/README.md","howto/usage/cmd_parameter/arguments_cn.md","howto/usage/cmd_parameter/detail_introduction_cn.md","howto/usage/cmd_parameter/index_cn.rst","howto/usage/cmd_parameter/use_case_cn.md","index_cn.rst","mobile/cross_compiling_for_android_cn.md","mobile/cross_compiling_for_ios_cn.md","mobile/cross_compiling_for_raspberry_cn.md","mobile/index_cn.rst","survey/cluster_bootstrapping_tools.md"],objects:{"paddle.v2":{image:[15,1,0,"-"]},"paddle.v2.fluid":{regularizer:[27,1,0,"-"]},"paddle.v2.fluid.evaluator.Evaluator":{metrics:[18,0,1,""],states:[18,0,1,""]},"paddle.v2.fluid.regularizer":{L1DecayRegularizer:[27,2,1,""]},"paddle.v2.image":{batch_images_from_tar:[15,3,1,""],center_crop:[15,3,1,""],left_right_flip:[15,3,1,""],load_and_transform:[15,3,1,""],load_image:[15,3,1,""],load_image_bytes:[15,3,1,""],random_crop:[15,3,1,""],resize_short:[15,3,1,""],simple_transform:[15,3,1,""],to_chw:[15,3,1,""]}},objnames:{"0":["py","attribute","Python \u5c5e\u6027"],"1":["py","module","Python \u6a21\u5757"],"2":["py","class","Python \u7c7b"],"3":["py","function","Python \u51fd\u6570"]},objtypes:{"0":"py:attribute","1":"py:module","2":"py:class","3":"py:function"},terms:{"000\u5f20\u7070\u5ea6\u56fe\u7247\u7684\u6570\u5b57\u5206\u7c7b\u6570\u636e\u96c6":2,"00186201e":4,"00m":119,"01org":93,"03m":119,"0424m":119,"0473v3":9,"04\u4ee5\u4e0a":102,"04\u4ee5\u53camaco":104,"055ee37d":127,"0630u":119,"06u":119,"0810u":119,"08823112e":4,"0957m":119,"0\u53f7\u8bad\u7ec3\u8282\u70b9\u662f\u4e3b\u8bad\u7ec3\u8282\u70b9":134,"0\u5c42\u5e8f\u5217":105,"0_cudnn5":99,"0_cudnn5_avx_mkl":[100,102],"0_cudnn7_avx_mkl":102,"0ab":8,"0rc1":85,"0rc2":85,"0x10f256d50":59,"0x7ffe4de00110":59,"100gi":127,"100m":96,"10g":43,"1150u":119,"11\u5b9e\u73b0\u4e86c":69,"11e6":128,"12194102e":4,"124n":119,"12\u4ee5\u4e0a":102,"12\u64cd\u4f5c\u7cfb\u7edf":93,"12gb":63,"13m":128,"1490u":119,"14\u7248\u672c\u4ee5\u4e0a\u7684":140,"14\u8fd9\u79cd\u5199\u6cd5\u5c06\u4f1a\u6d4b\u8bd5\u6a21\u578b":136,"15501715e":4,"1550u":119,"15\u884c":106,"16\u5b57\u8282\u8868\u793a\u4fdd\u5b58\u7684\u53c2\u6570\u603b\u4e2a\u6570":98,"16u":119,"173n":119,"1770u":119,"18ad":127,"18e457ce3d362ff5f3febf8e7f85ffec852f70f3b629add10aed84f930a68750":128,"197u":119,"1\u4e4b\u540e\u7684\u4efb\u4f55\u4e00\u4e2a\u7248\u672c\u6765\u7f16\u8bd1\u8fd0\u884c":99,"1\u7684\u5c42\u4e4b\u5916":136,"1\u7a00\u758f\u6570\u636e":112,"1\u8f6e\u5b58\u50a8\u7684\u6240\u6709\u6a21\u578b":136,"1st":22,"210u":119,"211839e770f7b538e2d8":9,"215n":119,"228u":119,"2520u":119,"25639710e":4,"2680u":119,"26\u884c":106,"27787406e":4,"279n":119,"27m":119,"285m":119,"2863m":119,"28\u7684\u56fe\u7247\u50cf\u7d20\u7070\u5ea6\u503c":2,"28\u7ef4\u7684\u7a20\u5bc6\u6d6e\u70b9\u6570\u5411\u91cf\u548c\u4e00\u4e2a":2,"28m":119,"2977m":119,"2\u4e09\u7c7b\u7684\u6bd4\u4f8b\u4e3a":98,"2\u4e2a\u5b50\u5e8f\u5217":123,"2\u5206\u522b\u4ee3\u88683\u4e2a\u8282\u70b9\u7684trainer":129,"2\u610f\u5473\u77400\u53f7\u548c1\u53f7gpu\u5c06\u4f1a\u4f7f\u7528\u6570\u636e\u5e76\u884c\u6765\u8ba1\u7b97fc1\u548cfc2\u5c42":136,"2\u8fd9\u51e0\u4e2a\u76ee\u5f55\u8868\u793apaddlepaddle\u8282\u70b9\u4e0etrain":129,"2cbf7385":127,"2nd":22,"302n":119,"30u":119,"32777140e":4,"328n":119,"32u":119,"32x32":14,"331n":119,"3320u":119,"36540484e":4,"365e":127,"36u":119,"3710m":119,"3768m":119,"387u":119,"38u":119,"3920u":119,"39u":119,"3\u4ee5\u4e0a\u7684\u7b26\u53f7":102,"3\u53f7gpu":96,"4035m":119,"4090u":119,"4096mb":134,"4279m":119,"43630644e":4,"43u":119,"448a5b355b84":128,"4560u":119,"4563m":119,"45u":119,"4650u":119,"4726m":119,"473m":128,"48565123e":4,"48684503e":4,"49316648e":4,"4\u4e2a\u5e8f\u5217\u7684\u957f\u5ea6\u5206\u522b\u4e3a":123,"4\u5b57\u8282\u8868\u793apaddlepaddle\u7248\u672c\u4fe1\u606f":98,"4gb":134,"500m":96,"50bd":127,"50gi":127,"51111044e":4,"514u":119,"525n":119,"526u":119,"53018653e":4,"536u":119,"5460u":119,"5470u":119,"54u":119,"5690m":119,"573u":119,"578n":119,"5798m":119,"586u":119,"58s":128,"5969m":119,"5\u4f5c\u4e3a\u7f16\u8bd1\u73af\u5883":102,"5\u5373\u5c06\u505c\u6b62\u7ef4\u62a4":102,"5_cudnn5_avx_mkl":102,"5_cudnn5_avx_openbla":[102,104],"6080u":119,"6140u":119,"6305m":119,"639u":119,"64\u5e73\u53f0\u4e3a\u4f8b":138,"64m":67,"655u":119,"6780u":119,"6810u":119,"682u":119,"6970u":119,"6\u4e07\u4ebf\u6b21\u6d6e\u70b9\u8fd0\u7b97\u6bcf\u79d2":119,"6\u4ee5\u4e0a":[102,104],"6\u4f5c\u4e3a\u6807\u51c6\u7f16\u8bd1\u73af\u5883":102,"6ce9":127,"704u":119,"70634608e":4,"7090u":119,"72296313e":4,"72u":119,"73u":119,"75u":119,"760u":119,"767u":119,"783n":119,"784u":119,"78m":119,"7\u4ee5\u4e0a":138,"7\u4ee5\u4e0a\u7684\u7b26\u53f7":102,"7\u4ee5\u4e0b":138,"7\u548cpip":93,"7\u7248\u672c\u5f00\u59cb":138,"7\u7cfb\u5217":102,"7eamaa":14,"7kb":128,"8000\u5c31\u53ef\u4ee5\u5728\u7f51\u9875\u4e0a\u751f\u6210\u9700\u8981\u7684\u6587\u6863":115,"8250u":119,"8300u":119,"830n":119,"849m":119,"85625684e":4,"861u":119,"8661m":119,"892m":119,"8\u5b57\u8282\u8868\u793a\u6bcf\u4e2a\u53c2\u6570\u5360\u7528\u7684\u5b57\u8282\u6570":98,"901n":119,"90u":119,"918u":119,"9247m":119,"924n":119,"9261m":119,"93137714e":4,"9330m":119,"94u":119,"9530m":119,"96644767e":4,"983m":119,"988u":119,"997u":119,"99982715e":4,"99u":119,"9\u4e2d\u7684\u4e00\u4e2a\u6570\u5b57":2,"9a235":139,"9f18":128,"\u4e00":106,"\u4e00\u4e2a":123,"\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a0\u5c42\u5e8f\u5217\u7ecf\u8fc7\u8fd0\u7b97\u6269\u5c55\u6210\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u4e0d\u5171\u4eab\u7684\u4f8b\u5b50\u662f":113,"\u4e00\u4e2a\u5178\u578b\u7684chunk\u5982\u4e0b\u6240\u793a":51,"\u4e00\u4e2a\u5206\u5e03\u5f0fpaddlepaddle\u8bad\u7ec3\u4efb\u52a1\u4e2d":128,"\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217\u6216\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217\u7ecf\u8fc7\u8fd0\u7b97\u6269\u5c55\u6210\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217\u8fdb\u5165":108,"\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217\u6216\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217\u7ecf\u8fc7\u8fd0\u7b97\u53d8\u6210\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217\u7ecf\u8fc7\u8fd0\u7b97\u53d8\u6210\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217\u8fdb\u5165":108,"\u4e00\u4e2a\u53cc\u5c42rnn\u7531\u591a\u4e2a\u5355\u5c42rnn\u7ec4\u6210":108,"\u4e00\u4e2a\u53ef\u8c03\u7528\u7684\u51fd\u6570":108,"\u4e00\u4e2a\u5e38\u7528\u7684cmake\u914d\u7f6e\u5982\u4e0b":140,"\u4e00\u4e2a\u6570\u636e\u96c6\u5927\u90e8\u5206\u5e8f\u5217\u957f\u5ea6\u662f100":96,"\u4e00\u4e2a\u6587\u4ef6":2,"\u4e00\u4e2a\u662f\u6d6e\u70b9\u8ba1\u7b97\u91cf":119,"\u4e00\u4e2a\u72ec\u7acb\u7684\u5143\u7d20":105,"\u4e00\u4e2a\u72ec\u7acb\u7684\u8bcd\u8bed":105,"\u4e00\u4e2a\u795e\u7ecf\u7f51\u7edc\u7684\u6a21\u578b\u7531\u5927\u91cf\u7684\u53c2\u6570\u7ec4\u6210":36,"\u4e00\u4e2a\u7f51\u7edc\u5c42\u7684\u524d\u5411\u4f20\u64ad\u90e8\u5206\u628a\u8f93\u5165\u8f6c\u5316\u4e3a\u76f8\u5e94\u7684\u8f93\u51fa":112,"\u4e00\u4e2a\u7f51\u7edc\u5c42\u7684\u53c2\u6570\u662f\u5728":112,"\u4e00\u4e2a\u7f51\u7edc\u5c42\u7684c":112,"\u4e00\u4e2a\u8f93\u51fa\u6570\u636e\u540c\u6837\u88ab\u7ec4\u7ec7\u4e3a\u4e00\u4e2a":123,"\u4e00\u4e2a\u8f93\u51fa\u7ec4\u6210":113,"\u4e00\u4e2a\u91cd\u8981\u7684\u95ee\u9898\u662f\u9009\u62e9\u6b63\u786e\u7684learning_r":98,"\u4e00\u4e2achunk\u7531\u6240\u5728\u7684\u6587\u4ef6\u504f\u79fb":51,"\u4e00\u4e2agpu\u8bbe\u5907\u4e0a\u4e0d\u5141\u8bb8\u914d\u7f6e\u591a\u4e2a\u6a21\u578b":134,"\u4e00\u4e2agradientmachine\u7c7b\u7684\u5bf9\u8c61\u7ba1\u7406\u7740\u4e00\u7ec4\u8ba1\u7b97\u5c42":124,"\u4e00\u4e2alabel":106,"\u4e00\u4e2alogging\u5bf9\u8c61":2,"\u4e00\u4e2amemory\u5305\u542b":109,"\u4e00\u4e2aposix\u517c\u5bb9\u7684\u6587\u4ef6\u7cfb\u7edf":51,"\u4e00\u4e9b\u60c5\u51b5\u4e3a\u4e86\u4fbf\u4e8e\u53d1\u5e03":124,"\u4e00\u4eba":106,"\u4e00\u53e5\u8bdd\u662f\u7531\u8bcd\u8bed\u6784\u6210\u7684\u5e8f\u5217":108,"\u4e00\u53f0\u7535\u8111":110,"\u4e00\u65e9":106,"\u4e00\u662fbatch":96,"\u4e00\u6761\u6837\u672c":2,"\u4e00\u6837\u7684\u65b9\u5f0f":110,"\u4e00\u6b21\u6027\u676f\u5b50":106,"\u4e00\u6b21yield\u8c03\u7528":2,"\u4e00\u7ef4\u6570\u7ec4":[123,124],"\u4e00\u7ef4\u6574\u578b\u6570\u7ec4":123,"\u4e00\u81f4":[105,106],"\u4e00\u822c\u4e0d\u5141\u8bb8\u518d\u4ece":85,"\u4e00\u822c\u4ece":111,"\u4e00\u822c\u5728paddlepaddle\u4e2d":106,"\u4e00\u822c\u60c5\u51b5\u4e0b":1,"\u4e00\u822c\u63a8\u8350\u8bbe\u7f6e\u6210true":2,"\u4e00\u822c\u662f\u7531\u4e8e\u76f4\u63a5\u4f20\u9012\u5927\u5b57\u5178\u5bfc\u81f4\u7684":98,"\u4e00\u822c\u6765\u8bf4":109,"\u4e00\u822c\u7531mkl":65,"\u4e00\u822c\u8868\u793a":106,"\u4e00\u822c\u8bbe\u7f6e":98,"\u4e00\u8282":124,"\u4e09\u79cd\u5e8f\u5217\u6a21\u5f0f":[2,103],"\u4e0a":111,"\u4e0a\u4ea4\u53c9\u7f16\u8bd1raspberri":140,"\u4e0a\u4f20\u5230cloud\u6216\u8005\u4e0b\u8f7d\u5230\u672c\u5730\u7684\u65f6\u95f4\u53ef\u80fd\u6bd4\u8f83\u957f":51,"\u4e0a\u4f20\u65b9\u6cd5":85,"\u4e0a\u4f20\u8ba1\u7b97\u5f97\u51fa\u7684\u68af\u5ea6":125,"\u4e0a\u56fe\u4e2d\u7684":123,"\u4e0a\u56fe\u4e2d\u865a\u7ebf\u7684\u8fde\u63a5":106,"\u4e0a\u56fe\u63cf\u8ff0\u4e86\u4e00\u4e2a3\u8282\u70b9\u7684\u5206\u5e03\u5f0f\u8bad\u7ec3\u573a\u666f":129,"\u4e0a\u6ce8\u518c\u4e00\u4e0b":51,"\u4e0a\u7f16\u8bd1\u5f88\u6162":110,"\u4e0a\u7f51":106,"\u4e0a\u8fd0\u884c":138,"\u4e0a\u8ff0\u4ee3\u7801\u5c06bias\u5168\u90e8\u521d\u59cb\u5316\u4e3a1":98,"\u4e0a\u8ff0\u547d\u4ee4\u4e2d":100,"\u4e0a\u8ff0\u547d\u4ee4\u7f16\u8bd1\u51fa\u4e00\u4e2a":110,"\u4e0a\u8ff0\u7684":97,"\u4e0a\u8ff0\u7684\u4ee3\u7801\u7247\u6bb5\u5305\u542b\u4e86\u4e24\u79cd\u65b9\u6cd5":119,"\u4e0a\u8ff0paddlepaddl":85,"\u4e0a\u9762\u7684\u4ee3\u7801\u5728":113,"\u4e0a\u9762\u7684\u4ee3\u7801\u9996\u5148\u5bfc\u5165\u4f9d\u8d56\u7684\u5305":113,"\u4e0b":[113,115],"\u4e0b\u4e00\u4e2awheel\u5305\u9700\u8981\u66f4\u65b0\u7248\u672c\u53f7\u624d\u53ef\u4ee5\u4e0a\u4f20":85,"\u4e0b\u4f1a\u770b\u5230\u5982\u4e0b\u76ee\u5f55\u7ed3\u6784":121,"\u4e0b\u540c":98,"\u4e0b\u56fe\u4e2d\u5c31\u5c55\u793a\u4e86\u4e00\u4e9b\u5173\u4e8e\u5185\u5b58\u6570\u636e\u8fc1\u5f99\u548c\u8ba1\u7b97\u8d44\u6e90\u5229\u7528\u7387\u7684\u5efa\u8bae":119,"\u4e0b\u56fe\u662f\u4e00\u4e2a\u5168\u8fde\u63a5\u5c42\u7684\u793a\u610f\u56fe":112,"\u4e0b\u56fe\u662fcsr\u5b58\u50a8\u7a00\u758f\u77e9\u9635\u7684\u793a\u610f\u56fe":123,"\u4e0b\u5b58\u653e\u516c\u5171\u6570\u636e\u96c6\u5408":37,"\u4e0b\u627e\u5230":121,"\u4e0b\u62c9\u6846\u4e2d\u627e\u5230\u751f\u6210\u76843\u4e2a\u4e8c\u8fdb\u5236\u6587\u4ef6":85,"\u4e0b\u6587\u4ee5nlp\u4efb\u52a1\u4e3a\u4f8b":108,"\u4e0b\u6587\u4f1a\u8be6\u7ec6\u8fdb\u884c\u4ecb\u7ecd":123,"\u4e0b\u6587\u4f7f\u7528":129,"\u4e0b\u6587\u5c31\u662f\u7528job\u7c7b\u578b\u7684\u8d44\u6e90\u6765\u8fdb\u884c\u8bad\u7ec3":128,"\u4e0b\u6587\u8be6\u7ec6\u89e3\u91ca":123,"\u4e0b\u6b21":106,"\u4e0b\u7684":[124,129],"\u4e0b\u8868\u5217\u51fa\u4e86python\u7aef\u8bad\u7ec3\u63a5\u53e3\u66b4\u9732\u7684\u6570\u636e\u7c7b\u578b":123,"\u4e0b\u8f7d":51,"\u4e0b\u8f7d\u5230\u672c\u5730":51,"\u4e0b\u8f7d\u5b8c\u6570\u636e\u540e":128,"\u4e0b\u8f7d\u5f97\u5230":85,"\u4e0b\u8f7d\u6307\u5b9a\u7248\u672c\u7684docker\u955c\u50cf":100,"\u4e0b\u8f7dgpu\u7248\u672c":100,"\u4e0b\u9762":124,"\u4e0b\u9762\u4e3e\u4e2a\u7b80\u5355\u7684\u4f8b\u5b50":119,"\u4e0b\u9762\u4ecb\u7ecd\u4ecb\u7ecd":113,"\u4e0b\u9762\u4ee5":125,"\u4e0b\u9762\u4ee5\u77e9\u9635\u4e58\u64cd\u4f5c":113,"\u4e0b\u9762\u4ee5addop\u4e3a\u4f8b\u8bf4\u660etensor\u7684\u4f7f\u7528\u8fc7\u7a0b":114,"\u4e0b\u9762\u5206\u522b\u4ecb\u7ecd\u67d0\u4e00\u7c7b\u6587\u4ef6\u7684\u5b9e\u73b0\u65b9\u5f0f":69,"\u4e0b\u9762\u5217\u51fa\u4e86":109,"\u4e0b\u9762\u5217\u51fa\u4e86\u5168\u8fde\u63a5\u5c42\u7684\u68af\u5ea6\u68c0\u67e5\u5355\u5143\u6d4b\u8bd5":112,"\u4e0b\u9762\u5c31\u6839\u636e\u8fd9\u51e0\u4e2a\u6b65\u9aa4\u5206\u522b\u4ecb\u7ecd":129,"\u4e0b\u9762\u6211\u4eec\u4f7f\u7528\u8fd9\u4e2a\u955c\u50cf\u6765\u4e0b\u8f7d\u6570\u636e\u5230docker":128,"\u4e0b\u9762\u662f":113,"\u4e0b\u9762\u662f\u5bf9":113,"\u4e0b\u9762\u662fc":124,"\u4e0b\u9762\u7684\u4ee3\u7801\u5c06\u968f\u673a\u751f\u6210\u7684\u77e9\u9635\u8f6c\u5316\u4e3a\u53ef\u4ee5\u88abpaddlepaddle\u52a0\u8f7d\u7684\u6a21\u578b\u53c2\u6570":98,"\u4e0b\u9762\u7684\u4ee3\u7801\u7247\u6bb5\u4ecegithub\u62c9\u53d6\u6700\u65b0\u4ee3\u7801":121,"\u4e0b\u9762\u7684\u4ee3\u7801\u7247\u6bb5\u521b\u5efa\u4e86\u4e00\u4e2a\u9ad8\u5ea6\u4e3a1":123,"\u4e0b\u9762\u7684\u4ee3\u7801\u7247\u6bb5\u521b\u5efa\u4e86\u4e00\u4e2acpu\u4e0a\u7684\u4e8c\u503c\u7a00\u758f\u77e9\u9635":123,"\u4e0b\u9762\u7684\u4ee3\u7801\u7247\u6bb5\u521b\u5efa\u4e86\u542b\u6709\u4e09\u4e2a\u5143\u7d20":123,"\u4e0b\u9762\u7684\u4ee3\u7801\u7247\u6bb5\u5728\u521b\u5efa\u4e86\u4e00\u4e2acpu\u4e0a\u7684\u5e26\u5143\u7d20\u503c\u7684\u7a00\u758f\u77e9\u9635":123,"\u4e0b\u9762\u7684\u4ee3\u7801\u7247\u6bb5\u5b9e\u73b0\u4e86":112,"\u4e0b\u9762\u7684\u70b9\u5b9e\u73b0\u4e86mulop\u7684\u5b9a\u4e49":113,"\u4e0b\u9762\u7ed9\u51fa\u4e86\u4e00\u4e2a\u4f8b\u5b50":112,"\u4e0b\u9762\u7ed9\u51fa\u5728\u4e09\u7ef4\u7a7a\u95f4\u4e2d\u4f7f\u7528\u7ebf\u6027\u56de\u5f52\u62df\u5408\u4e00\u6761\u76f4\u7ebf\u7684\u4f8b\u5b50":103,"\u4e0b\u9762\u8be6\u7ec6\u89e3\u91ca\u4ec0\u4e48\u662f":123,"\u4e0b\u9762\u8fd9\u4e9blayer\u80fd\u591f\u63a5\u53d7\u53cc\u5c42\u5e8f\u5217\u4f5c\u4e3a\u8f93\u5165":105,"\u4e0d":106,"\u4e0d\u4e00\u5b9a\u548c\u65f6\u95f4\u6709\u5173\u7cfb":2,"\u4e0d\u4e00\u81f4\u7684\u7531pfsclient\u4e0b\u8f7d\u6216\u8005\u4f20\u8f93chunk\u5b8c\u6210":51,"\u4e0d\u4ec5\u8981\u63d0\u4f9b\u6bcf\u4e00\u4e2a\u5916\u5c42\u5e8f\u5217\u5728\u6574\u4e2a":123,"\u4e0d\u4f1a\u4fdd\u7559\u5728\u78c1\u76d8\u4e0a":110,"\u4e0d\u4f1a\u518d\u4ece":96,"\u4e0d\u4f1a\u865a\u62df\u4efb\u4f55\u786c\u4ef6":110,"\u4e0d\u4f7f\u7528\u9759\u6001\u5e93":68,"\u4e0d\u4f7f\u7528\u989d\u5916\u7a7a\u95f4":112,"\u4e0d\u4f7f\u7528c":68,"\u4e0d\u4f7f\u7528swig":68,"\u4e0d\u5141\u8bb8\u4e00\u4e2a\u6587\u4ef6\u4e2d\u5305\u542b\u591a\u4e2aop":113,"\u4e0d\u5171\u4eab\u5219\u4e0d\u52a0":113,"\u4e0d\u5171\u4eab\u7684\u4f8b\u5b50\u53ef\u4ee5\u53c2\u8003":113,"\u4e0d\u53ef\u4ee5\u66f4\u6539":85,"\u4e0d\u53ef\u518d\u8fdb\u884c\u62c6\u5206":123,"\u4e0d\u540c":65,"\u4e0d\u540c\u4e8e\u4e0a\u8ff0\u4ecb\u7ecd\u7684recurr":97,"\u4e0d\u540c\u4e8eop\u7684\u7f16\u8bd1\u6d4b\u8bd5":113,"\u4e0d\u540c\u53c2\u6570\u670d\u52a1\u5668\u4e0a\u6570\u636e\u5927\u5c0f\u7684\u6700\u5927\u503c\u4e0e\u6700\u5c0f\u503c\u7684\u6bd4\u7387":134,"\u4e0d\u540c\u5e8f\u5217\u53ef\u80fd\u4f1a\u542b\u6709\u4e0d\u540c\u6570\u76ee\u4e2a\u5143\u7d20":123,"\u4e0d\u540c\u65f6\u95f4\u6b65\u7684\u8f93\u5165\u662f\u4e0d\u540c\u7684":109,"\u4e0d\u540c\u7248\u672c\u7684\u7f16\u8bd1\u5668\u4e4b\u95f4":68,"\u4e0d\u540c\u7684\u4f18\u5316\u7b97\u6cd5\u9700\u8981\u4f7f\u7528\u4e0d\u540c\u5927\u5c0f\u7684\u5185\u5b58":96,"\u4e0d\u540c\u7684\u5206\u5e03\u5f0f\u6587\u4ef6\u7cfb\u7edf":129,"\u4e0d\u540c\u7684\u6570\u636e\u7c7b\u578b\u548c\u5e8f\u5217\u6a21\u5f0f\u8fd4\u56de\u7684\u683c\u5f0f\u4e0d\u540c":[2,103],"\u4e0d\u540c\u8ba1\u7b97\u5c42\u5bf9\u7a7a\u8f93\u5165\u7684\u5904\u7406\u7b56\u7565\u6709\u53ef\u80fd\u4e0d\u540c":123,"\u4e0d\u540c\u8bbe\u5907":113,"\u4e0d\u540c\u8bed\u8a00\u7684\u63a5\u53e3\u9002\u5e94\u4e0d\u540c\u8bed\u8a00\u7684\u7279\u6027":68,"\u4e0d\u540c\u8f93\u5165\u542b\u6709\u7684\u5b50\u53e5":108,"\u4e0d\u540c\u8f93\u5165\u5e8f\u5217\u542b\u6709\u7684\u8bcd\u8bed\u6570\u5fc5\u987b\u4e25\u683c\u76f8\u7b49":108,"\u4e0d\u540cdataprovider\u5bf9\u6bd4\u5982\u4e0b":106,"\u4e0d\u540crank\u7684tensor\u662f\u4e0d\u540c\u7c7b\u578b":114,"\u4e0d\u5728":69,"\u4e0d\u5bb9\u6613\u51fa\u9519":51,"\u4e0d\u5c11":106,"\u4e0d\u5d4c\u5165\u5176\u4ed6\u8bed\u8a00\u89e3\u91ca\u5668":68,"\u4e0d\u5d4c\u5165python\u89e3\u91ca\u5668":68,"\u4e0d\u5e94\u8be5\u88ab\u62c6\u89e3":108,"\u4e0d\u6307\u5b9a\u65f6":108,"\u4e0d\u652f\u6301":123,"\u4e0d\u652f\u6301\u5e8f\u5217\u957f\u5ea6\u4e3a":123,"\u4e0d\u662f\u4e00\u6761\u5e8f\u5217":[2,103],"\u4e0d\u662f\u771f\u6b63\u7684layer":97,"\u4e0d\u662f\u901a\u8fc7\u4e00\u822c\u7684\u65b9\u5f0f\u6765\u5b9e\u73b0\u5bf9\u8f93\u51fa\u7684\u6fc0\u6d3b":97,"\u4e0d\u663e\u793a\u7684\u5199\u6bcf\u4e2a\u7c7b\u5177\u4f53\u5305\u542b\u4ec0\u4e48":68,"\u4e0d\u6ee1\u8db3\u94a9\u5b50\u7684":111,"\u4e0d\u7528mount\u7684\u65b9\u5f0f\u6765\u8bbf\u95ee\u6570\u636e":37,"\u4e0d\u7f13\u5b58\u4efb\u4f55\u6570\u636e":2,"\u4e0d\u80fd\u4fee\u6539op\u7684\u6210\u5458\u53d8\u91cf":113,"\u4e0d\u80fd\u592a\u968f\u610f":111,"\u4e0d\u80fd\u88ab\u63d0\u4ea4\u5230":111,"\u4e0d\u8bba\u5e8f\u5217\u4e2d\u7684\u5143\u7d20\u5728\u5185\u5b58\u4e2d\u5360\u7528\u591a\u5c11\u5b9e\u9645\u5b58\u50a8\u7a7a\u95f4":123,"\u4e0d\u8bba\u6570\u636e\u57df\u662f":123,"\u4e0d\u8bba\u662f\u4e00\u7ef4\u6574\u578b\u6570\u7ec4\u8fd8\u662f\u4e8c\u7ef4\u6d6e\u70b9\u6570\u77e9\u9635":123,"\u4e0d\u8bba\u662f\u5355\u5c42\u5e8f\u5217\u8fd8\u662f\u53cc\u5c42\u5e8f\u5217\u7684\u5e8f\u5217\u4fe1\u606f":123,"\u4e0d\u8fc7":106,"\u4e0d\u8fc7\u5b9e\u9645\u4e0a\u662f\u8fd0\u884c\u5728\u4e00\u4e2a":110,"\u4e0d\u8fdc":106,"\u4e0d\u9519":106,"\u4e0d\u9700\u5728\u4f7f\u7528c":124,"\u4e0d\u9700\u8981\u4f9d\u8d56\u5176\u4ed6\u4efb\u4f55\u8f6f\u4ef6\u4e86":110,"\u4e0d\u9700\u8981\u63d0\u4f9b\u5143\u7d20\u503c":123,"\u4e0d\u9700\u8981\u8bbe\u7f6e":138,"\u4e0e":[65,113,118,129],"\u4e0e\u4e4b\u76f8\u5bf9\u7684\u662flocal":51,"\u4e0e\u5176\u4ed6\u7b2c\u4e09\u65b9\u5e93\u4e00\u6837":65,"\u4e0e\u5176\u5b83":124,"\u4e0e\u529f\u80fd\u5206\u652f\u4e0d\u540c\u7684\u662f":85,"\u4e0e\u5355\u5c42rnn\u7684\u914d\u7f6e\u7c7b\u4f3c":106,"\u4e0e\u53ef\u80fd\u6709\u7684":85,"\u4e0e\u540c\u6b65sgd\u76f8\u6bd4":125,"\u4e0e\u5bfb\u627epython\u4ee3\u7801\u7684\u6027\u80fd\u74f6\u9888\u7c7b\u4f3c":118,"\u4e0e\u5f53\u524d\u7684\u8870\u51cf\u56e0\u5b50\u7684\u4e58\u79ef":98,"\u4e0e\u672c\u5730\u8bad\u7ec3\u76f8\u540c":126,"\u4e0e\u6b64\u4e0d\u540c\u7684\u662f":129,"\u4e0e\u8c03\u4f18":118,"\u4e0e\u8f93\u5165\u4e0d\u540c\u7684\u662f":124,"\u4e0e\u8fd9\u4e2a\u8bad\u7ec3\u6570\u636e\u4ea4\u4e92\u7684layer":96,"\u4e0ebatch":64,"\u4e0ejob":129,"\u4e0eoperator\u524d\u5411\u8ba1\u7b97\u7684\u8f93\u51fa\u8fdb\u884c\u5bf9\u6bd4":113,"\u4e0eoperator\u6ce8\u518c\u65f6\u6ce8\u518c\u7684\u7c7b\u578b\u4e00\u81f4":113,"\u4e0epython\u4e0d\u540c":118,"\u4e14":106,"\u4e14\u4e0d\u6392\u9664commit\u4e4b\u95f4\u7684\u4fee\u6539\u5b58\u5728\u76f8\u4e92\u8986\u76d6\u7684\u60c5\u51b5":111,"\u4e14\u4f7f\u7528":121,"\u4e14\u589e\u52a0\u4e00\u4e2a\u7b2c\u4e09\u65b9\u8bed\u8a00":68,"\u4e14\u5c55\u793a\u6548\u679c\u66f4\u597d":118,"\u4e14\u5e8f\u5217\u7684\u6bcf\u4e00\u4e2a\u5143\u7d20\u8fd8\u662f\u4e00\u4e2a\u65f6\u95f4\u5e8f\u5217":[2,103],"\u4e14\u6bcf\u4e2a\u53e5\u5b50\u8868\u793a\u4e3a\u5bf9\u5e94\u7684\u8bcd\u8868\u7d22\u5f15\u6570\u7ec4":106,"\u4e14\u8c03\u7528\u65f6\u4e0d\u80fd\u629b\u51fa\u5f02\u5e38\u6216\u51fa\u73b0\u8fd0\u884c\u65f6\u9519\u8bef":69,"\u4e14c99\u652f\u6301bool\u7c7b\u578b\u548c\u5b9a\u957f\u6574\u6570":68,"\u4e14c99\u76f8\u5bf9\u4e8ec11\u4f7f\u7528\u66f4\u52a0\u5e7f\u6cdb":68,"\u4e24":106,"\u4e24\u4e2a\u5b50\u76ee\u5f55\u4e0b":115,"\u4e24\u4e2a\u5d4c\u5957\u7684":108,"\u4e24\u4e2a\u64cd\u4f5c":119,"\u4e24\u4e2a\u8f93\u5165\u7684\u5b50\u5e8f\u5217\u957f\u5ea6\u4e5f\u5e76\u4e0d\u76f8\u540c":106,"\u4e24\u4e2a\u90e8\u5206":115,"\u4e24\u4e2a\u9690\u5c42\u7684\u7b80\u5355\u5168\u8fde\u63a5\u7f51\u7edc":124,"\u4e24\u6b21":123,"\u4e24\u79cd\u5e38\u7528\u7684\u6a21\u578b\u52a0\u8f7d\u65b9\u5f0f":124,"\u4e24\u79cd\u65b9\u6cd5\u7684\u533a\u522b":96,"\u4e24\u79cdblas\u5e93":99,"\u4e24\u8005\u5747\u4e3a\u7eaf\u6587\u672c\u6587\u4ef6":1,"\u4e24\u8005\u90fd\u662f\u5bf9\u68af\u5ea6\u7684\u622a\u65ad":96,"\u4e25\u683c\u7684\u547d\u540d\u89c4\u8303pep":85,"\u4e2a\u5185\u5b58\u6c60\u5b9e\u9645\u4e0a\u51b3\u5b9a\u4e86shuffle\u7684\u7c92\u5ea6":96,"\u4e2a\u6027\u5316\u63a8\u8350":85,"\u4e2a\u6279\u6b21\u7684\u53c2\u6570\u5e73\u5747\u503c\u8fdb\u884c\u6d4b\u8bd5":134,"\u4e2a\u6a21\u578b\u6d4b\u8bd5\u6570\u636e":134,"\u4e2d":[64,65,68,69,96,112,113,114,118,123,129],"\u4e2d\u4e0d\u8981\u6dfb\u52a0\u5927\u6587\u4ef6\u7b49":111,"\u4e2d\u4f1a\u4f7f\u7528\u5230\u7684\u5b57\u5178\u6570\u636e\u6587\u4ef6":125,"\u4e2d\u4f1a\u63d0\u4f9b\u4e00\u4e9b\u5fc5\u8981\u7684\u63a5\u53e3\u548c\u51fd\u6570":65,"\u4e2d\u4f20\u5165\u53c2\u6570":125,"\u4e2d\u4f20\u5165\u7684\u53c2\u6570":125,"\u4e2d\u5143\u7d20\u4e2a\u6570\u603b\u662f\u7b49\u4e8e\u884c\u6570":123,"\u4e2d\u5143\u7d20\u7684\u4e2a\u6570\u7b49\u4e8e\u7f51\u7edc\u4e2d\u8f93\u51fa\u5c42\u7684\u4e2a\u6570":96,"\u4e2d\u5173\u4e8e\u65f6\u95f4\u9012\u5f52\u795e\u7ecf\u7f51\u7edc\u7684\u4ecb\u7ecd":106,"\u4e2d\u5199\u5165json\u5185\u5bb9":36,"\u4e2d\u5305\u542b\u4e00\u4e2araspberri":140,"\u4e2d\u5305\u542b\u6240\u4f9d\u8d56\u7684\u6240\u6709\u7b2c\u4e09\u65b9\u5e93":138,"\u4e2d\u5305\u542b\u82e5\u5e72\u4e2a\u4e0d\u540candroid":138,"\u4e2d\u5305\u542bc":[138,140],"\u4e2d\u5355\u5143\u6d4b\u8bd5\u7684\u4e00\u90e8\u5206":111,"\u4e2d\u5355\u5143\u6d4b\u8bd5\u80fd\u987a\u5229\u901a\u8fc7":111,"\u4e2d\u542b\u6709\u591a\u4e2a\u5e8f\u5217":123,"\u4e2d\u5b8c\u5168\u4e00\u81f4":68,"\u4e2d\u5b9a\u4e49":109,"\u4e2d\u5b9a\u4e49\u4f7f\u7528\u54ea\u79cddataprovid":1,"\u4e2d\u5b9a\u4e49\u548c\u4f7f\u7528":108,"\u4e2d\u5b9e\u73b0\u4e86\u4e00\u4e2amerge\u7684\u65b9\u6cd5":65,"\u4e2d\u5b9e\u73b0\u7684\u7ed3\u6784\u4f53":69,"\u4e2d\u5bf9\u5e94\u7684layer\u5904":64,"\u4e2d\u5f15\u5165\u7684":64,"\u4e2d\u6307\u5b9a":134,"\u4e2d\u6307\u5b9a\u7684\u540d\u5b57":136,"\u4e2d\u63d0\u4f9b\u4e00\u4e2a\u4e0emkl\u6709\u5173\u7684\u603b\u5f00\u5173":65,"\u4e2d\u63d0\u4f9b\u4e86\u4e00\u4e9b\u5168\u5c40\u51fd\u6570\u7528\u6765\u5b9e\u73b0paddl":114,"\u4e2d\u641c\u7d22\u8fd9\u51e0\u4e2a\u5e93":99,"\u4e2d\u64cd\u4f5c":123,"\u4e2d\u6587\u6587\u6863":115,"\u4e2d\u6587\u6587\u6863\u76ee\u5f55":115,"\u4e2d\u6587\u7ef4\u57fa\u767e\u79d1\u9875\u9762":106,"\u4e2d\u6839\u636e":64,"\u4e2d\u6bcf\u4e2a\u5143\u7d20\u662f\u4e00\u4e2alayer\u7684\u8f93\u51fa\u7ed3\u679c\u77e9\u9635":96,"\u4e2d\u6bcf\u4e2apod\u7684ip\u5730\u5740":129,"\u4e2d\u6bcf\u5c42\u7684\u6570\u503c\u7edf\u8ba1":134,"\u4e2d\u6dfb\u52a0":64,"\u4e2d\u6dfb\u52a0\u4e00\u4e2a":65,"\u4e2d\u6dfb\u52a0\u4e24\u4e2a\u8f93\u5165":113,"\u4e2d\u7528\u4e8e\u5b58\u50a8\u6570\u636e\u7684":124,"\u4e2d\u7684":[114,124],"\u4e2d\u7684\u4e00\u884c":[2,111],"\u4e2d\u7684\u4ee3\u7801\u4f5c\u4e3a\u5b9e\u4f8b":125,"\u4e2d\u7684\u504f\u79fb":123,"\u4e2d\u7684\u5bf9\u5e94\u5206\u652f\u5373\u53ef":111,"\u4e2d\u7684\u7248\u672c\u4fe1\u606f":85,"\u4e2d\u7684\u76f8\u5173\u811a\u672c":124,"\u4e2d\u7684\u8bf4\u660e":2,"\u4e2d\u7684\u8d77\u59cb\u504f\u79fb":123,"\u4e2d\u83b7\u53d6":129,"\u4e2d\u8bbe\u7f6e\u7684\u6240\u6709\u8282\u70b9":126,"\u4e2d\u8be6\u7ec6\u4ecb\u7ecd":112,"\u4e2d\u8bfb\u53d6":2,"\u4e2d\u8c03\u7528":113,"\u4e2d\u8fd0\u884c\u4efb\u52a1\u7684\u89d2\u5ea6":37,"\u4e2d\u914d\u7f6e\u5faa\u73af\u795e\u7ecf\u7f51\u7edc":109,"\u4e2d\u914d\u7f6e\u7684\u6548\u679c\u4e00\u81f4":2,"\u4e34\u65f6\u53d8\u91cf\u7b49\u7b49":96,"\u4e3a":[2,64,65,109,113,123,138,139,140],"\u4e3a0":2,"\u4e3a\u4e86\u4f7f":113,"\u4e3a\u4e86\u4f7f\u8bc4\u5ba1\u4eba\u5728\u8bc4\u5ba1\u4ee3\u7801\u65f6\u66f4\u597d\u5730\u4e13\u6ce8\u4e8e\u4ee3\u7801\u672c\u8eab":111,"\u4e3a\u4e86\u4fdd\u8bc1\u6548\u7387":112,"\u4e3a\u4e86\u4fdd\u8bc1gpu\u9a71\u52a8\u80fd\u591f\u5728\u955c\u50cf\u91cc\u9762\u6b63\u5e38\u8fd0\u884c":100,"\u4e3a\u4e86\u51cf\u5c11\u751f\u6210\u94fe\u63a5\u5e93\u7684\u5927\u5c0f\u628a":121,"\u4e3a\u4e86\u5c01\u88c5\u80fd\u591f\u6b63\u786e\u5de5\u4f5c":112,"\u4e3a\u4e86\u5c3d\u53ef\u80fd\u5c11\u7684\u5728\u7236\u7c7blayer\u4e2d\u6dfb\u52a0\u53d8\u91cf\u6216\u8005\u51fd\u6570":65,"\u4e3a\u4e86\u5e94\u5bf9\u4ee5\u4e0a\u7684\u95ee\u9898":51,"\u4e3a\u4e86\u5f00\u53d1paddlepaddl":110,"\u4e3a\u4e86\u63cf\u8ff0\u65b9\u4fbf":108,"\u4e3a\u4e86\u65b9\u4fbf\u5927\u5bb6":111,"\u4e3a\u4e86\u66b4\u9732\u7684\u63a5\u53e3\u5c3d\u91cf\u7b80\u5355":69,"\u4e3a\u4e86\u66f4\u597d\u7684\u7b26\u5408paddlepaddle\u7684\u4ee3\u7801\u98ce\u683c":65,"\u4e3a\u4e86\u6700\u5927\u7a0b\u5ea6\u51cf\u5c11\u591a\u6b21\u8c03\u7528":64,"\u4e3a\u4e86\u751f\u6210\u66f4\u53ef\u8bfb\u7684\u6027\u80fd\u5206\u6790\u7ed3\u679c":118,"\u4e3a\u4e86\u7b80\u5316cmake\u914d\u7f6e":138,"\u4e3a\u4e86\u8fbe\u5230\u6027\u80fd\u6700\u4f18":119,"\u4e3a\u4e86\u8fbe\u5230\u6700\u5feb\u7684\u8ba1\u7b97\u901f\u5ea6":[138,139],"\u4e3a\u4e86\u8fdb\u4e00\u6b65\u63d0\u5347paddlepaddle\u5728\u57fa\u672c\u6570\u5b66\u8fd0\u7b97\u7684\u8ba1\u7b97\u901f\u5ea6":65,"\u4e3a\u4ec0\u4e48\u7528":110,"\u4e3a\u4f7f\u7528c":124,"\u4e3a\u4f8b":[97,113],"\u4e3a\u4f8b\u6765\u4ecb\u7ecd\u5982\u4f55\u5199\u5e26kernel\u7684oper":113,"\u4e3a\u53c2\u6570\u77e9\u9635\u7684\u5bbd\u5ea6":98,"\u4e3a\u5b83\u4eec\u9644\u52a0\u4e0a\u5e8f\u5217\u4fe1\u606f\u5c06\u53d8\u6210\u5e8f\u5217\u8f93\u5165":123,"\u4e3a\u5bb9\u5668\u5185\u6267\u884c\u7684\u547d\u4ee4":100,"\u4e3a\u60a8\u505a\u6027\u80fd\u8c03\u4f18\u63d0\u4f9b\u4e86\u65b9\u5411":119,"\u4e3a\u65b9\u4fbf\u4f5c\u4e1a\u542f\u52a8\u63d0\u4f9b\u4e86\u4e24\u4e2a\u72ec\u7279\u7684\u547d\u4ee4\u9009\u9879":126,"\u4e3a\u6b64":128,"\u4e3a\u6bcf\u4e00\u4e2a":[123,124],"\u4e3a\u6bcf\u4e00\u4e2a\u8f93\u5165":[123,124],"\u4e3a\u6bcf\u4e2aop\u521b\u5efa\u5355\u72ec\u7684":113,"\u4e3a\u8f93\u51fa\u5206\u914d\u5185\u5b58":112,"\u4e3aconst\u51fd\u6570":113,"\u4e3aoutput_\u7533\u8bf7\u5185\u5b58":112,"\u4e3b\u8981\u4e3a\u5f00\u53d1\u8005\u4f7f\u7528":134,"\u4e3b\u8981\u529f\u80fd\u5305\u62ec":51,"\u4e3b\u8981\u5305\u62ec":65,"\u4e3b\u8981\u5305\u62ec\u4e86\u6df1\u5ea6\u5b66\u4e60\u76f8\u5173\u7684\u6570\u5b66\u539f\u8bed\u4e0e\u64cd\u4f5c":65,"\u4e3b\u8981\u5305\u62ec\u4ee5\u4e0b\u4e94\u4e2a\u6b65\u9aa4":4,"\u4e3b\u8981\u5305\u62ec\u56db\u79cd\u7c7b\u578b":103,"\u4e3b\u8981\u539f\u56e0":106,"\u4e3b\u8981\u539f\u56e0\u5305\u62ec\u4e24\u4e2a\u65b9\u9762":96,"\u4e3b\u8981\u539f\u56e0\u662f\u589e\u52a0\u4e86\u521d\u59cb\u5316\u673a\u5236":2,"\u4e3b\u8981\u7528\u4e8epython":113,"\u4e3b\u8981\u9488\u5bf9paddlepaddle\u5728\u91cd\u6784\u4e4b\u524d\u7684\u4ee3\u7801\u6846\u67b6\u4ee5\u53cav1\u7684api":65,"\u4e3e\u4e00\u4e2a\u4f8b\u5b50":98,"\u4e3e\u4f8b":96,"\u4e3e\u4f8b\u8bf4\u660e":106,"\u4e4b\u524d":111,"\u4e4b\u540e":[103,112],"\u4e4b\u540e\u4f7f\u7528":112,"\u4e4b\u540e\u4f7f\u7528\u77e9\u9635\u8fd0\u7b97\u51fd\u6570\u6765\u8ba1\u7b97":112,"\u4e4b\u540e\u518d\u7528\u7f51\u9875\u8fde\u5230http":115,"\u4e4b\u540e\u521d\u59cb\u5316\u6240\u6709\u7684\u6743\u91cd\u77e9\u9635":112,"\u4e4b\u540e\u624d\u80fd\u5f00\u59cb\u7f16\u8bd1\u7684\u6b65\u9aa4":99,"\u4e4b\u5916\u7684\u6240\u6709\u5934\u6587\u4ef6":69,"\u4e4b\u7c7b\u7684\u7a0b\u5e8f\u6765\u7f16\u8bd1\u6e90\u7801":110,"\u4e4b\u95f4\u7684\u8fd0\u7b97\u662f\u72ec\u7acb\u7684":108,"\u4e58\u4e0a\u8f93\u51fa\u7684\u68af\u5ea6":112,"\u4e58\u6cd5\u548c\u4e58\u6cd5\u68af\u5ea6\u7684\u8ba1\u7b97\u5360\u75282":118,"\u4e58\u9664\u7b49\u65f6\u5019":96,"\u4e5f":106,"\u4e5f\u4e0d\u4f7f\u7528\u5176\u4ed6\u52a8\u6001\u5e93":68,"\u4e5f\u4e0d\u5b58\u5728\u4e00\u4e2asubseq\u76f4\u63a5\u751f\u6210\u4e0b\u4e00\u4e2asubseq\u7684\u60c5\u51b5":108,"\u4e5f\u4e0d\u5e94\u8be5\u62a5\u9519":69,"\u4e5f\u4e0d\u751f\u6210":69,"\u4e5f\u4e0d\u80fd\u63a5\u6536\u5e8f\u5217\u6570\u636e\u4f5c\u4e3a\u8f93\u5165":97,"\u4e5f\u4f1a\u5360\u7528\u78c1\u76d8":110,"\u4e5f\u53ef\u4ee5\u4f7f\u7528":111,"\u4e5f\u53ef\u4ee5\u4f7f\u7528\u8fd9\u4e9b\u955c\u50cf":85,"\u4e5f\u53ef\u4ee5\u5229\u7528paddlepaddl":115,"\u4e5f\u53ef\u4ee5\u662f\u4e00\u4e2a\u8bcd\u8bed":108,"\u4e5f\u53ef\u4ee5\u662f\u5728\u4efb\u52a1\u542f\u52a8\u524d\u4e0b\u8f7d\u5230\u672c\u5730\u7684":125,"\u4e5f\u53ef\u4ee5\u76f4\u63a5\u5728\u7f51\u9875\u9884\u89c8\u6587\u6863":115,"\u4e5f\u53ef\u4ee5\u8bf4\u662f\u67d0\u4e9b\u7279\u5b9a\u6307\u4ee4\u7684\u4f7f\u7528\u60c5\u51b5":119,"\u4e5f\u53ef\u4ee5\u901a\u8fc7\u4fee\u6539":129,"\u4e5f\u53ef\u5199\u6210":113,"\u4e5f\u53ef\u81ea\u884c\u524d\u5f80\u5b98\u7f51\u4e0b\u8f7d":139,"\u4e5f\u53ef\u901a\u8fc7\u4ee5\u4e0b\u547d\u4ee4\u83b7\u53d6":138,"\u4e5f\u5c31\u662f":111,"\u4e5f\u5c31\u662f\u672c\u5730\u7684\u6e90\u7801\u6811\u6839\u76ee\u5f55\u91cc\u7684":110,"\u4e5f\u5c31\u662f\u7a7a\u8f93\u5165":123,"\u4e5f\u5c31\u662f\u81ea\u5df1\u7528\u6237\u540d\u4e0b\u7684":111,"\u4e5f\u5c31\u662f\u8bf4":[123,134,136],"\u4e5f\u5c31\u662f\u8bf4\u8f93\u51fa\u7684\u7ed3\u679c\u4e0d\u4f1a\u5728\u539f\u6765\u7684\u6570\u636e\u4e0a\u7d2f\u52a0":65,"\u4e5f\u5c31\u662fpaddlepaddle\u4e2d\u7684\u4e00\u7ef4\u6574\u578b\u6570\u7ec4":123,"\u4e5f\u63cf\u8ff0\u4e86\u5bb9\u5668\u9700\u8981\u4f7f\u7528\u7684\u5b58\u50a8\u5377\u6302\u8f7d\u7684\u60c5\u51b5":129,"\u4e5f\u652f\u6301cpu\u7684\u6027\u80fd\u5206\u6790":119,"\u4e5f\u662f\u4e00\u4e2a\u65f6\u95f4\u5e8f\u5217":106,"\u4e5f\u662fdecoder\u5faa\u73af\u5c55\u5f00\u7684\u4f9d\u636e":108,"\u4e5f\u662fpaddlepaddle\u6240\u80fd\u591f\u4fdd\u8bc1\u7684shuffle\u7c92\u5ea6":2,"\u4e5f\u6ca1\u7528":93,"\u4e5f\u9700\u8981\u4e24\u6b21\u968f\u673a\u9009\u62e9\u5230\u76f8\u540cgenerator\u7684\u65f6\u5019":2,"\u4e66\u5199":68,"\u4e7e":106,"\u4e86":[106,110],"\u4e86\u89e3\u5176\u8c03\u7528\u5173\u7cfb":118,"\u4e86\u89e3\u60a8\u7684\u786c\u4ef6":119,"\u4e86\u89e3\u66f4\u591a\u7ec6\u8282":109,"\u4e86\u89e3\u66f4\u591a\u8be6\u7ec6\u4fe1\u606f":109,"\u4e8c\u7ef4\u6d6e\u70b9\u578b\u77e9\u9635":123,"\u4e8c\u7ef4\u6d6e\u70b9\u6570\u77e9\u9635":123,"\u4e8c\u7ef4\u77e9\u9635":124,"\u4e8c\u7ef4\u77e9\u9635\u53ef\u4ee5\u8868\u793a\u884c\u5411\u91cf\u548c\u5217\u5411\u91cf":123,"\u4e8c\u8005\u8bed\u610f\u4e0a\u5b8c\u5168\u4e00\u81f4":106,"\u4e8e\u662f":123,"\u4e8e\u662f\u6211\u4eec\u53ef\u4ee5\u70b9\u51fb":118,"\u4e8e\u662f\u8fd9\u91cc\u4f7f\u7528":118,"\u4e94\u661f\u7ea7":106,"\u4ea4\u4e92\u7684\u65b9\u6cd5":118,"\u4ea4\u53c9\u7f16\u8bd1\u5de5\u5177\u94fe\u4e3a":138,"\u4ea4\u53c9\u7f16\u8bd1android\u5e73\u53f0\u4e0a\u9002\u7528\u7684paddlepaddle\u5e93":138,"\u4ea4\u53c9\u7f16\u8bd1android\u7248\u672c\u7684paddlepaddle\u5e93\u65f6":138,"\u4ea4\u53c9\u7f16\u8bd1ios\u5e73\u53f0\u4e0a\u9002\u7528\u7684paddlepaddle\u5e93":139,"\u4ea4\u53c9\u7f16\u8bd1ios\u7248\u672c\u7684paddlepaddle\u5e93\u65f6":139,"\u4ea4\u53c9\u7f16\u8bd1raspberri":140,"\u4ea4\u7531cmake\u7cfb\u7edf\u672c\u8eab\u6765\u5904\u7406":138,"\u4ea4\u901a":106,"\u4ea4\u901a\u4fbf\u5229":106,"\u4ea6\u53ef\u4ee5\u901a\u8fc7\u624b\u52a8\u8bbe\u7f6e":[138,139],"\u4eab\u53d7\u60a8\u7684\u65c5\u7a0b":100,"\u4eba\u8138\u8bc6\u522b":37,"\u4ec0\u4e48\u662f":110,"\u4ec5\u4ec5\u4f7f\u7528":68,"\u4ec5\u4f1a\u5728\u652f\u6301avx2\u6307\u4ee4\u96c6\u53ca\u4ee5\u4e0a\u7684\u673a\u5668\u624d\u4f7f\u7528mkl":65,"\u4ec5\u5728\u8fdc\u7a0b\u7a00\u758f\u8bad\u7ec3\u65f6\u6709\u6548":112,"\u4ec5\u5bf9\u7a00\u758f\u6570\u636e\u6709\u6548":112,"\u4ec5\u652f\u6301\u6574\u578b\u503c":123,"\u4ec5\u7528\u4e8e\u5b58\u50a8\u6574\u578b\u503c":124,"\u4ec5\u9700\u8981\u77e5\u9053\u5982\u4f55\u4ece":2,"\u4ecb\u7ecd\u4e86\u4e00\u79cd\u901a\u8fc7ssh\u8fdc\u7a0b\u5206\u53d1\u4efb\u52a1":129,"\u4ecb\u7ecd\u4ea4\u53c9\u7f16\u8bd1android\u5e73\u53f0\u4e0a\u9002\u7528\u7684paddlepaddle\u5e93\u7684\u65b9\u6cd5\u548c\u6b65\u9aa4":138,"\u4ecb\u7ecd\u4f7f\u7528paddlepaddl":125,"\u4ece":[85,94,119],"\u4ece0\u5230num":134,"\u4ece0\u5f00\u59cb\u7684\u6574\u6570":125,"\u4ece\u4e00\u4e2aword\u751f\u6210\u4e0b\u4e00\u4e2aword":108,"\u4ece\u5185\u6838\u51fd\u6570\u7684\u89d2\u5ea6":119,"\u4ece\u6a21\u578b\u6587\u4ef6\u5c06\u9884\u8bad\u7ec3\u53c2\u6570\u8f7d\u5165":98,"\u4ece\u6bcf\u4e00\u4e2a\u65f6\u95f4\u6b65\u6765\u770b":106,"\u4ece\u6e90\u7801\u4ea4\u53c9\u7f16\u8bd1ios\u5e73\u53f0\u4e0a\u9002\u7528\u7684paddlepaddle\u5e93":139,"\u4ece\u6e90\u7801\u4ea4\u53c9\u7f16\u8bd1paddlepaddl":138,"\u4ece\u6e90\u7801\u7f16\u8bd1":101,"\u4ece\u78c1\u76d8\u52a0\u8f7d\u9884\u6d4b\u6a21\u578b":124,"\u4ece\u78c1\u76d8\u6587\u4ef6\u4e2d\u52a0\u8f7duuid\u6587\u4ef6\u540d\u7684\u68c0\u67e5\u70b9\u5feb\u7167\u6587\u4ef6":36,"\u4ece\u800c\u53ef\u4ee5\u505a\u4e00\u4e9b\u4e0e\u8ba1\u7b97\u91cd\u53e0\u7684\u5de5\u4f5c":112,"\u4ece\u800c\u5f15\u53d1\u5176\u4ed6\u8282\u70b9\u65e0\u6cd5\u8fde\u63a5\u5bfc\u81f4":94,"\u4ece\u800c\u751f\u6210\u591a\u4e2agener":2,"\u4ece\u800c\u907f\u514d\u4e86packing\u5197\u4f59":64,"\u4ece\u800c\u9632\u6b62\u8fc7\u62df\u5408":1,"\u4ece\u8bed\u4e49\u4e0a\u770b":108,"\u4ece\u8d77\u59cb\u7aef\u53e3\u76d1\u542c\u591a\u4e2a\u7aef\u53e3\u7528\u4e8e\u901a\u4fe1":125,"\u4ece\u8f93\u5165\u6570\u636e\u4e0a\u770b":106,"\u4ececmake":138,"\u4eceetcd\u4e2d\u8bfb\u53d6\u8282\u70b9":36,"\u4ecestart":134,"\u4ed3\u5e93\u7684\u8fdc\u7a0b\u4e3b\u673a":111,"\u4ed6\u4e3b\u8981\u5305\u542b\u4e86\u5b9e\u9645\u66b4\u9732\u7684\u7c7b\u578b\u7ed3\u6784":69,"\u4ed6\u4eec\u5206\u522b\u662f":106,"\u4ed6\u4eec\u5728\u81ea\u5df1\u7684":110,"\u4ed6\u4eec\u5728paddle\u7684\u6587\u6863\u548capi\u4e2d\u662f\u4e00\u4e2a\u6982\u5ff5":106,"\u4ed6\u662f\u5c06":69,"\u4ed6\u7684\u76ee\u6807\u662f\u4f7f\u7528c":68,"\u4ee3\u66ff":129,"\u4ee3\u7801\u4e2d9":106,"\u4ee3\u7801\u53c2\u8003":125,"\u4ee3\u7801\u5982\u4e0b":[96,97,98,109],"\u4ee3\u7801\u6ce8\u91ca\u8bf7\u9075\u5b88":111,"\u4ee3\u7801\u7247\u6bb5\u5982\u4e0b":123,"\u4ee3\u7801\u751f\u6210\u7684\u7b26\u53f7\u53ef\u80fd\u4e0d\u4e00\u81f4":68,"\u4ee3\u7801\u7684\u6027\u80fd\u5206\u6790":118,"\u4ee3\u7801\u793a\u4f8b\u5982\u4e0b":[113,124],"\u4ee3\u8868\u5bbf\u4e3b\u673a\u76ee\u5f55":129,"\u4ee3\u8868\u8fd9\u4e2alayer\u662f\u7528\u4e8e\u8dd1\u5728mkl":65,"\u4ee3\u8868\u8fd9\u4e2ashard\u7684\u6700\u5927index":37,"\u4ee3\u8868shard\u7684index":37,"\u4ee5":97,"\u4ee5\u4e0a":[111,138],"\u4ee5\u4e0a\u4e24\u79cd\u65b9\u5f0f\u53ea\u9700\u9009\u62e9\u5176\u4e00\u5373\u53ef":124,"\u4ee5\u4e0a\u4ee3\u7801\u7684reader\u8f93\u51fa\u7684data":37,"\u4ee5\u4e0a\u547d\u4ee4\u4f1a\u5728\u5f53\u524d\u76ee\u5f55\u4e0b\u751f\u6210100\u4e2a\u6587\u4ef6":37,"\u4ee5\u4e0b":37,"\u4ee5\u4e0b\u4ee3\u7801\u7247\u6bb5\u5b9a\u4e49":109,"\u4ee5\u4e0b\u547d\u4ee4\u542f\u52a8\u4e00\u4e2a":110,"\u4ee5\u4e0b\u6307\u4ee4\u80fd\u68c0\u67e5linux\u7535\u8111\u662f\u5426\u652f\u6301avx":100,"\u4ee5\u4e0b\u64cd\u4f5c\u5747\u5728head\u8282\u70b9\u4e2d\u6267\u884c":130,"\u4ee5\u4e0b\u6559\u7a0b\u5c06\u6307\u5bfc\u60a8\u63d0\u4ea4\u4ee3\u7801":111,"\u4ee5\u4e0b\u7b80\u79f0rnn":64,"\u4ee5\u4ea4\u4e92\u5f0f\u7684\u65b9\u5f0f\u6267\u884c\u6216\u8c03\u8bd5\u60a8\u7684\u4ee3\u7801":100,"\u4ee5\u4f7f\u7528":138,"\u4ee5\u4f7f\u7528adam\u7b97\u6cd5\u4e3a\u4f8b":98,"\u4ee5\u4fbf\u6211\u4eec\u53ef\u4ee5\u628a\u66f4\u591a\u7684\u7cbe\u529b\u653e\u5230\u903b\u8f91\u672c\u8eab\u4e0a":51,"\u4ee5\u4fbf\u83b7\u5f97\u8bad\u7ec3\u6570\u636e\u7684\u4f4d\u7f6e\u548c\u83b7\u53d6\u73af\u5883\u53d8\u91cf\u914d\u7f6e":125,"\u4ee5\u4fdd\u8bc1\u68af\u5ea6\u7684\u6b63\u786e\u8ba1\u7b97":112,"\u4ee5\u4fdd\u8bc1\u68af\u5ea6\u8ba1\u7b97\u7684\u6b63\u786e\u6027":112,"\u4ee5\u4fdd\u8bc1\u7f16\u8bd1\u9ad8\u6548":110,"\u4ee5\u53ca":[64,110,112,123],"\u4ee5\u53ca\u4f7f\u7528\u5b50\u5e8f\u5217\u6765\u5b9a\u4e49\u5206\u7ea7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u67b6\u6784":109,"\u4ee5\u53ca\u5207\u6362\u673a\u5668\u65f6\u9700\u8981\u65b0\u5b89\u88c5\u7684\u8f9b\u82e6":110,"\u4ee5\u53ca\u53cc\u5c42\u5e8f\u5217":105,"\u4ee5\u53ca\u5982\u4f55\u89e3\u6790\u795e\u7ecf\u7f51\u7edc\u524d\u5411\u8ba1\u7b97\u7684\u8f93\u51fa\u7ed3\u679c":123,"\u4ee5\u53ca\u76ee\u6807\u673a\u7248openblas\u5e93":140,"\u4ee5\u53ca\u76f8\u5173\u7684\u5c5e\u6027\u53c2\u6570":113,"\u4ee5\u53ca\u7b2c\u4e09\u65b9\u4f9d\u8d56\u94fe\u63a5\u5e93\u548c\u5934\u6587\u4ef6":121,"\u4ee5\u53ca\u8ba1\u7b97\u903b\u8f91\u5728\u5e8f\u5217\u4e0a\u7684\u5faa\u73af\u5c55\u5f00":108,"\u4ee5\u53ca\u8f93\u5165\u7684\u68af\u5ea6":112,"\u4ee5\u53caandroid":138,"\u4ee5\u53cagcc":99,"\u4ee5\u53canumpi":37,"\u4ee5\u53carelu":112,"\u4ee5\u63d0\u4f9b\u4e00\u4e9b\u9ed8\u8ba4\u7684\u7f16\u8bd1\u5668\u548c\u7f16\u8bd1\u53c2\u6570\u76f8\u5173\u914d\u7f6e":138,"\u4ee5\u63d0\u4f9b\u4e00\u4e9b\u9ed8\u8ba4\u7684\u7f16\u8bd1\u5668\u548c\u7f16\u8bd1\u53c2\u6570\u914d\u7f6e":139,"\u4ee5\u6b64\u8fbe\u5230\u6700\u597d\u7684\u6027\u80fd":65,"\u4ee5\u76f8\u5bf9\u8def\u5f84\u5f15\u7528":1,"\u4ee5\u786e\u4fdd\u6240\u6709\u7684\u7b2c\u4e09\u65b9\u4f9d\u8d56\u5e93\u548cpaddlepaddle\u4ee3\u7801\u90fd\u662f\u9488\u5bf9\u65b0\u7684cmake\u914d\u7f6e\u91cd\u65b0\u7f16\u8bd1\u7684":[138,139,140],"\u4ee5\u793a\u533a\u5206":[64,65],"\u4ee5\u8f93\u51fa":96,"\u4ee5\u9017\u53f7\u95f4\u9694":134,"\u4ee5\u907f\u514d\u94fe\u63a5\u4e0d\u5fc5\u8981\u7684\u5e93":121,"\u4ee5eigentensor\u4e3a\u4f8b":114,"\u4ee5embedding\u5c42\u4e3a\u4f8b":98,"\u4ee5lstm\u4e3a\u4f8b":97,"\u4ef7\u683c":106,"\u4efb\u4f55\u65f6\u5019\u5982\u679c\u9700\u8981\u6d6e\u70b9\u578b\u6570\u7ec4":123,"\u4efb\u52a1\u6765\u7ec8\u6b62\u96c6\u7fa4\u4f5c\u4e1a":126,"\u4efb\u52a1\u88ab\u8c03\u5ea6\u5728\u96c6\u7fa4\u4e2d\u65f6":125,"\u4efb\u610f\u5c06\u4e00\u4e9b\u6570\u636e\u7ec4\u5408\u6210\u53cc\u5c42\u65f6\u95f4\u5e8f\u5217":106,"\u4efb\u610f\u65f6\u523b\u53ea\u53ef\u80fd\u540c\u65f6\u6709\u4e00\u53f0\u670d\u52a1\u5668\u6545\u969c":36,"\u4f18\u5316\u524d":64,"\u4f18\u5316\u540e":64,"\u4f18\u5316\u5668\u5219\u7528\u94fe\u5f0f\u6cd5\u5219\u6765\u5bf9\u6bcf\u4e2a\u53c2\u6570\u8ba1\u7b97\u635f\u5931\u51fd\u6570\u7684\u68af\u5ea6":112,"\u4f1a\u4ea7\u751f\u5f53\u524dpython\u4e8c\u8fdb\u5236\u7684\u5b8c\u6574\u8def\u5f84":118,"\u4f1a\u4ee5":[64,65],"\u4f1a\u4f7f\u7528":124,"\u4f1a\u4f7f\u7528\u76f8\u540c\u7684\u539f\u6570\u636e":64,"\u4f1a\u5148\u4e34\u65f6\u4fdd\u5b58\u5728":65,"\u4f1a\u5148\u8fdb\u884c\u53c2\u6570\u7684\u521d\u59cb\u5316\u4e0e\u89e3\u6790":129,"\u4f1a\u5171\u4eab\u53c2\u6570":98,"\u4f1a\u5173\u8054\u53c2\u6570":97,"\u4f1a\u5206\u522b\u4ecb\u7ecd\u96c6\u7fa4\u4f5c\u4e1a\u7684\u542f\u52a8\u548c\u505c\u6b62\u65b9\u6cd5":125,"\u4f1a\u52a0\u8f7d\u4e0a\u4e00\u8f6e\u7684\u53c2\u6570":134,"\u4f1a\u53d8\u6210\u8bcd\u8868\u4e2d\u7684\u4f4d\u7f6e":106,"\u4f1a\u542f\u52a8pserver\u4e0etrainer\u8fdb\u7a0b":129,"\u4f1a\u5728":[65,115],"\u4f1a\u5728\u5f53\u524d\u76ee\u5f55\u751f\u6210\u4e24\u4e2a\u5b50\u76ee\u5f55":115,"\u4f1a\u5728\u7f16\u8bd1paddlepaddle\u7684\u65f6\u5019\u4e0b\u8f7d\u5e76\u7f16\u8bd1mkl":65,"\u4f1a\u5927\u4e0d\u76f8\u540c":125,"\u4f1a\u5bf9\u6bcf\u4e00\u4e2a\u6fc0\u6d3b\u6682\u5b58\u4e00\u4e9b\u6570\u636e":96,"\u4f1a\u5bf9\u8fd9\u7c7b\u8f93\u5165\u8fdb\u884c\u62c6\u89e3":108,"\u4f1a\u5bfc\u81f4\u4e0d\u540c\u7248\u672cpython\u5728\u4e00\u4e2a\u8fdb\u7a0b\u91cc\u7684bug":68,"\u4f1a\u5c06\u6bcf\u4e2a\u65f6\u95f4\u6b65\u7684\u8f93\u51fa\u62fc\u63a5":108,"\u4f1a\u5c06\u7b2c\u4e00\u4e2a":96,"\u4f1a\u5f15\u5165":65,"\u4f1a\u6210\u4e3astep\u51fd\u6570\u7684\u8f93\u5165":108,"\u4f1a\u6253\u5370\u5230\u6807\u51c6\u8f93\u51fa":118,"\u4f1a\u6254\u5230\u8fd9\u6761\u6570\u636e":2,"\u4f1a\u628a\u8bad\u7ec3\u96c6\u548c\u6d4b\u8bd5\u96c6\u5206\u522b\u5206\u5272\u6210\u591a\u4e2a\u6587\u4ef6":125,"\u4f1a\u628acpu\u7684buffer\u5bf9\u9f50\u4e3a4096":65,"\u4f1a\u62a5\u5982\u4e0b\u7684\u9519\u8bef":96,"\u4f1a\u62a5\u9519":108,"\u4f1a\u6839\u636e\u547d\u4ee4\u884c\u53c2\u6570\u6307\u5b9a\u7684\u6d4b\u8bd5\u65b9\u5f0f":1,"\u4f1a\u6839\u636einput_types\u68c0\u67e5\u6570\u636e\u7684\u5408\u6cd5\u6027":2,"\u4f1a\u6dfb\u52a0\u76f8\u5e94\u7684\u811a\u672c\u5728":65,"\u4f1a\u6dfb\u52a0\u76f8\u5e94\u7684\u811a\u672c\u7528\u4e8e\u6d4b\u8bd5\u548c\u5bf9\u6bd4\u5728\u4f7f\u7528mkl":64,"\u4f1a\u72ec\u7acb\u62e5\u6709\u4e00\u4efd\u8bad\u7ec3\u597d\u7684\u6a21\u578b":124,"\u4f1a\u751f\u6210\u6027\u80fd\u5206\u6790\u7ed3\u679c\u6587\u4ef6":118,"\u4f1a\u76f4\u63a5\u62a5\u9519\u9000\u51fa":68,"\u4f1a\u76f8\u5e94\u5730\u6539\u53d8\u8f93\u51fa\u7684\u5c3a\u5bf8":112,"\u4f1a\u81ea\u52a8\u4f7f\u7528mklml\u5e93\u4f5c\u4e3apaddlepaddle\u7684cblas\u548clapack\u5e93":65,"\u4f1a\u81ea\u52a8\u5173\u95ed\u5bf9\u5e94\u7684issu":111,"\u4f1a\u81ea\u52a8\u5728\u7f16\u8bd1\u65f6\u4e0b\u8f7d":99,"\u4f1a\u81ea\u52a8\u6839\u636e\u786c\u4ef6\u914d\u7f6e":65,"\u4f1a\u83b7\u53d6\u5f53\u524dnamespace\u4e0b\u7684\u6240\u6709pod":129,"\u4f1a\u88ab":125,"\u4f1a\u88ab\u62c6\u89e3\u4e3a\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":108,"\u4f1a\u88ab\u62c6\u89e3\u4e3a\u975e\u5e8f\u5217":108,"\u4f1a\u88abpickle\u5e8f\u5217\u5316\u6210\u5b57\u7b26\u4e32":37,"\u4f1a\u901a\u8fc7\u5224\u6570\u636e\u662f\u5426\u9644\u5e26\u6709\u5e8f\u5217\u4fe1\u606f\u6765\u5224\u65ad\u4e00\u4e2a\u5411\u91cf":123,"\u4f1a\u9020\u6210\u90ae\u4ef6\u707e\u96be":111,"\u4f20\u5165":[2,37],"\u4f20\u5165\u4e0a\u4e00\u6b65\u89e3\u6790\u51fa\u6765\u7684\u6a21\u578b\u914d\u7f6e\u5c31\u53ef\u4ee5\u521b\u5efa\u4e00\u4e2a":4,"\u4f20\u5165\u9884\u6d4b\u6570\u636e":4,"\u4f20\u7ed9dataprovider\u7684\u67d0\u4e00\u4e2aargs\u8fc7\u5927":98,"\u4f20\u9012\u7ed9\u914d\u7f6e\u6587\u4ef6\u7684\u53c2\u6570":134,"\u4f46":69,"\u4f46\u4e0d\u66b4\u9732":69,"\u4f46\u4e0d\u7528\u4e8e\u8ba1\u7b97\u68af\u5ea6":112,"\u4f46\u4e0d\u9700\u8981\u63d0\u524d\u521b\u5efa":134,"\u4f46\u4e8e\u53cc\u5c42\u5e8f\u5217\u7684lstm\u6765\u8bf4":106,"\u4f46\u548c\u5355\u5c42rnn\u4e0d\u540c":106,"\u4f46\u5b50\u53e5\u542b\u6709\u7684\u8bcd\u8bed\u6570\u53ef\u4ee5\u4e0d\u76f8\u7b49":108,"\u4f46\u5c3d\u91cf\u8bf7\u4fdd\u6301\u7f16\u8bd1\u548c\u8fd0\u884c\u4f7f\u7528\u7684cudnn\u662f\u540c\u4e00\u4e2a\u7248\u672c":99,"\u4f46\u5e76\u6ca1\u6709\u7ecf\u8fc7\u56de\u5f52\u6d4b\u8bd5":85,"\u4f46\u5e8f\u5217\u8f93\u51fa\u65f6":106,"\u4f46\u5f53\u8c03\u7528\u8fc7\u4e00\u6b21\u540e":2,"\u4f46\u622a\u65ad\u65f6\u673a\u4e0d\u540c":96,"\u4f46\u6240\u6709fork\u7684\u7248\u672c\u5e93\u7684\u6240\u6709\u5206\u652f\u90fd\u76f8\u5f53\u4e8e\u7279\u6027\u5206\u652f":85,"\u4f46\u662f":[96,106],"\u4f46\u662f\u53c8\u8fc7\u4e8e\u7410\u788e":69,"\u4f46\u662f\u5728mkl":65,"\u4f46\u662f\u5728paddlepaddle\u4e2d":65,"\u4f46\u662f\u5927\u90e8\u5206\u53c2\u6570\u662f\u4e3a\u5f00\u53d1\u8005\u63d0\u4f9b\u7684":133,"\u4f46\u662f\u5b50\u5e8f\u5217\u7684\u6570\u76ee\u5fc5\u987b\u4e00\u6837":106,"\u4f46\u662f\u5e76\u4e0d\u80fd\u4fdd\u8bc1\u53c2\u6570\u540c\u6b65\u66f4\u65b0":125,"\u4f46\u662f\u652f\u6301avx\u6307\u4ee4\u96c6":111,"\u4f46\u662f\u6574\u4e2a\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u4e0d\u9700\u8981\u4efb\u4f55\u8f6c\u6362":65,"\u4f46\u662f\u6bcf\u4e2a\u6837\u672c\u4ec5\u5305\u542b\u51e0\u4e2a\u8bcd":136,"\u4f46\u662f\u6ce8\u610f\u7684\u662f":65,"\u4f46\u662f\u7a81\u7136\u6709\u4e00\u4e2a10000\u957f\u7684\u5e8f\u5217":96,"\u4f46\u662f\u865a\u62df\u7684\u4e0d\u4ec5\u4ec5\u662f":110,"\u4f46\u662f\u89e3\u91ca\u6027\u8bed\u8a00":68,"\u4f46\u662f\u8c03\u8bd5python\u4e2d\u4f7f\u7528\u7684\u52a8\u6001\u94fe\u63a5\u5e93\u4e0e\u76f4\u63a5\u8c03\u8bd5\u539f\u59cb\u4e8c\u8fdb\u5236\u76f8\u6bd4\u589e\u52a0\u4e86\u5f88\u591a\u590d\u6742\u5ea6":118,"\u4f46\u662fbatch":96,"\u4f46\u6709\u503c\u7684\u5730\u65b9\u5fc5\u987b\u4e3a1":[2,103],"\u4f46\u6709\u503c\u7684\u90e8\u5206\u53ef\u4ee5\u662f\u4efb\u4f55\u6d6e\u70b9\u6570":[2,103],"\u4f46\u7531\u4e8ecuda\u5e93\u901a\u5e38\u9700\u8981cento":102,"\u4f46\u8fd9\u4e2a\u5173\u7cfb\u53ef\u80fd\u4e0d\u6b63\u786e":2,"\u4f46\u9700\u6ce8\u610f\u53cd\u5411op\u6ca1\u6709":113,"\u4f46eigen":114,"\u4f4d\u7f6e":106,"\u4f4f":106,"\u4f5c\u4e3a\u4e0b\u4e00\u4e2a\u5b50\u53e5memory\u7684\u521d\u59cb\u72b6\u6001":106,"\u4f5c\u4e3a\u4f8b\u5b50\u6f14\u793a\u5982\u4f55\u914d\u7f6e\u590d\u6742\u7684\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u6a21\u578b":109,"\u4f5c\u4e3a\u53c2\u6570\u5c5e\u6027":113,"\u4f5c\u4e3a\u53c2\u6570\u7684id":98,"\u4f5c\u4e3a\u53e6\u4e00\u4e2a\u7b2c\u4e09\u65b9\u5e93\u96c6\u6210\u8fdbpaddlepaddl":65,"\u4f5c\u4e3a\u5b58\u50a8\u7cfb\u7edf":37,"\u4f5c\u4e3a\u5f53\u524d\u65f6\u523b\u8f93\u5165":108,"\u4f5c\u4e3a\u7c7b\u53e5\u67c4":68,"\u4f5c\u4e3a\u7edf\u8ba1\u7684\u57fa\u672c\u5355\u4f4d":123,"\u4f5c\u4e3a\u7f16\u8bd1\u5de5\u5177":99,"\u4f5c\u4e3a\u8c03\u7528":124,"\u4f5c\u4e3a\u8f93\u5165":123,"\u4f5c\u4e3a\u8f93\u51fa":109,"\u4f5c\u4e3aboot_layer\u4f20\u7ed9\u4e0b\u4e00\u4e2a\u5b50\u53e5\u7684memori":106,"\u4f5c\u7528":105,"\u4f60\u53ef\u4ee5\u5c06\u7f51\u7edc\u914d\u7f6e\u6210\u67d0\u4e9b\u5c42\u4f7f\u7528gpu\u8ba1\u7b97":136,"\u4f60\u8fd8\u53ef\u4ee5\u901a\u8fc7\u8fd0\u884cdjango\u6846\u67b6\u76f4\u63a5\u6fc0\u6d3b\u5de5\u5177\u7684\u670d\u52a1\u5668":115,"\u4f60\u9700\u8981\u4e00\u4e9b\u66f4\u590d\u6742\u7684\u5355\u5143\u6d4b\u8bd5\u6765\u4fdd\u8bc1\u4f60\u5b9e\u73b0\u7684\u7f51\u7edc\u5c42\u662f\u6b63\u786e\u7684":112,"\u4f60\u9700\u8981\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d\u6307\u5b9a\u8bbe\u5907\u7684id\u53f7":136,"\u4f60\u9700\u8981\u5728\u914d\u7f6ecmake\u65f6\u5c06":112,"\u4f60\u9700\u8981\u628a\u8be5\u6587\u4ef6\u52a0\u5165":112,"\u4f7f\u4e4b\u53d8\u4e3a\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217\u8f93\u5165":123,"\u4f7f\u4e4b\u53d8\u4e3a\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217\u8f93\u5165":123,"\u4f7f\u5f97\u5355\u5143\u6d4b\u8bd5\u6709\u4e00\u4e2a\u5e72\u51c0\u7684\u73af\u5883":93,"\u4f7f\u5f97\u642d\u6a21\u578b\u65f6\u66f4\u65b9\u4fbf":112,"\u4f7f\u68af\u5ea6\u7684\u63d0\u4ea4\u548c\u53c2\u6570\u7684\u66f4\u65b0\u6309\u7167\u987a\u5e8f\u65b9\u5f0f\u6267\u884c":125,"\u4f7f\u7528":[65,69,85,96,97,98,106,108,109,112,118,119,121,123,124,134,138],"\u4f7f\u75280\u53f7\u548c1\u53f7gpu\u8ba1\u7b97fc2\u5c42":136,"\u4f7f\u75280\u53f7gpu\u8ba1\u7b97fc2\u5c42":136,"\u4f7f\u75281\u53f7gpu\u8ba1\u7b97fc3\u5c42":136,"\u4f7f\u75282\u53f7\u548c3\u53f7gpu\u8ba1\u7b97fc3\u5c42":136,"\u4f7f\u7528\u4e00\u4e2a\u5c3a\u5ea6\u4e3a":112,"\u4f7f\u7528\u4e00\u4e2a\u8bcd\u524d\u4e24\u4e2a\u8bcd\u548c\u540e\u4e24\u4e2a\u8bcd":96,"\u4f7f\u7528\u4e0a\u6587\u521b\u5efa\u7684yaml\u6587\u4ef6\u521b\u5efakubernet":128,"\u4f7f\u7528\u4e0b\u9762\u547d\u4ee4":37,"\u4f7f\u7528\u4e0b\u9762\u7684\u547d\u4ee4\u6765\u8fd0\u884c\u5b83":115,"\u4f7f\u7528\u4e86\u540c\u6837\u7684parameter\u548cbia":98,"\u4f7f\u7528\u4ee5\u4e0a\u8bad\u7ec3\u597d\u7684\u6a21\u578b\u8fdb\u884c\u9884\u6d4b":103,"\u4f7f\u7528\u52a8\u6001\u5e93":68,"\u4f7f\u7528\u53c2\u6570":[99,125],"\u4f7f\u7528\u540c\u6837\u7684\u8bad\u7ec3\u6570\u636eblock":36,"\u4f7f\u7528\u57fa\u4e8edocker\u5bb9\u5668\u7684\u7f16\u8bd1\u65b9\u5f0f":138,"\u4f7f\u7528\u591a\u5757\u663e\u5361\u8bad\u7ec3":96,"\u4f7f\u7528\u591a\u7ebf\u7a0b\u8bad\u7ec3":96,"\u4f7f\u7528\u5b66\u4e60\u5b8c\u6210\u7684\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u6a21\u578b\u751f\u6210\u5e8f\u5217":109,"\u4f7f\u7528\u5b83\u4f1a\u5f00\u542f\u4e00\u4e2ahttp\u670d\u52a1":118,"\u4f7f\u7528\u5bb9\u5668\u65b9\u5f0f\u8fd0\u884c\u8bad\u7ec3\u4efb\u52a1\u7684kubernet":129,"\u4f7f\u7528\u6211\u4eec\u4e4b\u524d\u6784\u9020\u7684\u955c\u50cf":128,"\u4f7f\u7528\u6570\u503c\u6cd5\u68c0\u6d4b\u68af\u5ea6\u6b63\u786e\u6027\u548c\u7a33\u5b9a\u6027":113,"\u4f7f\u7528\u6587\u6863":113,"\u4f7f\u7528\u663e\u5361\u8bad\u7ec3":96,"\u4f7f\u7528\u667a\u80fd\u6307\u9488\u7684\u539f\u56e0\u662f":69,"\u4f7f\u7528\u6848\u4f8b":135,"\u4f7f\u7528\u6d41\u7a0b":122,"\u4f7f\u7528\u73af\u5883\u53d8\u91cf":125,"\u4f7f\u7528\u7684\u53c2\u6570\u4e0epaddlepaddle\u7533\u8bf7\u7684buffer\u5171\u7528\u4e00\u5757\u5185\u5b58":65,"\u4f7f\u7528\u76f8\u5bf9\u8def\u5f84\u7684\u5f15\u7528\u65b9\u5f0f":69,"\u4f7f\u7528\u8005\u4e0d\u9700\u8981\u5173\u5fc3":134,"\u4f7f\u7528\u8005\u53ea\u9700\u8981\u5173\u6ce8\u4e8e\u8bbe\u8ba1rnn\u5728\u4e00\u4e2a\u65f6\u95f4\u6b65\u4e4b\u5185\u5b8c\u6210\u7684\u8ba1\u7b97":108,"\u4f7f\u7528\u8005\u65e0\u9700\u5173\u5fc3\u8fd9\u4e2a\u53c2\u6570":134,"\u4f7f\u7528\u8005\u901a\u5e38\u65e0\u9700\u5173\u5fc3":134,"\u4f7f\u7528\u8be5learning_rate_schedule\u65f6":98,"\u4f7f\u7528\u8fd9\u4e2a\u795e\u7ecf\u7f51\u7edc\u53ef\u4ee5\u5b8c\u6210\u5bf9\u65b0\u6570\u636e\u7684\u9884\u6d4b":36,"\u4f7f\u7528\u8fd9\u79cd\u65b9\u5f0f":[106,124],"\u4f7f\u7528\u8fdc\u7a0b\u7a00\u758f\u65b9\u5f0f\u8bad\u7ec3\u65f6":112,"\u4f7f\u7528\u9759\u6001\u5e93\u548c\u52a8\u6001\u5e93\u96be\u5ea6\u5dee\u4e0d\u591a":68,"\u4f7f\u7528args\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d\u8bbe\u7f6e":2,"\u4f7f\u7528c":[69,121],"\u4f7f\u7528c99\u505a\u63a5\u53e3":68,"\u4f7f\u7528c99\u800c\u4e0d\u4f7f\u7528c11\u7684\u539f\u56e0\u662f":68,"\u4f7f\u7528c99\u800c\u4e0d\u4f7f\u7528c89":68,"\u4f7f\u7528checkgrad\u6a21\u5f0f\u65f6\u7684\u53c2\u6570\u53d8\u5316\u5927\u5c0f":134,"\u4f7f\u7528cmake\u7684\u8bdd":118,"\u4f7f\u7528cpu\u4e24\u7ebf\u7a0b\u8ba1\u7b97fc4\u5c42":136,"\u4f7f\u7528cpu\u8ba1\u7b97fc4\u5c42":136,"\u4f7f\u7528docker":100,"\u4f7f\u7528docker\u5b89\u88c5\u548c\u8fd0\u884cpaddlepaddle\u53ef\u4ee5\u65e0\u9700\u8003\u8651":100,"\u4f7f\u7528docker\u5b89\u88c5\u8fd0\u884c":101,"\u4f7f\u7528docker\u5c31\u4e0d\u7528\u914d\u7f6e\u4ea4\u53c9\u7f16\u8bd1\u73af\u5883\u4e86":110,"\u4f7f\u7528docker\u6784\u5efapaddlepaddle\u7684\u6587\u6863":115,"\u4f7f\u7528docker\u7684\u60c5\u51b5\u4e0b":99,"\u4f7f\u7528eigen\u8fdb\u884c\u77e9\u9635\u8ba1\u7b97":138,"\u4f7f\u7528init":136,"\u4f7f\u7528lstm\u4f5c\u4e3aencod":106,"\u4f7f\u7528memory\u7684rnn\u5b9e\u73b0\u4fbf\u5982\u4e0b\u56fe\u6240\u793a":106,"\u4f7f\u7528model":136,"\u4f7f\u7528openblas\u7684\u955c\u50cf":100,"\u4f7f\u7528openblas\u8fdb\u884c\u77e9\u9635\u8ba1\u7b97":138,"\u4f7f\u7528paddlepaddl":[121,124],"\u4f7f\u7528pip\u5b89\u88c5":101,"\u4f7f\u7528rdma\u8fd8\u662ftcp\u4f20\u8f93\u534f\u8bae":134,"\u4f7f\u7528regress":85,"\u4f7f\u7528swig\u53ea\u652f\u6301cpython\u89e3\u91ca\u5668":68,"\u4f7f\u7528swig\u9700\u8981\u591a\u8bed\u8a00\u7ed1\u5b9a\u7684\u5f00\u53d1\u4eba\u5458\u719f\u7ec3\u638c\u63e1swig\u914d\u7f6e":68,"\u4f7f\u7528void":68,"\u4f7f\u8be5\u5c42\u7684\u53c2\u6570\u5728\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u4fdd\u6301\u4e0d\u53d8":98,"\u4f86":106,"\u4f8b\u5982":[2,37,68,69,85,96,97,99,103,106,109,112,119,123,129,133,134,136],"\u4f8b\u5982\u4e0b\u56fe\u4e2d":118,"\u4f8b\u5982\u4e5f\u53ef\u5728\u7a0b\u5e8f\u8fd0\u884c\u8fc7\u7a0b\u4e2d\u518d\u52a0\u8f7d\u53e6\u5916\u4e00\u4e2a\u6a21\u578b":124,"\u4f8b\u5982\u4f7f\u7528":96,"\u4f8b\u5982\u542b\u6709\u591a\u4e2a\u901a\u9053\u7684\u56fe\u7247":123,"\u4f8b\u5982\u5728deepspeech2":64,"\u4f8b\u5982\u5bf9\u4e8ejava\u6216\u8005python":68,"\u4f8b\u5982\u5bf9\u4e8ejava\u6765\u8bf4":68,"\u4f8b\u5982\u5bf9\u4e8epython":68,"\u4f8b\u5982\u5c06\u7b2c\u4e00\u6761\u6570\u636e\u8f6c\u5316\u4e3a":106,"\u4f8b\u5982\u6587\u672c\u5206\u7c7b\u4e2d":106,"\u4f8b\u5982\u672c\u4f8b\u4e2d\u7684\u4e24\u4e2a\u7279\u5f81":106,"\u4f8b\u5982\u673a\u5668\u4e0a\u67094\u5757gpu":96,"\u4f8b\u5982c":68,"\u4f8b\u5982java\u4e0epython\u7684\u9519\u8bef\u5904\u7406\u662f\u76f4\u63a5\u6254\u51fa\u6765except":68,"\u4f8b\u5982output\u76ee\u5f55\u4e0b\u5c31\u5b58\u653e\u4e86\u8f93\u51fa\u7ed3\u679c":129,"\u4f8b\u5982python\u53ef\u4ee5\u4f7f\u7528":68,"\u4f8b\u5982python\u7684":68,"\u4f8b\u5982rnn":64,"\u4f8b\u5982sigmoid":112,"\u4f8b\u5b50\u4e2d\u4e3a3\u4e2a":125,"\u4f8b\u5b50\u4e2d\u662f":112,"\u4f8b\u5b50\u4e2d\u662f0":112,"\u4f8b\u5b50\u4e2d\u662f100":112,"\u4f8b\u5b50\u4e2d\u662f4096":112,"\u4f8b\u5b50\u4e2d\u662f8192":112,"\u4f8b\u5b50\u4e2d\u662ffc":112,"\u4f8b\u5b50\u4e2d\u662fsoftmax":112,"\u4f9bpaddlepaddle\u52a0\u8f7d":134,"\u4f9d\u636e\u662f\u5426\u5305\u542bkernel":113,"\u4f9d\u6b21\u7c7b\u63a8":85,"\u4f9d\u8d56":[99,102],"\u4f9d\u8d56\u73af\u5883\u5373\u53ef\u8fd0\u884c":100,"\u4f9d\u8d56libpython2":99,"\u4fbf\u5229":106,"\u4fbf\u548c\u5355\u5c42rnn\u914d\u7f6e\u4e2d\u7684":106,"\u4fbf\u5b9c":106,"\u4fbf\u662f\u5c06\u9759\u6001\u5e93\u52a0\u5165jvm\u4e2d":68,"\u4fdd\u5b58\u6a21\u578b\u53c2\u6570\u7684\u76ee\u5f55":134,"\u4fdd\u5b58\u7684\u53c2\u6570\u4e5f\u662ffloat\u7c7b\u578b":98,"\u4fdd\u5b58\u7f51\u7edc\u5c42\u8f93\u51fa\u7ed3\u679c\u7684\u76ee\u5f55":134,"\u4fdd\u5b58\u9884\u6d4b\u7ed3\u679c\u7684\u6587\u4ef6\u540d":134,"\u4fdd\u6301\u5c3d\u91cf\u5c11\u7684commit":111,"\u4fe1\u53f7\u6765\u81ea\u52a8\u7ec8\u6b62\u5b83\u542f\u52a8\u7684\u6240\u6709\u8fdb\u7a0b":126,"\u4fe1\u606f":123,"\u4fee\u590d\u6240\u6709bug\u540e":85,"\u4fee\u590ddocker\u7f16\u8bd1\u955c\u50cf\u95ee\u9898":85,"\u4fee\u6539":[65,85,128],"\u4fee\u6539\u542f\u52a8\u811a\u672c\u540e":128,"\u4fee\u6539\u6210":85,"\u4fee\u6539\u6210\u66f4\u5feb\u7684\u7248\u672c":119,"\u4fee\u6539\u6587\u6863":116,"\u503c\u5f97\u6ce8\u610f\u7684\u662f":[106,111],"\u503c\u5f97\u6df1\u5165\u5206\u6790":119,"\u503c\u7c7b\u578b":136,"\u5047\u5982\u6211\u4eec\u662f\u4e09\u5206\u7c7b\u95ee\u9898":98,"\u5047\u8bbe":112,"\u5047\u8bbe\u60a8\u5df2\u7ecf\u5728\u5f53\u524d\u76ee\u5f55":100,"\u5047\u8bbe\u635f\u5931\u51fd\u6570\u662f":112,"\u5047\u8bbe\u7b2c\u4e00\u4e2alayer\u7684\u8f93\u51faa\u662f\u4e00\u4e2a":96,"\u504f\u7f6e\u53c2\u6570\u7684\u5927\u5c0f":112,"\u505a\u4e00\u4e2a\u4ecb\u7ecd":114,"\u505a\u53ea\u8bfb\u6302\u8f7d":37,"\u505a\u5982\u4e0b\u51e0\u4e2a\u64cd\u4f5c":85,"\u505a\u63a5\u53e3":68,"\u505a\u68af\u5ea6\u68c0\u6d4b":113,"\u505a\u68c0\u67e5":113,"\u505c\u6b62\u4fdd\u5b58\u68c0\u67e5\u70b9\u7684\u7ebf\u7a0b":36,"\u505c\u6b62\u52a0\u8f7d\u6570\u636e":134,"\u505c\u7535":106,"\u5141\u8bb8\u5916\u7f51\u8bbf\u95ee\u8fd9\u4e2ahttp\u670d\u52a1":118,"\u5143\u7d20":105,"\u5143\u7d20\u4e4b\u95f4\u7684\u987a\u5e8f\u662f\u5e8f\u5217\u6240\u643a\u5e26\u7684\u91cd\u8981\u4fe1\u606f":123,"\u5143\u7d20\u4e4b\u95f4\u7684\u987a\u5e8f\u662f\u91cd\u8981\u7684\u8f93\u5165\u4fe1\u606f":105,"\u5145\u5206\u53d1\u6325\u82f1\u7279\u5c14\u5e73\u53f0\u7684\u4f18\u52bf":64,"\u5145\u5206\u5c55\u73b0\u82f1\u7279\u5c14\u5e73\u53f0\u7684\u4f18\u52bf":65,"\u5148\u4ece\u5355\u7ebf\u7a0b\u5f00\u59cb":118,"\u5148\u5378\u8f7d\u4e4b\u524d\u7684\u7248\u672c":99,"\u5148\u5b8c\u6210\u5bf9\u6743\u91cd\u7684packing\u64cd\u4f5c":64,"\u5148\u5b9e\u73b0\u6a21\u578b\u63a8\u65ad\u7684api":69,"\u5148\u627e\u51fa\u53c2\u6570":97,"\u5148\u67e5\u770b\u4e00\u4e0b\u662f\u5426\u66fe\u7ecf\u5b89\u88c5\u8fc7paddl":93,"\u5148\u68c0\u67e5\u5173\u952e\u8def\u5f84\u7684\u6027\u80fd\u95ee\u9898":118,"\u514b\u9686\u4e0b\u9762":140,"\u5168\u5bb6":106,"\u5168\u8fde\u63a5\u5c42\u4ee5\u4e00\u4e2a\u7ef4\u5ea6\u4e3a":112,"\u5168\u8fde\u63a5\u5c42\u6ca1\u6709\u7f51\u7edc\u5c42\u914d\u7f6e\u7684\u8d85\u53c2\u6570":112,"\u5168\u8fde\u63a5\u5c42\u7684\u5b9e\u73b0\u4f4d\u4e8e":112,"\u5168\u8fde\u63a5\u5c42\u7684\u6bcf\u4e2a\u8f93\u51fa\u90fd\u8fde\u63a5\u5230\u4e0a\u4e00\u5c42\u7684\u6240\u6709\u7684\u795e\u7ecf\u5143\u4e0a":112,"\u5168\u8fde\u63a5\u5c42python\u5c01\u88c5\u7684\u4f8b\u5b50\u4e2d\u5305\u542b\u4e0b\u9762\u51e0\u6b65":112,"\u516c\u5f0f":100,"\u5171\u4eab\u4e00\u4e2aop\u5b9a\u4e49":113,"\u5171\u4eab\u5185\u5b58":65,"\u5171\u4eab\u540c\u4e00\u4e2a\u6743\u91cd":64,"\u5171\u4eab\u540c\u4e00\u4e2akernel\u65f6":113,"\u5171\u4eab\u5b58\u50a8\u6302\u5728\u7684\u8def\u5f84":129,"\u5173\u4e8e\u4ec0\u4e48\u662f":123,"\u5173\u4e8e\u5728paddlepaddle\u4e2d\u5982\u4f55\u4f7f\u7528eigen\u5e93":113,"\u5173\u4e8e\u65f6\u95f4\u5e8f\u5217":106,"\u5173\u4e8e\u6784\u5efa\u548c\u6d4b\u8bd5\u7684\u66f4\u591a\u4fe1\u606f":111,"\u5173\u4e8eavx":100,"\u5173\u4e8eeigen":114,"\u5173\u4e8elstm":97,"\u5173\u4e8epaddlepaddle\u7684\u5206\u5e03\u5f0f\u8bad\u7ec3":129,"\u5173\u4e8epaddlepaddle\u7684\u66f4\u591a\u4f7f\u7528\u65b9\u6cd5\u8bf7\u53c2\u8003":103,"\u5173\u4e8eunbound":108,"\u5173\u952e\u8bcd\u5305\u62ec":111,"\u5176\u4e2d":[2,68,85,96,98,103,109,112,118,138,140],"\u5176\u4e2d\u5305\u542b\u4e86\u7528\u6237\u7684\u8bad\u7ec3\u7a0b\u5e8f":125,"\u5176\u4e2d\u5305\u542b\u6240\u4f9d\u8d56\u7684\u6240\u6709\u7b2c\u4e09\u65b9\u5e93":139,"\u5176\u4e2d\u5305\u542b\u6240\u6709c":139,"\u5176\u4e2d\u5305\u542bpaddlepaddle\u7684c":139,"\u5176\u4e2d\u6bcf\u4e00\u884c\u5bf9\u5e94\u4e00\u4e2a\u6570\u636e\u6587\u4ef6\u5730\u5740":1,"\u5176\u4e2d\u6bcf\u4e2a\u5143\u7d20\u662f\u53cc\u5c42\u5e8f\u5217\u4e2d\u6bcf\u4e2asubseq\u6700\u540e\u4e00\u4e2a":105,"\u5176\u4e2d\u6bcf\u884c\u6570\u636e\u4ee3\u8868\u4e00\u5f20\u56fe\u7247":2,"\u5176\u4e2dcheckgrad\u4e3b\u8981\u4e3a\u5f00\u53d1\u8005\u4f7f\u7528":134,"\u5176\u4e2dmean\u548cstd\u662f\u8bad\u7ec3\u914d\u7f6e\u4e2d\u7684\u53c2\u6570":134,"\u5176\u4e2dvalue\u5373\u4e3asoftmax\u5c42\u7684\u8f93\u51fa":4,"\u5176\u4e2dx\u8868\u793a\u8f93\u5165\u6570\u636e\u662f\u4e00\u4e2a\u7ef4\u5ea6\u4e3a2\u7684\u7a20\u5bc6\u5411\u91cf":103,"\u5176\u4e3b\u8981\u63a5\u53e3\u5982\u4e0b":114,"\u5176\u4ed6\u4eba\u53ef\u4ee5\u590d\u73b0\u95ee\u9898\u4ee5\u4fbf\u5e2e\u52a9":110,"\u5176\u4ed6\u5185\u5b58\u6742\u9879":96,"\u5176\u4ed6\u5185\u5b58\u6742\u9879\u662f\u6307paddlepaddle\u672c\u8eab\u6240\u7528\u7684\u4e00\u4e9b\u5185\u5b58":96,"\u5176\u4ed6\u51fd\u6570\u5747\u8fd4\u56de":69,"\u5176\u4ed6\u53c2\u6570\u4f7f\u7528":2,"\u5176\u4ed6\u6240\u6709\u5c42\u90fd\u4f1a\u4f7f\u7528gpu\u8ba1\u7b97":136,"\u5176\u4ed6\u7528\u6237\u7684fork\u7248\u672c\u5e93\u5e76\u4e0d\u9700\u8981\u4e25\u683c\u9075\u5b88":85,"\u5176\u4ed6\u7684\u4f9d\u8d56\u8f6f\u4ef6":99,"\u5176\u4ed6\u914d\u7f6e\u53c2\u6570":[138,139],"\u5176\u4ed6\u9ad8\u7ea7\u529f\u80fd\u5305\u62ec\u5b9a\u4e49\u591a\u4e2amemori":109,"\u5176\u4f1a\u81ea\u52a8\u88ab\u52a0\u5165\u7f16\u8bd1\u5217\u8868":112,"\u5176\u4f5c\u7528\u662f\u5c06\u6570\u636e\u4f20\u5165\u5185\u5b58\u6216\u663e\u5b58":1,"\u5176\u53c2\u6570\u5982\u4e0b":2,"\u5176\u547d\u4ee4\u5982\u4e0b":118,"\u5176\u5b83\u53ef\u9009\u7f16\u8bd1\u9009\u9879\u6309\u9700\u8fdb\u884c\u8bbe\u5b9a":121,"\u5176\u5b83layer\u7684\u8f93\u51fa":108,"\u5176\u5b9e\u4e5f\u662f\u548c\u6bcf\u4e2amini":96,"\u5176\u6b21":[2,106],"\u5176\u8bf4\u660e\u5982\u4e0b":106,"\u5176\u8f6c\u6362\u6b21\u6570\u51cf\u5c11\u81f3":64,"\u5176\u8f93\u51fa\u88ab\u7528\u4f5cmemory\u7684\u521d\u59cb\u503c":109,"\u5176name\u7531\u53c2\u6570":97,"\u5177\u4f53\u4f7f\u7528\u65b9\u6cd5\u4e3a":[69,96],"\u5177\u4f53\u505a\u6cd5\u8bf7\u53c2\u8003":110,"\u5177\u4f53\u539f\u56e0\u53c2\u8003":69,"\u5177\u4f53\u53ef\u4ee5\u53c2\u8003":[2,96,112],"\u5177\u4f53\u53ef\u4ee5\u53c2\u8003mkl":65,"\u5177\u4f53\u53ef\u53c2\u8003\u6587\u6863":108,"\u5177\u4f53\u5b9e\u73b0\u65b9\u5f0f\u6bd4\u5982":[64,65],"\u5177\u4f53\u60c5\u51b5\u56e0\u4eba\u800c\u5f02":119,"\u5177\u4f53\u64cd\u4f5c\u5982\u4e0b":93,"\u5177\u4f53\u6b65\u9aa4\u5982\u4e0b":93,"\u5177\u4f53\u7684\u5b8c\u6210\u72b6\u6001\u53ef\u4ee5\u53c2\u89c1":65,"\u5177\u4f53\u7684\u683c\u5f0f\u8bf4\u660e":2,"\u5177\u4f53\u7684\u89e3\u51b3\u65b9\u6cd5\u662f":93,"\u5177\u4f53\u8bf7\u53c2\u8003":[2,69,111],"\u5177\u4f53\u8bf7\u89c1":111,"\u5177\u6709\u76f8\u540c\u7684\u7ed3\u679c\u4e86":106,"\u5185":109,"\u5185\u5b58":119,"\u5185\u5b58\u4e0d\u8db3":94,"\u5185\u5b58\u5bb9\u9650\u9608\u503c":134,"\u5185\u5bb9":113,"\u5185\u5bb9\u5982\u4e0b":128,"\u5185\u5c42\u5e8f\u5217\u5728":123,"\u5185\u5c42inner_step\u7684recurrent_group\u548c\u5355\u5c42\u5e8f\u5217\u7684\u51e0\u4e4e\u4e00\u6837":106,"\u5185\u5df2\u7ecf\u5305\u542bpaddlepaddle\u7684\u6267\u884c\u7a0b\u5e8f\u4f46\u662f\u8fd8\u6ca1\u4e0a\u8ff0\u529f\u80fd":129,"\u5185\u7f6e\u7684":124,"\u5185\u90e8":[124,129],"\u5185\u90e8\u5b58\u50a8":65,"\u5185\u90e8\u7531":[123,124],"\u5185\u90e8\u9a71\u52a8python\u89e3\u91ca\u5668\u8fdb\u884c\u6a21\u578b\u914d\u7f6e\u89e3\u6790\u548c\u6570\u636e\u8bfb\u53d6":68,"\u518d\u4ee5":113,"\u518d\u505a\u4e00\u5b9a\u7684reshap":97,"\u518d\u5199\u5165\u7f51\u7edc\u53c2\u6570":98,"\u518d\u5728\u6bcf\u4e00\u4e2aapi\u4e2d\u81ea\u5df1\u68c0\u67e5\u7c7b\u578b":68,"\u518d\u57fa\u4e8e":85,"\u518d\u5b89\u88c5":[93,102],"\u518d\u5bf9\u6bcf\u4e00\u4e2a\u5355\u5c42\u65f6\u95f4\u5e8f\u5217\u8fdb\u884c\u5904\u7406":106,"\u518d\u5bf9\u6bcf\u4e00\u53e5\u8bdd\u7684\u7f16\u7801\u5411\u91cf\u7528lstm\u7f16\u7801\u6210\u4e00\u4e2a\u6bb5\u843d\u7684\u5411\u91cf":106,"\u518d\u5bf9\u8fd9\u4e2a\u6bb5\u843d\u5411\u91cf\u8fdb\u884c\u5206\u7c7b":106,"\u518d\u5c06\u66f4\u65b0\u540e\u7684\u53c2\u6570\u4e0b\u53d1\u5230\u6bcf\u4e2a\u8ba1\u7b97\u8282\u70b9":125,"\u518d\u5f00\u542f\u591a\u7ebf\u7a0b":118,"\u518d\u628a\u5df2\u8f6c\u6362\u4e3apacked\u683c\u5f0f\u7684\u6570\u636e\u4f20\u9012\u7ed9\u90a3\u4e9b\u590d\u7528\u540c\u4e00\u6570\u636e\u7684gemm":64,"\u518d\u6307\u5b9a":99,"\u518d\u68c0\u67e5\u5176\u4ed6\u90e8\u5206\u7684\u6027\u80fd\u95ee\u9898":118,"\u518d\u6b21\u5bf9\u4ee3\u7801\u8fdb\u884c\u6027\u80fd\u5206\u6790":119,"\u518d\u6b21\u8fdb\u884c\u6027\u80fd\u5206\u6790":118,"\u518d\u7528\u8fd9\u4e2a\u68af\u5ea6\u53bb\u548c":112,"\u518d\u901a\u8fc7\u51fd\u6570":129,"\u518d\u91cd\u65b0\u5b89\u88c5":99,"\u5199\u4ee3\u7801":68,"\u5199\u5165\u5feb\u7167\u6570\u636e":36,"\u5199\u5165\u6587\u4ef6\u4e2d":124,"\u5199\u68af\u5ea6\u68c0\u67e5\u5355\u5143\u6d4b\u8bd5\u662f\u4e00\u4e2a\u9a8c\u8bc1\u65b0\u5b9e\u73b0\u7684\u5c42\u662f\u5426\u6b63\u786e\u7684\u76f8\u5bf9\u7b80\u5355\u7684\u529e\u6cd5":112,"\u5199\u7684":118,"\u51c6\u5907":106,"\u51c6\u5907\u60a8\u7684\u8ba1\u7b97\u96c6\u7fa4":125,"\u51c6\u5907\u8bad\u7ec3\u6570\u636e":130,"\u51c6\u5907\u8bad\u7ec3\u6570\u636e\u548c\u9a8c\u8bc1\u6570\u636e\u96c6":125,"\u51c6\u5907\u9884\u6d4b\u6570\u636e":4,"\u51c6\u5907\u9884\u6d4b\u6a21\u578b\u548c":124,"\u51c6\u5907\u9884\u6d4b\u6a21\u578b\u90e8\u5206":124,"\u51cf\u5c0f\u5e8f\u5217\u7684\u957f\u5ea6":96,"\u51cf\u5c0f\u8fd9\u4e2a\u5185\u5b58\u6c60\u5373\u53ef\u51cf\u5c0f\u5185\u5b58\u5360\u7528":96,"\u51cf\u5c0fbatch":96,"\u51e0\u53f0\u5230\u51e0\u5343\u53f0\u89c4\u6a21":125,"\u51fa\u53bb\u73a9":106,"\u51fa\u5dee":106,"\u51fa\u6765":106,"\u51fa\u73b0":93,"\u51fa\u73b0\u4ee5\u4e0b\u9519\u8bef":98,"\u51fa\u73b0\u8be5\u9519\u8bef\u7684\u539f\u56e0\u4e00\u822c\u662f\u7528\u6237\u5bf9\u4e0d\u540clayer\u7684\u53c2\u6570":97,"\u51fa\u73b0\u8fd9\u4e2a\u95ee\u9898\u7684\u4e3b\u8981\u539f\u56e0\u662f":[93,102],"\u51fd\u6570":[2,64,65,109,112,118,119,123],"\u51fd\u6570\u4e2d\u4f7f\u7528":2,"\u51fd\u6570\u4e2d\u64cd\u4f5c\u7684\u91cd\u8981\u53d8\u91cf\u7684\u8be6\u7ec6\u89e3\u91ca":113,"\u51fd\u6570\u5047\u8bbe":109,"\u51fd\u6570\u52a0\u5230\u4ee3\u7801\u4e2d":119,"\u51fd\u6570\u5373\u53ef\u5b8c\u6210\u8f6c\u6362":37,"\u51fd\u6570\u53ea\u5173\u6ce8\u4e8ernn\u4e00\u4e2a\u65f6\u95f4\u6b65\u4e4b\u5185\u7684\u8ba1\u7b97":108,"\u51fd\u6570\u540d":118,"\u51fd\u6570\u540d\u4e3a":69,"\u51fd\u6570\u547d\u540d":68,"\u51fd\u6570\u5b9a\u4e49\u8f93\u5165":113,"\u51fd\u6570\u5b9e\u9645\u4f7f\u7528\u7684\u603b\u65f6\u95f4":118,"\u51fd\u6570\u5c31\u662f\u6839\u636e\u8be5\u673a\u5236\u914d\u7f6e\u7684":2,"\u51fd\u6570\u5f97\u5230\u7684\u68af\u5ea6\u53bb\u5bf9\u6bd4":112,"\u51fd\u6570\u5fc5\u987b\u5148\u8c03\u7528\u57fa\u7c7b\u4e2d\u7684\u51fd\u6570":112,"\u51fd\u6570\u5fc5\u987b\u8fd4\u56de\u4e00\u4e2a\u6216\u591a\u4e2alayer\u7684\u8f93\u51fa":108,"\u51fd\u6570\u603b\u65f6\u95f4":118,"\u51fd\u6570\u6307\u51fa\u4e86\u5728\u8bad\u7ec3\u65f6\u9700\u8981\u4ece\u53c2\u6570\u670d\u52a1\u5668\u53d6\u51fa\u7684\u884c":112,"\u51fd\u6570\u6765\u5c06\u4fe1\u606f\u8f93\u51fa\u5230\u754c\u9762\u4e2d":119,"\u51fd\u6570\u67e5\u8be2\u8f6f\u4ef6\u5305\u76f8\u5173api\u8bf4\u660e":4,"\u51fd\u6570\u7684":2,"\u51fd\u6570\u7684\u5b9e\u73b0\u662f\u6b63\u786e\u7684":112,"\u51fd\u6570\u7684\u5f00\u5934\u5fc5\u987b\u8c03\u7528":112,"\u51fd\u6570\u7684\u603b\u5171\u8017\u65f6\u5f88\u957f":118,"\u51fd\u6570\u7684\u8c03\u7528\u6b21\u6570":118,"\u51fd\u6570\u80fd\u591f\u5c06\u4f7f\u7528":124,"\u51fd\u6570\u91cc\u5b9e\u73b0":113,"\u5206\u4e3a":124,"\u5206\u522b\u4e3a\u6570\u636e\u8f93\u5165\u6dfb\u52a0\u5916\u5c42\u5e8f\u5217\u548c\u5185\u5c42\u5e8f\u5217\u7684\u5e8f\u5217\u4fe1\u606f":123,"\u5206\u522b\u4ece\u8bcd\u8bed\u548c\u53e5\u5b50\u7ea7\u522b\u7f16\u7801\u8f93\u5165\u6570\u636e":108,"\u5206\u522b\u4ee3\u8868\u8f93\u5165\u6570\u636e":65,"\u5206\u522b\u4f7f\u7528\u5355\u53cc\u5c42rnn\u4f5c\u4e3a\u7f51\u7edc\u914d\u7f6e\u7684\u6a21\u578b":106,"\u5206\u522b\u5b9a\u4e49\u5b50\u53e5\u7ea7\u522b\u548c\u8bcd\u8bed\u7ea7\u522b\u4e0a\u9700\u8981\u5b8c\u6210\u7684\u8fd0\u7b97":108,"\u5206\u522b\u5bf9\u5e94capi":85,"\u5206\u522b\u662f":105,"\u5206\u522b\u662frnn\u72b6\u6001\u548c\u8f93\u5165\u7684\u53d8\u6362\u77e9\u9635":109,"\u5206\u522b\u662fsentences\u548clabel":106,"\u5206\u522b\u662fwords\u548clabel":106,"\u5206\u522b\u8ba1\u7b97\u6bcf\u4e2a\u53c2\u6570\u7684\u68af\u5ea6":112,"\u5206\u522b\u8fdb\u884c\u5e8f\u5217\u64cd\u4f5c":106,"\u5206\u5e03\u5f0f\u5b58\u50a8\u670d\u52a1":36,"\u5206\u5e03\u5f0f\u8ba1\u7b97\u5e73\u53f0\u901a\u5e38\u4f1a\u901a\u8fc7api\u6216\u8005\u73af\u5883\u53d8\u91cf\u63d0\u4f9b\u4efb\u52a1\u8fd0\u884c\u9700\u8981\u7684\u53c2\u6570":125,"\u5206\u5e03\u5f0f\u8bad\u7ec3":116,"\u5206\u5e03\u5f0f\u8bad\u7ec3\u67b6\u6784\u5982\u4e0b\u56fe\u6240\u793a":125,"\u5206\u6210\u4e24\u90e8\u5206":2,"\u5206\u652f":[85,111],"\u5206\u652f\u4e00\u65e6\u5efa\u7acb":85,"\u5206\u652f\u4e0a":111,"\u5206\u652f\u4e0a\u521b\u5efa\u65b0\u5206\u652f":111,"\u5206\u652f\u4e2d":85,"\u5206\u652f\u4e3a\u5f00\u53d1":85,"\u5206\u652f\u4e3a\u6bcf\u4e00\u6b21release\u65f6\u5efa\u7acb\u7684\u4e34\u65f6\u5206\u652f":85,"\u5206\u652f\u4e3a\u7a33\u5b9a":85,"\u5206\u652f\u529f\u80fd\u7684\u5c01\u95ed":85,"\u5206\u652f\u5408\u5165":85,"\u5206\u652f\u5408\u5165master\u5206\u652f":85,"\u5206\u652f\u540c\u6b65\u4e3b\u7248\u672c\u5e93\u7684":85,"\u5206\u652f\u540d":111,"\u5206\u652f\u540d\u4e3a":85,"\u5206\u652f\u5b58\u5728\u7684\u65f6\u5019":85,"\u5206\u652f\u6d3e\u751f\u51fa\u65b0\u7684\u5206\u652f":85,"\u5206\u652f\u7528\u6765\u6d4b\u8bd5\u53ea\u9700\u8981\u8ba1\u7b97\u4e00\u4e2a\u8f93\u5165\u68af\u5ea6\u7684\u60c5\u51b5":113,"\u5206\u652f\u7684\u7248\u672c\u90fd\u662f\u7ecf\u8fc7\u5355\u5143\u6d4b\u8bd5\u548c\u56de\u5f52\u6d4b\u8bd5\u7684\u7248\u672c":85,"\u5206\u652f\u7684\u7248\u672c\u90fd\u7ecf\u8fc7\u5355\u5143\u6d4b\u8bd5":85,"\u5206\u652f\u89c4\u8303":111,"\u5206\u6790\u5f97\u5230\u7684\u4fe1\u606f\u7528\u4e8e\u534f\u52a9\u8fdb\u884c\u7a0b\u5e8f\u7684\u4f18\u5316":119,"\u5206\u7247":36,"\u5206\u7c7b\u4efb\u52a1\u4e2d\u7c7b\u522b\u6807\u7b7e":123,"\u5206\u7c7b\u6210\u6b63\u9762\u60c5\u7eea\u548c\u8d1f\u9762\u60c5\u7eea\u4e24\u7c7b":2,"\u5206\u914d\u5230\u5f53\u524d\u6570\u636e\u5757\u6837\u672c\u6570\u7684\u56db\u5206\u4e4b\u4e00":134,"\u5207\u6362\u5230":111,"\u5207\u6362\u5230\u6240\u5efa\u5206\u652f":111,"\u5217\u5143\u7d20\u6392\u5217\u6210\u7684\u77e9\u5f62\u9635\u5217":123,"\u5217\u540d":118,"\u5217\u8868\u5982\u4e0b":[2,103],"\u5219\u4e0d\u5728\u4e4e\u5185\u5b58\u6682\u5b58\u591a\u5c11\u6761\u6570\u636e":2,"\u5219\u4e0d\u9700\u8981\u91cd\u5199\u8be5\u51fd\u6570":112,"\u5219\u4f1a\u4f7f\u7528openblas\u4f5c\u4e3ablas\u5e93":99,"\u5219\u4f1a\u9884\u5148\u8bfb\u53d6\u5168\u90e8\u6570\u636e\u5230\u5185\u5b58\u4e2d":2,"\u5219\u4f7f\u7528":139,"\u5219\u4f7f\u7528\u540c\u6b65\u8bad\u7ec3":134,"\u5219\u4f7f\u7528\u542f\u52a8\u53c2\u6570\u5b9a\u4e49\u7684\u521d\u59cb\u5316\u65b9\u6cd5\u521d\u59cb\u5316\u53c2\u6570":36,"\u5219\u4f7f\u7528\u8be5\u53c2\u6570\u4f5c\u4e3a\u9ed8\u8ba4\u503c":134,"\u5219\u53ef\u8bbe\u7f6e":[138,139,140],"\u5219\u5e76\u4e0d\u4f1a\u7b49\u5f85\u6240\u6709trainer\u63d0\u4ea4\u68af\u5ea6\u624d\u66f4\u65b0\u53c2\u6570":125,"\u5219\u5ffd\u7565":36,"\u5219\u603b\u4f1a\u663e\u793a\u963b\u9694\u6458\u8981\u4fe1\u606f":134,"\u5219\u628a\u53e6\u4e00\u4e2a\u6162\u901f\u7684kill\u6389":36,"\u5219\u63a8\u8350\u5927\u4e8e\u8bad\u7ec3\u65f6batch":2,"\u5219\u662f\u5e26gui\u7684nvidia\u53ef\u89c6\u5316\u6027\u80fd\u5206\u6790\u5de5\u5177":119,"\u5219\u663e\u793a\u963b\u9694\u6027\u80fd\u7684\u6458\u8981\u4fe1\u606f":134,"\u5219\u76f4\u63a5\u5f15\u5165\u53e6\u4e00\u79cd\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5219\u8bbe\u7f6e\u6210":[138,140],"\u5219\u9700\u8981\u4f7f\u7528\u7b49\u4e8e\u6743\u91cd\u53c2\u6570\u89c4\u6a21\u5927\u7ea65\u500d\u7684\u5185\u5b58":96,"\u5219\u9700\u8981\u5206\u522b\u7f16\u8bd1\u771f\u673a\u548c\u6a21\u62df\u5668\u7248\u672c":139,"\u5219\u9700\u8981\u56de\u6eda\u5230\u4e0a\u4e00\u4e2a\u68c0\u67e5\u70b9":36,"\u5219\u9700\u8981\u5728\u672c\u673a\u5b89\u88c5\u4e0b\u9762\u7ae0\u8282\u5217\u51fa\u7684":99,"\u5219\u9700\u8981\u624b\u52a8\u62f7\u8d1d\u5c5e\u4e8e\u6bcf\u4e2atrainer\u8282\u70b9\u7684\u8bad\u7ec3\u6570\u636e\u5230\u5bf9\u5e94\u7684\u8282\u70b9\u4e0a":125,"\u521b\u5efa":[65,123,124],"\u521b\u5efa\u4e00\u4e2a":104,"\u521b\u5efa\u4e00\u4e2akubernet":129,"\u521b\u5efa\u5e76\u5207\u6362\u5230\u65b0\u5206\u652f":111,"\u521b\u5efa\u6210\u529f\u540e":129,"\u521b\u5efa\u65e5\u5fd7\u76ee\u5f55":130,"\u521b\u5efa\u7a00\u758f\u77e9\u9635\u65f6\u9700\u8981\u663e\u793a\u5730\u6307\u5b9a\u77e9\u9635\u7684":123,"\u521b\u5efagener":2,"\u521d\u59cb\u5316\u4e4b\u540e":4,"\u521d\u59cb\u5316\u504f\u7f6e\u5411\u91cf":112,"\u521d\u59cb\u5316\u65f6\u8c03\u7528\u7684\u51fd\u6570":2,"\u521d\u59cb\u5316\u6743\u91cd\u8868":112,"\u521d\u59cb\u5316\u6a21\u578b\u7684\u8def\u5f84":134,"\u521d\u59cb\u5316\u7236\u7c7b":112,"\u521d\u59cb\u5316biases_":112,"\u521d\u59cb\u5316paddlepaddle\u73af\u5883":4,"\u521d\u59cb\u72b6\u6001":108,"\u5220\u9664":111,"\u5220\u9664\u78c1\u76d8\u76ee\u5f55\u4e2d\u4e0d\u662f\u5f53\u524duuid\u7684\u5feb\u7167\u6587\u4ef6":36,"\u5224\u65ad\u662f\u5426\u5b89\u88c5\u6210\u529f":139,"\u5229\u7528\u5206\u5e03\u5f0f\u8bad\u7ec3\u9a7e\u9a6d\u66f4\u591a\u7684\u8ba1\u7b97\u8d44\u6e90":96,"\u5229\u7528\u66f4\u591a\u7684\u8ba1\u7b97\u8d44\u6e90\u53ef\u4ee5\u5206\u4e3a\u4ee5\u4e0b\u51e0\u4e2a\u65b9\u5f0f\u6765\u8fdb\u884c":96,"\u5229\u7528\u8fd9\u79cd\u7279\u6027":108,"\u5229\u843d":106,"\u522b\u4eba\u5e2e\u4e86\u5fd9":111,"\u522b\u5fd8\u4e86":110,"\u5230":[36,93,109],"\u5230\u6307\u5b9a\u6587\u4ef6\u4e2d":124,"\u5230\u672c\u5730":111,"\u5230\u6b64":113,"\u5230\u7b2c\u4e8c\u6b65":85,"\u5236\u4f5c\u65b0\u955c\u50cf\u6765\u5b8c\u6210\u4ee5\u4e0a\u7684\u5de5\u4f5c":129,"\u5236\u4f5cpaddlepaddle\u955c\u50cf":129,"\u5237\u7259":106,"\u524d\u4e00\u7bc7\u6587\u7ae0\u4ecb\u7ecd\u4e86\u5982\u4f55\u5728kubernetes\u96c6\u7fa4\u4e0a\u542f\u52a8\u4e00\u4e2a\u5355\u673apaddlepaddle\u8bad\u7ec3\u4f5c\u4e1a":129,"\u524d\u53f0":106,"\u524d\u540e\u7684\u7f51\u7edc\u6027\u80fd":64,"\u524d\u5411\u4f20\u64ad":112,"\u524d\u5411\u4f20\u64ad\u7ed9\u5b9a\u8f93\u5165":112,"\u524d\u5411\u548c\u540e\u5411":112,"\u524d\u5411\u8ba1\u7b97\u4e4b\u540epaddlepaddle\u5185\u90e8\u5df2\u7ecf\u5206\u914d":124,"\u524d\u5411op\u5b9e\u73b0\u5b8c\u6210":113,"\u524d\u8005\u5728":96,"\u524d\u8005\u5b58\u50a8op\u7684\u8f93\u5165\u8f93\u51fa\u548c\u53c2\u6570\u5c5e\u6027":113,"\u524d\u8005\u622a\u65ad\u53ef\u5b66\u4e60\u53c2\u6570\u7684\u68af\u5ea6":96,"\u524d\u8005op\u7684\u5b9a\u4e49\u7ee7\u627f\u81ea":113,"\u524d\u81ea\u52a8\u68c0\u67e5\u4e00\u4e9b\u57fa\u672c\u4e8b\u5b9c":111,"\u524d\u9700\u8981\u5b89\u88c5":118,"\u524d\u9988":125,"\u5269\u4e0b\u7684pass\u4f1a\u76f4\u63a5\u4ece\u5185\u5b58\u91cc":2,"\u529f\u80fd":51,"\u529f\u80fd\u7684\u6b63\u786e\u6027\u5305\u62ec\u9a8c\u8bc1paddlepaddle\u76ee\u524d\u7684":85,"\u52a0\u4e0a\u504f\u7f6e\u5411\u91cf":112,"\u52a0\u5165":119,"\u52a0\u6743\u548c\u7528\u6765\u751f\u6210":109,"\u52a0\u6743\u7f16\u7801\u5411\u91cf":109,"\u52a0\u8f7d\u5177\u4f53\u7f51\u7edc\u53c2\u6570":98,"\u52a0\u8f7d\u6a21\u578b\u53ef\u5176\u5b83\u591a\u79cd\u65b9\u5f0f":124,"\u52a0\u8f7d\u6a21\u578b\u9700\u540c\u65f6\u6307\u5b9a":124,"\u52a0\u8f7d\u9884\u6d4b\u6a21\u578b":124,"\u52a0\u8f7d\u9884\u8bad\u7ec3\u53c2\u6570":98,"\u52a0\u8f7dtest":134,"\u52a0\u901f\u7f16\u8bd1":99,"\u52a0\u901fpaddlepaddle\u8bad\u7ec3\u53ef\u4ee5\u8003\u8651\u4ece\u4ee5\u4e0b\u51e0\u4e2a\u65b9\u9762":96,"\u52a8\u6001\u5e93":[68,121],"\u52a9\u624b":112,"\u5305":118,"\u5305\u542b\u4e86\u67d0\u79cd\u7c7b\u578b\u7684\u7c7b\u578b\u5b9a\u4e49\u548c\u66b4\u9732\u7684\u5168\u90e8\u51fd\u6570":69,"\u5305\u542b\u4f46\u4e0d\u9650\u4e8e":99,"\u5305\u542b\u6d4b\u8bd5\u6570\u636e\u96c6\u7684\u76ee\u5f55":125,"\u5305\u542b\u8bad\u7ec3\u6570\u636e\u7684\u76ee\u5f55":125,"\u5305\u542b\u8fd9\u4e2a\u51fd\u6570\u8c03\u7528\u5176\u4ed6\u51fd\u6570\u7684\u65f6\u95f4":118,"\u5305\u542bkernel\u7684op\u548c\u4e0d\u5305\u542bkernel\u7684op":113,"\u5305\u62ec":[37,64,65,121,125,134],"\u5305\u62ec\u4e86\u7f16\u8bd1\u51fa\u7684paddlepaddle\u5934\u6587\u4ef6\u548c\u94fe\u63a5\u5e93":121,"\u5305\u62ec\u4ee5\u4e0b\u4e24\u79cd":2,"\u5305\u62ec\u5b57\u7b26\u4e32\u5206\u914d":96,"\u5305\u62ec\u6743\u91cdw\u548c\u504f\u7f6eb":36,"\u5305\u62ec\u751f\u6210cpu":99,"\u5305\u62ec\u795e\u7ecf\u7f51\u7edc\u62d3\u6251\u7ed3\u6784":103,"\u5305\u62ecbool":136,"\u5305\u62eclinux":138,"\u5305\u62ecmkl":65,"\u5305\u7684\u65b9\u6cd5\u662f":93,"\u533a\u522b\u662f\u540c\u65f6\u5904\u7406\u4e86\u4e24\u4e2a\u8f93\u5165":106,"\u533a\u522b\u662frnn\u4f7f\u7528\u4e24\u5c42\u5e8f\u5217\u6a21\u578b":106,"\u5341\u4e00":106,"\u534e\u6da6\u4e07\u5bb6":106,"\u534f\u540c\u5b8c\u6210releas":85,"\u5355\u4e2a\u503c":37,"\u5355\u4f4d\u662fmb":134,"\u5355\u5143\u6d4b\u8bd5":[110,114],"\u5355\u5143\u6d4b\u8bd5\u4f1a\u5f15\u7528site":93,"\u5355\u5143\u6d4b\u8bd5\u4f1a\u88ab\u81ea\u52a8\u52a0\u5165\u5de5\u7a0b\u8fdb\u884c\u7f16\u8bd1":113,"\u5355\u5143\u6d4b\u8bd5\u5728\u5185\u7684\u6240\u6709\u5355\u5143\u6d4b\u8bd5":110,"\u5355\u5143\u6d4b\u8bd5checkgrad_ep":133,"\u5355\u53cc\u5c42\u5e8f\u5217\u7684\u53e5\u5b50\u662f\u4e00\u6837\u7684":106,"\u5355\u53cc\u5c42rnn":107,"\u5355\u5c42":108,"\u5355\u5c42\u4e0d\u7b49\u957frnn":106,"\u5355\u5c42\u548c\u53cc\u5c42\u5e8f\u5217\u7684\u4f7f\u7528\u548c\u793a\u4f8b2\u4e2d\u7684\u793a\u4f8b\u7c7b\u4f3c":106,"\u5355\u5c42\u5e8f\u5217":[105,123],"\u5355\u5c42\u5e8f\u5217\u7684\u6bcf\u4e2a\u5143\u7d20":105,"\u5355\u5c42\u5e8f\u5217\u7b2ci\u4e2a\u5143\u7d20":105,"\u5355\u5c42\u6216\u53cc\u5c42":105,"\u5355\u5c42\u65f6\u95f4\u5e8f\u5217":106,"\u5355\u5c42rnn":[106,108],"\u5355\u5c42rnn\u548c\u53cc\u5c42rnn\u7684\u7f51\u7edc\u914d\u7f6e":106,"\u5355\u673acpu\u8bad\u7ec3":96,"\u5355\u673agpu\u8bad\u7ec3":96,"\u5355\u6b65\u51fd\u6570":109,"\u5355\u6b65\u51fd\u6570\u548c\u8f93\u51fa\u51fd\u6570\u5728":109,"\u5355\u6b65\u51fd\u6570\u548c\u8f93\u51fa\u51fd\u6570\u90fd\u975e\u5e38\u7b80\u5355":109,"\u5355\u6b65\u51fd\u6570\u7684\u5b9e\u73b0\u5982\u4e0b\u6240\u793a":109,"\u5355\u6d4b\u5305\u62ec\u5bf9\u6bd4\u524d\u5411op\u4e0d\u540c\u8bbe\u5907":113,"\u5355\u70b9\u6545\u969c":36,"\u5355\u7eaf\u7684":118,"\u5355\u8fdb\u5355\u51fa":108,"\u5360\u7528\u4e8617":118,"\u536b\u751f":106,"\u5373":[69,96,97,113,115,129],"\u5373\u4e00\u4e2a\u5c06\u5355\u8bcd\u5b57\u7b26\u4e32\u6620\u5c04\u5230\u5355\u8bcdid\u7684\u5b57\u5178":2,"\u5373\u4e0a\u8ff0\u4ee3\u7801\u4e2d\u7684\u7b2c19\u884c":106,"\u5373\u4e0b\u8f7d\u5931\u8d25":93,"\u5373\u4e0d\u5141\u8bb8\u5728":113,"\u5373\u4e0d\u8981\u5c06\u6bcf\u4e00\u4e2a\u6837\u672c\u90fd\u653e\u5165train":2,"\u5373\u4e0d\u9700\u8981\u4f7f\u7528memori":106,"\u5373\u4e3a\u4e00\u4e2a\u65f6\u95f4\u6b65":106,"\u5373\u4e3a\u5355\u5c42rnn\u5e8f\u5217\u7684\u4f7f\u7528\u4ee3\u7801":106,"\u5373\u4e3a\u65f6\u95f4\u5e8f\u5217\u7684\u8f93\u5165":106,"\u5373\u4e3a\u8fd9\u4e2a\u53cc\u5c42rnn\u7684\u7f51\u7edc\u7ed3\u6784":106,"\u5373\u4e3a\u8fd9\u4e2a\u6570\u636e\u6587\u4ef6\u7684\u540d\u5b57":2,"\u5373\u4e8c\u7ef4\u6570\u7ec4":106,"\u5373\u4f7f\u7528":[69,97],"\u5373\u4f7f\u7528\u6237\u76f4\u63a5\u5f15\u7528\u67d0\u79cd\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5373\u4f7f\u95f4\u9694\u5f88\u5c0f":134,"\u5373\u4f7fc":69,"\u5373\u4f7fprocess\u51fd\u6570\u91cc\u9762\u53ea\u6709\u4e00\u4e2ayield":2,"\u5373\u4f8b\u5982":69,"\u5373\u4fbf\u662f":110,"\u5373\u4fbf\u8bbe\u7f6e":93,"\u5373\u4fbfpaddl":69,"\u5373\u521d\u59cb\u72b6\u6001\u4e3a0":108,"\u5373\u5305\u542b\u65f6\u95f4\u6b65\u4fe1\u606f":2,"\u5373\u5355\u65f6\u95f4\u6b65\u6267\u884c\u7684\u51fd\u6570":109,"\u5373\u53cc\u5c42\u65f6\u95f4\u5e8f\u5217":106,"\u5373\u53cc\u5c42rnn\u7684\u6bcf\u4e2a\u72b6\u6001":108,"\u5373\u53ef":111,"\u5373\u53ef\u4ee5\u6781\u5927\u7684\u52a0\u901f\u6570\u636e\u8f7d\u5165\u6d41\u7a0b":96,"\u5373\u53ef\u4f7f\u7528\u5f00\u53d1\u955c\u50cf\u6765\u7f16\u8bd1android\u7248paddlepaddl":138,"\u5373\u53ef\u5728":140,"\u5373\u53ef\u5f00\u59cb\u4e0b\u8f7d":102,"\u5373\u53ef\u5f00\u59cb\u4e0b\u9762\u7684\u6b65\u9aa4":100,"\u5373\u53ef\u663e\u793a\u6027\u80fd\u5206\u6790\u7684\u7ed3\u679c":118,"\u5373\u53ef\u68c0\u67e5\u6211\u4eec\u8c03\u4f18\u540e\u7684\u4fee\u6b63\u662f\u5426\u80fd\u591f\u6539\u5584\u7a0b\u5e8f\u7684\u6027\u80fd":118,"\u5373\u5728\u53cc\u5c42\u5e8f\u5217\u7684\u539f\u59cb\u6570\u636e\u4e2d":106,"\u5373\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d":96,"\u5373\u5927\u90e8\u5206\u503c\u4e3a0":[2,103],"\u5373\u5b8c\u6210\u67d0\u4e00\u4e2a\u4efb\u52a1\u7684\u6700\u5c11\u51fd\u6570":69,"\u5373\u5c06\u4e00\u6bb5\u82f1\u6587\u6587\u672c\u6570\u636e":2,"\u5373\u5c06\u4e00\u6bb5\u8bdd\u8fdb\u884c\u5206\u7c7b":106,"\u5373\u5c06nchw\u8f6c\u6362\u6210nhwc":97,"\u5373\u5f53\u524d\u65f6\u95f4\u6b65\u4e0b\u7684\u795e\u7ecf\u7f51\u7edc\u4f9d\u8d56\u524d\u4e00\u4e2a\u65f6\u95f4\u6b65\u795e\u7ecf\u7f51\u7edc\u4e2d\u67d0\u4e00\u4e2a\u795e\u7ecf\u5143\u8f93\u51fa":106,"\u5373\u6211\u4eec\u53ef\u4ee5\u5148\u5b9a\u4e49\u4e00\u4e2atensor":114,"\u5373\u628a\u5355\u5c42rnn\u751f\u6210\u540e\u7684subseq\u7ed9\u62fc\u63a5\u6210\u4e00\u4e2a\u65b0\u7684\u53cc\u5c42seq":108,"\u5373\u6574\u4e2a\u53cc\u5c42group\u662f\u5c06\u524d\u4e00\u4e2a\u5b50\u53e5\u7684\u6700\u540e\u4e00\u4e2a\u5411\u91cf":106,"\u5373\u6574\u4e2a\u8f93\u5165\u5e8f\u5217":105,"\u5373\u6574\u6570\u6570\u7ec4":106,"\u5373\u65f6\u95f4\u9012\u5f52\u795e\u7ecf\u7f51\u7edc":106,"\u5373\u662f\u8de8\u8d8a\u65f6\u95f4\u6b65\u7684\u7f51\u7edc\u8fde\u63a5":106,"\u5373\u66b4\u9732":69,"\u5373\u7279\u5f81\u7684\u6570\u7ec4":106,"\u5373\u7f51\u5361\u540d":129,"\u5373\u82e5\u5e72\u6570\u636e\u6587\u4ef6\u8def\u5f84\u7684\u67d0\u4e00\u4e2a":2,"\u5373\u8868\u793a\u4e0d\u9700\u8981\u8f6c\u6362":65,"\u5373\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u51fa\u73b0nan\u6216\u8005inf":96,"\u5373\u8bbe\u7f6e":96,"\u5373\u8fd0\u884c\u8bad\u7ec3\u7a0b\u5e8f":100,"\u5373\u8fd9\u4e2a\u52a8\u6001\u5e93\u662f\u4e0d\u4f9d\u8d56\u4e8e\u5176\u4ed6\u4efb\u4f55\u6587\u4ef6\u7684":68,"\u5373define_py_data_sources2\u5e94\u6539\u4e3a":98,"\u5373input":108,"\u5373rnn\u4e4b\u95f4\u6709\u4e00\u6b21\u5d4c\u5957\u5173\u7cfb":106,"\u5378\u8f7dpaddlepaddle\u5305":93,"\u538b\u6241\u6210\u4e3aeigen\u7684\u4e00\u7ef4tensor":114,"\u538b\u7f29\u6210\u4e00\u4e2a\u5411\u91cf":106,"\u539f\u56e0":[93,111],"\u539f\u56e0\u5728\u4e8e\u6ca1\u6709\u628a\u673a\u5668\u4e0acuda\u76f8\u5173\u7684\u9a71\u52a8\u548c\u5e93\u6620\u5c04\u5230\u5bb9\u5668\u5185\u90e8":93,"\u539f\u56e0\u662f\u6bcf\u4e2a\u56de\u590d\u90fd\u4f1a\u53d1\u9001\u4e00\u5c01\u90ae\u4ef6":111,"\u539f\u6765\u7684\u65b9\u6848":65,"\u53bb\u8fc7":106,"\u53c2\u6570":[2,6,7,8,9,10,11,13,14,15,18,21,22,23,24,26,29,68,96,110,112,124,129,133],"\u53c2\u6570\u4e3a":113,"\u53c2\u6570\u5171\u4eab\u7684\u914d\u7f6e\u793a\u4f8b\u4e3a":98,"\u53c2\u6570\u548c\u73af\u5883\u53d8\u91cf":125,"\u53c2\u6570\u670d\u52a1\u5668":[125,133],"\u53c2\u6570\u670d\u52a1\u5668\u4e4b\u95f4\u4e0d\u76f8\u4e92\u4f9d\u8d56":125,"\u53c2\u6570\u670d\u52a1\u5668\u4e5f\u4e0d\u4f1a\u7b49\u5f85\u8ba1\u7b97\u8282\u70b9\u5168\u90e8\u90fd\u63d0\u4ea4\u68af\u5ea6\u4e4b\u540e\u624d\u5f00\u59cb\u4e0b\u4e00\u6b65":125,"\u53c2\u6570\u670d\u52a1\u5668\u63a5\u6536\u4ece\u8ba1\u7b97\u8282\u70b9\u4e0a\u4f20\u7684\u68af\u5ea6":125,"\u53c2\u6570\u670d\u52a1\u5668\u7684\u53c2\u6570\u5206\u5757\u5927\u5c0f":134,"\u53c2\u6570\u670d\u52a1\u5668\u7684\u76d1\u542c\u7aef\u53e3":134,"\u53c2\u6570\u670d\u52a1\u5668\u7684\u7f51\u7edc\u8bbe\u5907\u540d\u79f0":134,"\u53c2\u6570\u670d\u52a1\u5668\u7684ip\u5730\u5740":134,"\u53c2\u6570\u670d\u52a1\u5668\u7a00\u758f\u66f4\u65b0\u7684\u53c2\u6570\u5206\u5757\u5927\u5c0f":134,"\u53c2\u6570\u6765\u63a7\u5236\u7f13\u5b58\u65b9\u6cd5":96,"\u53c2\u6570\u6982\u8ff0":135,"\u53c2\u6570\u7684\u4e2a\u6570\u548c\u53c2\u6570\u5217\u8868":124,"\u53c2\u6570\u7684\u89e3\u6790":129,"\u53c2\u6570\u8bbe\u7f6e":95,"\u53c2\u6570\u8bbe\u7f6e\u4e86\u5916\u5c42":106,"\u53c2\u6570\u8bf4\u660e":125,"\u53c2\u6570\u8bf4\u660e\u5bb9\u5668\u5df2\u4ea4\u4e92\u5f0f\u8fd0\u884c":100,"\u53c2\u6570\u8f93\u5165":96,"\u53c2\u6570\u9700\u8981\u5b9e\u73b0":109,"\u53c2\u7167\u4e0a\u8ff0\u6b65\u9aa4\u66f4\u65b0":111,"\u53c2\u8003":[51,68,100],"\u53c2\u8003\u4e0b\u56fe":85,"\u53c2\u8003\u5f3a\u8c03\u90e8\u5206":119,"\u53c2\u8003\u65f6\u95f4\u5e8f\u5217":106,"\u53c2\u8003\u6837\u4f8b\u6570\u636e\u51c6\u5907\u811a\u672c":125,"\u53c2\u8003\u955c\u50cf\u7684":129,"\u53c8":106,"\u53c8\u53ef\u4ee5\u907f\u514d\u4e0d\u5fc5\u8981\u7684\u8f6c\u6362":65,"\u53c8\u662f\u4e00\u4e2a\u5355\u5c42\u7684\u5e8f\u5217":105,"\u53c8\u8981\u4fdd\u8bc1\u6570\u636e\u662f\u968f\u673a\u7684":96,"\u53ca":112,"\u53cc\u5411\u95e8\u63a7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684\u9690\u85cf\u72b6\u6001":109,"\u53cc\u5411\u9a8c\u8bc1":51,"\u53cc\u5c42":108,"\u53cc\u5c42\u4e0d\u7b49\u957frnn":106,"\u53cc\u5c42\u5e8f\u5217":[105,123],"\u53cc\u5c42\u5e8f\u5217\u5728\u5904\u7406\u957f\u5e8f\u5217\u7684\u4efb\u52a1\u6216\u662f\u6784\u5efa\u5c42\u7ea7\u6a21\u578b\u65f6\u4f1a\u53d1\u6325\u4f5c\u7528":123,"\u53cc\u5c42\u5e8f\u5217\u6216\u5355\u5c42\u5e8f\u5217":105,"\u53cc\u5c42\u5e8f\u5217\u6570\u636e\u4e00\u5171\u67094\u4e2a\u6837\u672c":106,"\u53cc\u5c42\u5e8f\u5217\u662f\u4e00\u4e2a\u5d4c\u5957\u7684\u5e8f\u5217":105,"\u53cc\u5c42\u5e8f\u5217\u662fpaddlepaddle\u652f\u6301\u7684\u4e00\u79cd\u975e\u5e38\u7075\u6d3b\u7684\u6570\u636e\u7ec4\u7ec7\u65b9\u5f0f":108,"\u53cc\u5c42\u5e8f\u5217\u6bcf\u4e2asubseq\u4e2d\u6bcf\u4e2a\u5143\u7d20":105,"\u53cc\u5c42\u5e8f\u5217\u7ecf\u8fc7\u8fd0\u7b97\u53d8\u6210\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"\u53cc\u5c42\u5e8f\u5217\u9700\u8981\u8bbe\u7f6e\u5206\u522b\u4e3a\u5916\u5c42\u5e8f\u5217\u548c\u5185\u5c42\u5e8f\u5217\u5206\u522b\u8bbe\u7f6e":123,"\u53cc\u5c42\u6216\u8005\u5355\u5c42":105,"\u53cc\u5c42\u65f6\u95f4\u5e8f\u5217\u7684dataprovider\u7684\u4ee3\u7801":106,"\u53cc\u5c42rnn":108,"\u53cc\u5c42rnn\u6570\u636e\u968f\u610f\u52a0\u4e86\u4e00\u4e9b\u9694\u65ad":106,"\u53cc\u5c42rnn\u987e\u540d\u601d\u4e49":106,"\u53cc\u8fdb\u5355\u51fa":108,"\u53cc\u8fdb\u53cc\u51fa":108,"\u53cd\u5411\u4f20\u64ad":112,"\u53cd\u5411\u4f20\u64ad\u6839\u636e\u8f93\u51fa\u7684\u68af\u5ea6":112,"\u53cd\u5411\u8ba1\u7b97\u5df2\u7ecf\u81ea\u52a8\u96c6\u6210\u8fdb\u6d4b\u8bd5\u6846\u67b6":113,"\u53cd\u5411op\u7684\u68af\u5ea6\u6d4b\u8bd5":113,"\u53cd\u5411op\u7c7b":113,"\u53cd\u5411op\u7c7b\u7684\u5b9a\u4e49":113,"\u53cd\u5411opkernel\u7684\u5b9a\u4e49\u4e0e\u524d\u5411op\u7c7b\u4f3c":113,"\u53d1\u578b\u7248":85,"\u53d1\u5e03\u5230dockerhub":85,"\u53d1\u5e03docker\u955c\u50cf\u53ea\u9700\u8981\u5bf9\u81ea\u52a8push\u7684\u955c\u50cf\u6253\u4e0a":85,"\u53d1\u6563\u5230\u4e86\u4e00\u4e2a\u6570\u503c\u7279\u522b\u5927\u7684\u5730\u65b9":96,"\u53d1\u884c\u548c\u7ef4\u62a4":111,"\u53d1\u9001\u53c2\u6570\u7684\u7aef\u53e3\u53f7":134,"\u53d6\u503c\u76f8\u540c\u7684layer":97,"\u53d6\u5176\u4e2d\u4e00\u4e2a\u6a21\u578bparams_pass_90":103,"\u53d6\u51b3\u4e8e":113,"\u53d8\u6362\u77e9\u9635":112,"\u53d8\u91cf\u6765\u533a\u5206layer\u7684\u5c5e\u6027":65,"\u53d8\u91cf\u6765\u8bbe\u7f6e\u5185\u5b58\u4e2d\u6682\u5b58\u7684\u6570\u636e\u6761":2,"\u53e3\u5934":106,"\u53e5\u5b50\u662f\u7531\u8bcd\u8bed\u6784\u6210\u7684\u5e8f\u5217":123,"\u53e6\u4e00\u4e2a\u65b9\u6cd5\u662f\u4ea4\u53c9\u7f16\u8bd1":140,"\u53e6\u4e00\u4e2a\u662f\u5185\u5b58\u64cd\u4f5c\u91cf":119,"\u53e6\u4e00\u4e2a\u662f\u6bcf\u6761\u5e8f\u5217":96,"\u53e6\u4e00\u79cd\u65b9\u5f0f\u662f\u5c06\u7f51\u7edc\u5c42\u5212\u5206\u5230\u4e0d\u540c\u7684gpu\u4e0a\u53bb\u8ba1\u7b97":136,"\u53e6\u5916":[106,110],"\u53e6\u5916\u6700\u65b0\u7684pip\u5b98\u65b9\u6e90\u4e2d\u7684\u5b89\u88c5\u5305\u9ed8\u8ba4\u662fmanylinux1\u6807\u51c6":102,"\u53ea\u4f5c\u4e3aread":108,"\u53ea\u4fdd\u5b58\u6700\u540e\u4e00\u8f6e\u7684\u53c2\u6570":134,"\u53ea\u5728\u7b2c\u4e00\u6b21cmake\u7684\u65f6\u5019\u6709\u6548":99,"\u53ea\u5bf9\u7279\u6b8a\u5728\u7ebf\u7cfb\u7edf\u8003\u8651\u4e24\u53f0\u4ee5\u4e0a\u540c\u65f6\u6545\u969c\u7684\u5bb9\u707e":36,"\u53ea\u5bf9\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u8fdb\u884c\u5e8f\u5217\u5316":124,"\u53ea\u5c06\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u8fdb\u884c\u5e8f\u5217\u5316":124,"\u53ea\u662f\u53cc\u5c42\u5e8f\u5217\u5c06\u5176\u53c8\u505a\u4e86\u5b50\u5e8f\u5217\u5212\u5206":106,"\u53ea\u662f\u8bf4\u660e\u6570\u636e\u7684\u987a\u5e8f\u662f\u91cd\u8981\u7684":2,"\u53ea\u66b4\u9732\u6982\u5ff5\u7684\u63a5\u53e3":69,"\u53ea\u6709":106,"\u53ea\u6709\u5728\u9047\u5230\u9700\u8981":101,"\u53ea\u6709\u5f53\u8bbe\u7f6e\u4e86spars":134,"\u53ea\u7528\u4e8e\u5728\u5e8f\u5217\u751f\u6210\u4efb\u52a1\u4e2d\u6307\u5b9a\u8f93\u5165\u6570\u636e":108,"\u53ea\u7559\u4e0b\u6838\u5fc3\u8ba1\u7b97\u5c42":124,"\u53ea\u80fd\u5728recurrent_group\u4e2d\u4f5c\u4e3astep":97,"\u53ea\u80fd\u6309\u884c\u8ba1\u7b97":97,"\u53ea\u80fd\u6d4b\u8bd5\u5355\u4e2a\u6a21\u578b":136,"\u53ea\u80fd\u8bbf\u95ee\u5b83\u4eec\u7684\u8f93\u51fa\u503c":97,"\u53ea\u80fd\u8c03\u7528paddle\u7684\u52a8\u6001\u5e93":68,"\u53ea\u8981\u4e00\u7cfb\u5217\u7279\u5f81\u6570\u636e\u4e2d\u7684":106,"\u53ea\u8981\u51fa\u73b0\u6d6e\u70b9\u6570\u5f02\u5e38":96,"\u53ea\u8bfbmemory\u8f93\u5165":108,"\u53ea\u9488\u5bf9\u5185\u5b58":96,"\u53ea\u9700\u4e2d\u65ad":126,"\u53ea\u9700\u5728\u7f16\u8bd1\u65f6\u9700\u914d\u5236\u4e0b\u9762\u8fd9\u4e9b\u7f16\u8bd1\u9009\u9879":121,"\u53ea\u9700\u7528\u60a8\u5b9a\u4e49\u7684\u76ee\u5f55\u4fee\u6539":126,"\u53ea\u9700\u77e5\u9053\u8fd9\u662f\u4e00\u4e2a\u6807\u8bb0\u5c5e\u6027\u7684\u65b9\u6cd5\u5c31\u53ef\u4ee5\u4e86":2,"\u53ea\u9700\u8981":109,"\u53ea\u9700\u8981\u4e00\u884c\u4ee3\u7801\u5c31\u53ef\u4ee5\u8c03\u7528\u8fd9\u4e2apydataprovider2":2,"\u53ea\u9700\u8981\u5728\u51fd\u6570\u4e2d\u8c03\u7528\u591a\u6b21yield\u5373\u53ef":2,"\u53ea\u9700\u8981\u6062\u590d\u8fd9\u53f0\u8282\u70b9":36,"\u53ea\u9700\u8981\u8bbe\u7f6e\u884c\u504f\u79fb":123,"\u53ea\u9700\u8981\u94fe\u63a5":121,"\u53ea\u9700\u8fdb\u884c\u524d\u5411\u8ba1\u7b97\u800c\u65e0\u9700\u8c03\u7528\u53cd\u5411\u8ba1\u7b97":124,"\u53ef\u4ee5":[85,100,106,111,115],"\u53ef\u4ee5\u4ece":100,"\u53ef\u4ee5\u4ece\u6211\u4eec\u7684ci\u7cfb\u7edf\u4e2d\u4e0b\u8f7d\u6700\u65b0\u7684whl\u5b89\u88c5\u5305\u548cc":102,"\u53ef\u4ee5\u4f20\u5165\u4e00\u4e2a\u51fd\u6570":2,"\u53ef\u4ee5\u4f30\u8ba1\u51fa\u5982\u679c\u6a21\u578b\u91c7\u7528\u4e0d\u53d8\u7684\u8f93\u51fa\u6700\u5c0f\u7684cost0\u662f\u591a\u5c11":98,"\u53ef\u4ee5\u4f7f\u7528":[98,124,125],"\u53ef\u4ee5\u4f7f\u7528\u4e0b\u9762\u7684\u547d\u4ee4\u66f4\u65b0\u60a8\u7684pip":102,"\u53ef\u4ee5\u4f7f\u7528\u5982\u4e0b\u4ee3\u7801":98,"\u53ef\u4ee5\u4f7f\u7528\u76f8\u5e94\u6570\u636e\u7c7b\u578b\u7684":98,"\u53ef\u4ee5\u4f7f\u7528\u8be5\u53c2\u6570":134,"\u53ef\u4ee5\u4f7f\u7528kubernetes\u7684\u547d\u4ee4\u884c\u5de5\u5177\u521b\u5efajob":129,"\u53ef\u4ee5\u4f7f\u7528python\u7684":4,"\u53ef\u4ee5\u5148\u4f7f\u7528":97,"\u53ef\u4ee5\u51cf\u5c0f\u7cfb\u7edf\u590d\u6742\u6027":36,"\u53ef\u4ee5\u51cf\u5c11\u7f13\u5b58\u6c60\u7684\u5927\u5c0f":96,"\u53ef\u4ee5\u521b\u5efa\u4e00\u4e2a":128,"\u53ef\u4ee5\u521b\u5efa\u975e":113,"\u53ef\u4ee5\u52a0\u901fpaddlepaddle\u7684\u8ba1\u7b97":100,"\u53ef\u4ee5\u53c2\u8003":[100,106,109,110,111],"\u53ef\u4ee5\u53c2\u8003\u4e0b\u9762\u7684\u6b65\u9aa4\u6392\u67e5":94,"\u53ef\u4ee5\u53c2\u8003paddlepaddl":103,"\u53ef\u4ee5\u540c\u65f6\u5728cpu":114,"\u53ef\u4ee5\u542b\u6709\u4e00\u6761\u6216\u591a\u6761\u6837\u672c":123,"\u53ef\u4ee5\u544a\u8bc9\u60a8\u67d0\u4e2a\u64cd\u4f5c\u5230\u5e95\u82b1\u4e86\u591a\u957f\u65f6\u95f4":119,"\u53ef\u4ee5\u5728":[99,126],"\u53ef\u4ee5\u5728\u4efb\u4f55\u673a\u5668\u4e0a\u6267\u884c\u7684":68,"\u53ef\u4ee5\u5728\u5171\u4eab\u5b58\u50a8\u4e0a\u67e5\u770b\u8f93\u51fa\u7684\u65e5\u5fd7\u548c\u6a21\u578b":129,"\u53ef\u4ee5\u5728\u6b64\u9875\u9762\u7684":85,"\u53ef\u4ee5\u5728\u8fd9\u4e2a":111,"\u53ef\u4ee5\u5b8c\u6210\u795e\u7ecf\u7f51\u7edc\u7684sgd\u65b9\u6cd5\u7684\u8bad\u7ec3":125,"\u53ef\u4ee5\u5b9e\u73b0\u4ecepaddl":114,"\u53ef\u4ee5\u5c06\u67d0\u4e00\u4e2a\u51fd\u6570\u6807\u8bb0\u6210\u4e00\u4e2apydataprovider2":2,"\u53ef\u4ee5\u5c06cmake":118,"\u53ef\u4ee5\u5c06memory\u7406\u89e3\u4e3a\u4e00\u4e2a\u65f6\u5ef6\u64cd\u4f5c":108,"\u53ef\u4ee5\u5c06op\u5206\u4e3a\u4e24\u79cd":113,"\u53ef\u4ee5\u5c1d\u8bd5\u4ee5\u4e0b\u7684\u65b9\u6cd5":100,"\u53ef\u4ee5\u5e2e\u60a8\u63d0\u4f9b\u4e00\u4e9b\u5b9a\u4f4d\u6027\u80fd\u74f6\u9888\u7684\u5efa\u8bae":119,"\u53ef\u4ee5\u5e76\u884c\u7f16\u8bd1\u5417":110,"\u53ef\u4ee5\u5feb\u901f\u5728\u672c\u5730\u542f\u52a8\u4e00\u4e2a\u5305\u542b\u4e86paddlepaddle\u5b98\u65b9book\u6559\u7a0b\u7684jupyt":100,"\u53ef\u4ee5\u6267\u884c":[93,102],"\u53ef\u4ee5\u6267\u884c\u4ee5\u4e0b\u547d\u4ee4\u7f16\u8bd1\u751f\u6210\u6587\u6863":115,"\u53ef\u4ee5\u6267\u884cctest\u547d\u4ee4\u5373\u53ef":99,"\u53ef\u4ee5\u628a\u5b83\u60f3\u8c61\u4e3a\u4e00\u4e2a\u7c7b\u4f3c":110,"\u53ef\u4ee5\u628a\u672c\u5730\u7684\u6570\u636e\u4e0a\u4f20\u5230\u5b58\u50a8\u96c6\u7fa4\u4e2d":37,"\u53ef\u4ee5\u6307\u5b9a\u540c\u65f6\u6267\u884cgpu\u4e0a\u7684\u5355\u5143\u6d4b\u8bd5":99,"\u53ef\u4ee5\u6307\u5b9a\u54ea\u4e00\u4e2a\u8f93\u5165\u548c\u8f93\u51fa\u5e8f\u5217\u4fe1\u606f\u4e00\u81f4":106,"\u53ef\u4ee5\u6307\u5b9a\u5f00\u542f\u81ea\u52a8\u68c0\u6d4bsm\u67b6\u6784":99,"\u53ef\u4ee5\u6309\u7167\u4e0b\u9762\u7684\u65b9\u6cd5":99,"\u53ef\u4ee5\u662f\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":[105,108],"\u53ef\u4ee5\u662f\u4e00\u4e2a\u975e\u5e8f\u5217":108,"\u53ef\u4ee5\u662f\u4ece\u5206\u5e03\u5f0f\u5b58\u50a8\u6302\u8f7d\u8fc7\u6765\u7684":125,"\u53ef\u4ee5\u662f\u4ee5\u4e0b\u51e0\u79cd":112,"\u53ef\u4ee5\u662f\u6574\u578b":123,"\u53ef\u4ee5\u663e\u793a\u5730\u6307\u5b9a\u4e00\u4e2alayer\u7684\u8f93\u51fa\u7528\u4e8e\u521d\u59cb\u5316memori":108,"\u53ef\u4ee5\u66f4\u6709\u6b21\u5e8f\u7684\u5b8c\u6210\u6027\u80fd\u7684\u4f18\u5316":118,"\u53ef\u4ee5\u6709\u4ee5\u4e0b\u4e24\u79cd":108,"\u53ef\u4ee5\u6709\u6548\u51cf\u5c0f\u7f51\u7edc\u7684\u963b\u585e":134,"\u53ef\u4ee5\u6709\u6548\u7684\u907f\u514dparamet":36,"\u53ef\u4ee5\u67e5\u770b":129,"\u53ef\u4ee5\u67e5\u770b\u6b64pod\u8fd0\u884c\u7684\u5bbf\u4e3b\u673a":128,"\u53ef\u4ee5\u6d4b\u8bd5\u591a\u4e2a\u6a21\u578b":136,"\u53ef\u4ee5\u7528":[51,110],"\u53ef\u4ee5\u7528\u4e8e\u63a5\u6536\u548cpydataprovider2\u4e00\u6837\u7684\u8f93\u5165\u6570\u636e\u5e76\u8f6c\u6362\u6210\u9884\u6d4b\u63a5\u53e3\u6240\u9700\u7684\u6570\u636e\u7c7b\u578b":4,"\u53ef\u4ee5\u7528\u4ee5\u4e0b\u6307\u4ee4":37,"\u53ef\u4ee5\u7528\u5982\u4e0b\u547d\u4ee4":111,"\u53ef\u4ee5\u7528\u6765\u8ba1\u7b97cpu\u51fd\u6570\u6216cuda\u5185\u6838\u7684\u65f6\u95f4\u6d88\u8017":119,"\u53ef\u4ee5\u76f4\u63a5\u8fd0\u884c":124,"\u53ef\u4ee5\u770b\u4f5c\u662f\u4e00\u4e2a\u975e\u5e8f\u5217\u8f93\u5165":105,"\u53ef\u4ee5\u770b\u51fa":125,"\u53ef\u4ee5\u770b\u5230\u6700\u8017\u65f6\u7684\u51fd\u6570\u662fc":118,"\u53ef\u4ee5\u7cbe\u786e\u8bf4\u660e\u4e00\u4e2a\u957f\u8017\u65f6\u64cd\u4f5c\u7684\u5177\u4f53\u539f\u56e0":119,"\u53ef\u4ee5\u7ee7\u7eed\u5728\u81ea\u5df1\u7684\u529f\u80fd\u5206\u652f\u63d0\u4ea4\u4ee3\u7801":85,"\u53ef\u4ee5\u8003\u8651\u4f7f\u7528\u4e00\u4e9b\u4f18\u5316\u7b97\u6cd5":96,"\u53ef\u4ee5\u8054\u7cfbop":94,"\u53ef\u4ee5\u8054\u7cfbop\u662f\u5426\u53ef\u4ee5\u66f4\u6362\u96c6\u7fa4\u6216\u5347\u7ea7\u5f53\u524d\u96c6\u7fa4":94,"\u53ef\u4ee5\u83b7\u53d6\u7f51\u7edc\u4e2d\u5b9a\u4e49\u7684\u4efb\u610f\u591a\u4e2a":124,"\u53ef\u4ee5\u88c5\u7684\u662f":110,"\u53ef\u4ee5\u8bbe\u7f6e":[118,138,139,140],"\u53ef\u4ee5\u8bbf\u95ee\u7531recurr":97,"\u53ef\u4ee5\u8c03\u7528resize\u63a5\u53e3\u8fdb\u884c\u6539\u53d8":114,"\u53ef\u4ee5\u8f7b\u677e\u5730\u5b8c\u6210\u795e\u7ecf\u7f51\u7edc\u914d\u7f6e":103,"\u53ef\u4ee5\u8fd0\u884c":125,"\u53ef\u4ee5\u9009\u5728\u5728\u5f53\u524d\u673a\u5668\u5b89\u88c5\u4e5f\u53ef\u4ee5\u62f7\u8d1d\u5230\u76ee\u6807\u673a\u5668\u5b89\u88c5":99,"\u53ef\u4ee5\u9009\u62e9\u662f\u5426\u4f7f\u7528\u53c2\u6570":136,"\u53ef\u4ee5\u901a\u8fc7":111,"\u53ef\u4ee5\u901a\u8fc7\u4fee\u6539\u8fd9\u4e24\u4e2a\u51fd\u6570\u6765\u5b9e\u73b0\u590d\u6742\u7684\u7f51\u7edc\u914d\u7f6e":109,"\u53ef\u4ee5\u901a\u8fc7\u7f51\u9875\u6d4f\u89c8":100,"\u53ef\u4ee5\u901a\u8fc7\u8c03\u7528":4,"\u53ef\u4ee5\u901a\u8fc7\u9636\u6bb5\u6027\u7684\u4fdd\u5b58\u6bcf\u4e2aparamet":36,"\u53ef\u4ee5\u91c7\u53d6\u4e0b\u9762\u51e0\u70b9\u63aa\u65bd":118,"\u53ef\u4ee5\u91cd\u547d\u540d\u8fd9\u4e2awhl\u5305\u4e3a":[93,102],"\u53ef\u53c2\u8003":124,"\u53ef\u5728":121,"\u53ef\u5728\u547d\u4ee4\u884c\u6267\u884c":139,"\u53ef\u663e\u5f0f\u6307\u5b9a\u4e3a":139,"\u53ef\u7528\u4e8e\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d\u89e3\u6790\u8fd9\u4e9b\u53c2\u6570":136,"\u53ef\u76f4\u63a5\u8fd0\u884c":124,"\u53ef\u80fd\u4f1a\u5bfc\u81f4\u51fa\u9519":129,"\u53ef\u80fd\u4f1a\u9020\u6210\u7f51\u7edc\u62e5\u585e":36,"\u53ef\u80fd\u7684\u4ee3\u7801\u4e3a":96,"\u53ef\u80fd\u7684\u539f\u56e0\u662f":98,"\u53ef\u80fd\u7684\u60c5\u51b5\u4e0b":119,"\u53ef\u80fd\u9700\u8981\u6ce8\u610f\u7ed9\u8fd9\u4e2a\u865a\u62df\u673a\u591a\u5206\u914d\u4e00\u4e9b":110,"\u53ef\u89c1\u8be5\u8ba1\u7b97\u7531\u4e24\u4e2a\u8f93\u5165":113,"\u53ef\u8bbe\u7f6e":[138,139],"\u53ef\u8bbe\u7f6e\u4e3a":139,"\u53ef\u8bbe\u7f6e\u7684\u76ee\u6807\u67b6\u6784\u5982\u4e0b\u8868\u6240\u793a":139,"\u53ef\u9009":[2,99,112,124,125],"\u53ef\u9009\u7684\u4e0d\u540c\u7f16\u8bd1\u73af\u5883docker\u955c\u50cf":99,"\u53ef\u9009\u914d\u7f6e\u9009\u9879":121,"\u53ef\u914d\u7f6e\u4e3a":121,"\u53ef\u91c7\u7528\u7b2c\u4e8c\u79cd\u65b9\u5f0f":97,"\u53f3\u4fa7\u7684":85,"\u5403":106,"\u5403\u996d":106,"\u5404\u65b9\u9762":106,"\u5404\u6b21\u524d\u5411\u4e4b\u95f4\u4e5f\u90fd\u4f7f\u7528\u4e86\u76f8\u540c\u7684\u6743\u91cd":64,"\u5404\u9879\u66f4\u52a0\u5177\u4f53\u7684\u5355\u5143\u6d4b\u8bd5\u5728":113,"\u5408":106,"\u5408\u5e76\u5165\u4e00\u4e2a\u6587\u4ef6":124,"\u5408\u5e76\u6a21\u578b\u6587\u4ef6":124,"\u5408\u7406":106,"\u540c\u4e00\u6b21\u524d\u5411":64,"\u540c\u65f6":[64,65,93,96,119],"\u540c\u65f6\u4e5f\u4f1a\u8bfb\u53d6\u76f8\u5173\u8def\u5f84\u53d8\u91cf\u6765\u8fdb\u884c\u641c\u7d22":99,"\u540c\u65f6\u4e5f\u53ef\u4ee5\u52a0\u901f\u5f00\u59cb\u8bad\u7ec3\u524d\u6570\u636e\u8f7d\u5165\u7684\u8fc7\u7a0b":96,"\u540c\u65f6\u4e5f\u53ef\u4ee5\u901a\u8fc7":111,"\u540c\u65f6\u4e5f\u80fd\u591f\u5f15\u5165\u66f4\u52a0\u590d\u6742\u7684\u8bb0\u5fc6\u673a\u5236":108,"\u540c\u65f6\u4f1a\u5f00\u542fintel":65,"\u540c\u65f6\u5176\u5185\u90e8\u5b9e\u73b0\u53ef\u4ee5\u907f\u514d\u7eafcpu\u7248\u672cpaddlepaddle\u5728\u6267\u884c\u672c\u8bed\u53e5\u65f6\u53d1\u751f\u5d29\u6e83":119,"\u540c\u65f6\u518d\u5c06":85,"\u540c\u65f6\u53c8\u5c3d\u53ef\u80fd\u5c11\u7684\u727a\u7272mkl":65,"\u540c\u65f6\u53ef\u4ee5\u4f7f\u7528\u6237\u53ea\u5173\u6ce8\u5982\u4f55\u4ece\u6587\u4ef6\u4e2d\u8bfb\u53d6\u6bcf\u4e00\u6761\u6570\u636e":2,"\u540c\u65f6\u5728\u5185\u5b58\u91cc\u76f4\u63a5\u968f\u5373\u9009\u53d6\u6570\u636e\u6765\u505ashuffl":96,"\u540c\u65f6\u5c06\u53c2\u6570\u521d\u59cb\u5316\u4e3a":98,"\u540c\u65f6\u628a\u5f53\u524d\u76ee\u5f55":110,"\u540c\u65f6\u63d0\u8d77":85,"\u540c\u65f6\u6570\u636e\u683c\u5f0f\u5c31\u662f":65,"\u540c\u65f6\u7528\u6237\u9700\u8981\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d\u6307\u5b9a":136,"\u540c\u65f6\u8bbe\u7f6e\u5185\u5b58\u7f13\u5b58\u529f\u80fd":96,"\u540c\u65f6\u8bbe\u7f6e\u5b83\u7684input_types\u5c5e\u6027":2,"\u540c\u65f6\u8f93\u51fa\u5e8f\u5217\u5c42\u548c\u975e\u5e8f\u5217\u5c42":96,"\u540c\u65f6\u9884\u6d4b\u7f51\u7edc\u901a\u5e38\u76f4\u63a5\u8f93\u51fa\u6700\u540e\u4e00\u5c42\u7684\u7ed3\u679c\u800c\u4e0d\u662f\u50cf\u8bad\u7ec3\u7f51\u7edc\u4e00\u6837\u518d\u63a5\u4e00\u5c42cost":4,"\u540c\u6837":103,"\u540c\u6837\u4e5f\u53ef\u4ee5\u5728\u6d4b\u8bd5\u6a21\u5f0f\u4e2d\u6307\u5b9a\u6a21\u578b\u8def\u5f84":134,"\u540c\u6837\u53ef\u4ee5\u6269\u5c55\u5230\u53cc\u5c42\u5e8f\u5217\u7684\u5904\u7406\u4e0a":108,"\u540c\u6837\u53ef\u83b7\u53d6\u5230\u8f93\u5165\u8f93\u51fa\u548c\u5c5e\u6027\u53c2\u6570":113,"\u540c\u6b65\u6267\u884c\u64cd\u4f5c\u7684\u7ebf\u7a0b\u6570":134,"\u540c\u7406":113,"\u540d\u5b57\u4fee\u9970":68,"\u540e":[98,99,111,129,138,139,140],"\u540e\u5411":64,"\u540e\u5411\u4f20\u64ad":112,"\u540e\u5411\u4f20\u64ad\u7ed9\u5b9a\u8f93\u51fa\u7684\u68af\u5ea6":112,"\u540e\u5411\u65f6\u590d\u7528\u5df2\u7ecf\u8f6c\u6362\u8fc7\u7684\u6743\u91cd":64,"\u540e\u7f00\u4e3a":125,"\u540e\u8005\u5728\u6fc0\u6d3b\u51fd\u6570\u53cd\u5411\u8ba1\u7b97\u65f6\u88ab\u8c03\u7528":96,"\u540e\u8005\u622a\u65ad\u56de\u4f20\u7ed9\u524d\u5c42\u7684\u68af\u5ea6":96,"\u540e\u8005\u7528\u4e8e\u68c0\u67e5\u53c2\u6570\u5c5e\u6027\u7684\u5408\u6cd5\u6027":113,"\u540e\u8005\u7ee7\u627f\u81ea":113,"\u540e\u9988":125,"\u5411\u6307\u5b9a\u7684\u76ee\u5f55\u4e2d\u4e00\u4e2a\u65b0\u7684\u6587\u4ef6":36,"\u5411\u91cf":123,"\u5411\u91cfenable_parallel_vector":133,"\u5411paddlepaddle\u7684\u4e3b\u7248\u672c\u5e93\u63d0\u4ea4":85,"\u5417":110,"\u5426\u5219":[1,113,138,140],"\u5426\u5219\u4f1a\u628a":111,"\u5426\u5219\u4f7f\u7528\u591a\u673a\u8bad\u7ec3":134,"\u5426\u5219\u4f7f\u7528cpu\u6a21\u5f0f":134,"\u5426\u5219\u4f7f\u7528gpu":136,"\u5426\u5219\u5b83\u4ee5\u4e00\u4e2a\u5e8f\u5217\u8f93\u5165":109,"\u5426\u5219\u5f97\u628apaddle\u9759\u6001\u5e93\u94fe\u63a5\u5230\u89e3\u91ca\u5668\u91cc":68,"\u5426\u5219\u9891\u7e41\u7684\u591a\u8282\u70b9\u5de5\u4f5c\u7a7a\u95f4\u90e8\u7f72\u53ef\u80fd\u4f1a\u5f88\u9ebb\u70e6":126,"\u542b\u4e49":118,"\u542b\u6709\u5e8f\u5217\u4fe1\u606f\u548c\u5b50\u5e8f\u5217\u4fe1\u606f\u7684\u7a20\u5bc6\u5411\u91cf":112,"\u542b\u6709\u5e8f\u5217\u4fe1\u606f\u7684\u6574\u6570":112,"\u542b\u6709\u5e8f\u5217\u4fe1\u606f\u7684\u7a20\u5bc6\u5411\u91cf":112,"\u542f\u52a8\u4e00\u4e2a\u65b0\u7684\u7ebf\u7a0b\u5f00\u59cb\u4fdd\u5b58\u68c0\u67e5\u70b9":36,"\u542f\u52a8\u4e00\u4e2a\u6d4b\u8bd5\u96c6\u7fa4":126,"\u542f\u52a8\u5bb9\u5668\u5f00\u59cb\u8bad\u7ec3":129,"\u542f\u52a8\u5e76\u884c\u5411\u91cf\u7684\u9608\u503c":134,"\u542f\u52a8\u5feb\u901f\u5e94\u7b54":134,"\u542f\u52a8\u8bad\u7ec3\u4efb\u52a1":130,"\u542f\u7528\u68af\u5ea6\u53c2\u6570\u7684\u9608\u503c":134,"\u5440":106,"\u5468\u56f4":106,"\u547d\u4ee4\u4e3a":[93,128],"\u547d\u4ee4\u521b\u5efa\u65b0\u955c\u50cf":128,"\u547d\u4ee4\u5220\u9664":[138,139,140],"\u547d\u4ee4\u53ef\u4ee5\u8bbe\u7f6e":99,"\u547d\u4ee4\u65f6":138,"\u547d\u4ee4\u6709\u65f6\u5019\u4f1a\u4ea7\u751f\u4e00\u4e9b\u4e2d\u95f4\u7ed3\u679c":110,"\u547d\u4ee4\u770b\u5230\u505c\u6b62\u540e\u4f46\u662f\u6ca1\u6709\u5220\u9664\u7684":110,"\u547d\u4ee4\u7f16\u8bd1\u6e90\u7801\u5373\u53ef":110,"\u547d\u4ee4\u884c\u4e2d\u7684":118,"\u547d\u4ee4\u8bbe\u7f6e\u8be5\u7c7b\u7f16\u8bd1\u9009\u9879":99,"\u547d\u4ee4\u9009\u9879\u5e76\u4e14":126,"\u547d\u4ee4\u91cc\u90fd\u7528\u4e86":110,"\u547d\u540d\u4e3a":111,"\u547d\u540d\u89c4\u8303":113,"\u547d\u540d\u8bf7\u9075\u5b88":113,"\u548c":[37,64,65,68,69,85,96,97,98,99,106,109,110,111,112,113,114,115,118,119,121,123,125,126,136,138,140],"\u548c\u4e00\u4e2a\u5df2\u7ecf\u5206\u8bcd\u540e\u7684\u53e5\u5b50":106,"\u548c\u4e09\u79cd\u5e8f\u5217\u6a21\u5f0f":[2,103],"\u548c\u4e0b\u9762\u5c06\u8981\u4ecb\u7ecd\u7684\u6ce8\u518c\u51fd\u6570\u4e00\u8d77\u653e\u5728":113,"\u548c\u4e2d\u6587\u6587\u6863":115,"\u548c\u4e4b\u524d\u51cf\u5c0f\u901a\u8fc7\u51cf\u5c0f\u7f13\u5b58\u6c60\u6765\u51cf\u5c0f\u5185\u5b58\u5360\u7528\u7684\u539f\u7406\u4e00\u81f4":96,"\u548c\u504f\u7f6e\u5411\u91cf":112,"\u548c\u5185\u5b58":110,"\u548c\u5217\u53f7":123,"\u548c\u53cc\u5c42\u5e8f\u5217\u542b\u6709subseq":105,"\u548c\u5728":2,"\u548c\u5bf9\u5e94\u884c\u7684\u4ee3\u7801":118,"\u548c\u5e8f\u5217\u4e2d\u542b\u6709\u5143\u7d20\u7684\u6570\u76ee\u540c":105,"\u548c\u5f02\u6b65\u968f\u673a\u68af\u5ea6\u4e0b\u964d":125,"\u548c\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684\u8f93\u5165":109,"\u548c\u64cd\u4f5c\u7cfb\u7edf\u4e0a\u76f4\u63a5\u8fd0\u884c\u7684":110,"\u548c\u672a\u6765\u53ef\u80fd\u8fd8\u4f1a\u7528\u5230":65,"\u548c\u793a\u4f8b2\u4e2d\u7684\u914d\u7f6e\u7c7b\u4f3c":106,"\u548c\u79bb\u7ebf\u6570\u636e\u7684\u65b9\u5f0f":37,"\u548c\u90e8\u5206layer":108,"\u548cpool":105,"\u548cpserver\u4e4b\u95f4\u7528\u4e8e\u7a00\u758f\u7c7b\u578b\u53c2\u6570\u901a\u4fe1\u7684\u7aef\u53e3\u4e2a\u6570":125,"\u54c1\u8d28":106,"\u54ea\u4e2atrainer\u5148\u5b8c\u6210block\u7684\u8bad\u7ec3":36,"\u54ea\u4e9b\u4e0d\u662f":106,"\u5546\u52a1":106,"\u554a":106,"\u56db\u79cd\u6570\u636e\u7c7b\u578b":[2,103],"\u56e0\u4e3a\u5168\u8fde\u63a5\u5c42\u7684\u6fc0\u6d3b\u53ef\u4ee5\u662fsoftmax":112,"\u56e0\u4e3a\u53c2\u6570":136,"\u56e0\u4e3a\u5b83\u4eec\u7684\u8ba1\u7b97\u6548\u7387\u6bd4":109,"\u56e0\u4e3a\u5b83\u6bd4":109,"\u56e0\u4e3a\u5b98\u65b9\u955c\u50cf":129,"\u56e0\u4e3a\u6211\u4eec\u4f1a\u628a\u6240\u6709\u7f16\u8bd1\u5de5\u5177\u90fd\u5b89\u88c5\u8fdb\u4e00\u4e2a":110,"\u56e0\u4e3a\u6e90\u7801\u5c31\u5728\u672c\u673a\u4e0a":110,"\u56e0\u4e3a\u8fd9\u4e2a\u5de5\u5177\u5177\u6709web\u670d\u52a1\u754c\u9762":118,"\u56e0\u4e3a\u8fd9\u6837\u505a\u4e5f\u6ca1\u6cd5\u4fdd\u8bc1\u6d88\u9664\u968f\u673a\u6027":36,"\u56e0\u4e3ac":118,"\u56e0\u4e3apython\u7684\u641c\u7d22\u8def\u5f84\u662f\u4f18\u5148\u5df2\u7ecf\u5b89\u88c5\u7684python\u5305":93,"\u56e0\u4e3aswig\u5728\u7b2c\u4e09\u65b9\u8bed\u8a00\u4e2d\u66b4\u9732\u7684\u51fd\u6570\u540d":68,"\u56e0\u6b64":[1,2,64,106,108,112,138],"\u56e0\u6b64\u4f7f\u7528":2,"\u56e0\u6b64\u53cc\u5c42\u5e8f\u5217\u7684\u914d\u7f6e\u4e2d":106,"\u56e0\u6b64\u53ef\u80fd\u6d4b\u8bd5\u4e0d\u591f\u5b8c\u5907":114,"\u56e0\u6b64\u5728\u8f6c\u6362\u65f6\u9700\u8981\u663e\u793a\u7684\u6307\u5b9a":114,"\u56e0\u6b64\u5b83\u662finteger_value_sub_sequ":106,"\u56e0\u6b64\u5f53":138,"\u56e0\u6b64\u6211\u4eec\u91c7\u7528\u8f93\u51fa\u7684\u52a0\u6743\u548c":112,"\u56e0\u6b64\u6709\u4e24\u79cd\u89e3\u51b3\u65b9\u6848":2,"\u56e0\u6b64\u7528\u6237\u5e76\u4e0d\u9700\u8981\u5173\u5fc3\u5b83\u4eec":133,"\u56e0\u6b64\u9519\u8bef\u7684\u4f7f\u7528\u4e8c\u8fdb\u5236\u53d1\u884c\u7248\u53ef\u80fd\u4f1a\u5bfc\u81f4\u8fd9\u79cd\u9519\u8bef":93,"\u56e0\u6b64init_hook\u5c3d\u91cf\u4f7f\u7528":2,"\u56fe1":[123,124],"\u56fe2":123,"\u56fe\u50cf\u5206\u7c7b":85,"\u56fe\u8868":100,"\u5728":[2,64,65,69,85,105,106,109,110,111,113,118,123,124,125,139],"\u5728\u4e00\u4e2a\u4e0d\u53ef\u4e2d\u65ad\u5e76\u7f3a\u5c11\u5907\u4efd\u7684\u8bad\u7ec3\u4efb\u52a1\u4e2d":36,"\u5728\u4e00\u4e2a\u529f\u80fd\u9f50\u5168\u7684kubernetes\u673a\u7fa4\u91cc":128,"\u5728\u4e00\u4e2a\u53c2\u6570\u7684\u68af\u5ea6\u88ab\u66f4\u65b0\u540e":112,"\u5728\u4e00\u4e9b\u5206\u5e03\u5f0f\u7cfb\u7edf\u4e2d":125,"\u5728\u4e00\u6b21\u8bad\u7ec3\u4e2d":118,"\u5728\u4e00\u8f6e\u4e2d\u6bcfsave":134,"\u5728\u4e0a\u56fe\u4e2d\u663e\u793a\u4e86\u5728\u4e00\u4e2a\u5b9e\u9645\u751f\u4ea7\u73af\u5883\u4e2d\u7684\u5e94\u7528":37,"\u5728\u4e0a\u9762\u4ee3\u7801\u4e2d":106,"\u5728\u4e0a\u9762\u7684\u4ee3\u7801\u4e2d":113,"\u5728\u4e0b\u4e00\u7bc7\u4e2d":128,"\u5728\u4e4b\u540e\u7684":96,"\u5728\u4e86\u89e3docker\u7684\u57fa\u672c\u4f7f\u7528\u65b9\u6cd5\u4e4b\u540e":100,"\u5728\u4efb\u610f\u65f6\u95f4\u67d0\u4e00\u53f0\u53c2\u6570\u670d\u52a1\u5668\u4e0a\u4fdd\u5b58\u7684\u53c2\u6570\u53ef\u80fd\u6bd4\u53e6\u4e00\u53f0\u8981\u66f4\u65b0":125,"\u5728\u4f7f\u7528\u4e0d\u540c\u7684\u5206\u5e03\u5f0f\u8ba1\u7b97\u5e73\u53f0\u65f6":125,"\u5728\u4f7f\u7528\u5206\u5e03\u5f0f\u8ba1\u7b97\u5e73\u53f0\u8fdb\u884c\u8bad\u7ec3\u65f6":125,"\u5728\u4f7f\u7528\u540c\u6b65sgd\u8bad\u7ec3\u795e\u7ecf\u7f51\u7edc\u65f6":125,"\u5728\u4f7f\u7528\u65f6":97,"\u5728\u4f7f\u7528\u8be5\u6587\u6863\u4e4b\u524d":103,"\u5728\u4f7f\u7528c":121,"\u5728\u4f7f\u7528paddlepaddl":121,"\u5728\u4f7f\u7528twine\u4e0a\u4f20\u4e4b\u524d":85,"\u5728\u5168\u8fde\u63a5\u5c42\u4e2d":112,"\u5728\u5177\u4f53\u7684\u8ba1\u7b97\u4e2d":114,"\u5728\u51c6\u5907\u53d1\u8d77":111,"\u5728\u51fa\u73b0\u5355\u70b9\u6545\u969c\u65f6":36,"\u5728\u51fd\u6570":129,"\u5728\u5206\u5e03\u5f0f\u73af\u5883\u4e2d\u6d4b\u8bd5":134,"\u5728\u5206\u5e03\u5f0f\u8bad\u7ec3\u4e2d":134,"\u5728\u521b\u5efaparameters\u540e":98,"\u5728\u5355\u5c42\u6570\u636e\u7684\u57fa\u7840\u4e0a":106,"\u5728\u53c2\u6570\u670d\u52a1\u5668\u4e0a\u52a0\u8f7d\u548c\u4fdd\u5b58\u53c2\u6570":134,"\u5728\u53c2\u6570\u670d\u52a1\u5668\u7ec8\u7aef\u6bcflog":134,"\u5728\u53cc\u5c42rnn\u4e2d\u7684\u7ecf\u5178\u60c5\u51b5\u662f\u5c06\u5185\u5c42\u7684\u6bcf\u4e00\u4e2a\u65f6\u95f4\u5e8f\u5217\u6570\u636e":106,"\u5728\u53cd\u5411\u4f20\u9012\u7684\u65f6\u5019":96,"\u5728\u53d8\u6362\u65f6\u9700\u8981\u5c06\u8f93\u5165\u5e8f\u5217\u4f20\u5165":106,"\u5728\u542f\u52a8job\u4e4b\u524d":129,"\u5728\u547d\u4ee4\u884c\u663e\u793a\u5206\u6790\u7ed3\u679c":118,"\u5728\u56de\u590d\u8bc4\u5ba1\u4eba\u610f\u89c1\u65f6":111,"\u5728\u56fe\u50cf\u4efb\u52a1\u4e2d":97,"\u5728\u58f0\u660edataprovider\u7684\u65f6\u5019\u4f20\u5165dictionary\u4f5c\u4e3a\u53c2\u6570":2,"\u5728\u591acpu\u8bad\u7ec3\u65f6\u5171\u4eab\u8be5\u53c2\u6570":134,"\u5728\u5b8c\u6210\u4e00\u5b9a\u91cf\u6570\u636e\u7684\u8bad\u7ec3\u540e":125,"\u5728\u5b8c\u6210\u795e\u7ecf\u7f51\u7edc\u7684\u642d\u5efa\u4e4b\u540e":103,"\u5728\u5b9a\u4e49\u8f93\u5165layer\u4e4b\u540e":103,"\u5728\u5b9e\u73b0\u6bcf\u4e2a\u5b50\u7c7b\u7684\u65f6\u5019\u5c31\u4e0d\u9700\u8981\u5173\u5fc3\u5206\u652f\u7684\u4e8b\u60c5\u4e86":65,"\u5728\u5b9e\u73b0\u8fc7\u7a0b\u4e2d":69,"\u5728\u5b9e\u9645\u5e94\u7528\u4e2d":97,"\u5728\u5bb9\u5668\u4e2d\u7f16\u8f91\u4ee3\u7801":100,"\u5728\u5bb9\u5668\u521b\u5efa\u540e":129,"\u5728\u5bf9\u5bb9\u5668\u7684\u63cf\u8ff0":129,"\u5728\u5bf9\u5e94\u7684":64,"\u5728\u5c42\u4e2d\u6307\u5b9a":136,"\u5728\u5c42\u521d\u59cb\u5316\u7684\u65f6\u5019":64,"\u5728\u5e8f\u5217\u751f\u6210\u4efb\u52a1\u4e2d":108,"\u5728\u5f00\u59cb\u8bad\u7ec3\u4e4b\u524d":37,"\u5728\u5f02\u6784\u96c6\u7fa4\u4e2d":36,"\u5728\u5f02\u6b65sgd\u4e2d":125,"\u5728\u5f15\u5165\u5176\u4ed6\u7c7b\u578b\u7684\u5934\u6587\u4ef6\u65f6":69,"\u5728\u5f53\u524d\u7684\u5b9e\u73b0\u65b9\u5f0f\u4e0b":112,"\u5728\u5f97\u5230":129,"\u5728\u5feb\u7167\u5199\u5165\u5b8c\u6210\u540e":36,"\u5728\u60a8\u7684\u5b9e\u9645\u73af\u5883\u4e2d":36,"\u5728\u6211\u4eec\u7684\u4f8b\u5b50\u4e2d":109,"\u5728\u6267\u884c\u65f6":114,"\u5728\u63d0\u4ea4":111,"\u5728\u642d\u5efa\u795e\u7ecf\u7f51\u7edc\u7684\u8fc7\u7a0b\u4e2d":103,"\u5728\u65e0\u7279\u6b8a\u9700\u6c42\u60c5\u51b5\u4e0b":121,"\u5728\u6709\u666e\u901a\u7684cpu":65,"\u5728\u672c\u4f8b\u4e2d":[106,111,136],"\u5728\u672c\u4f8b\u4e2d\u6ca1\u6709\u4f7f\u7528":2,"\u5728\u672c\u6559\u7a0b\u4e2d":109,"\u5728\u672c\u6587\u6863\u4e2d":51,"\u5728\u672c\u793a\u4f8b\u4e2d":106,"\u5728\u672c\u8282\u4e2d":109,"\u5728\u673a\u7fa4\u4e0a\u8fd0\u884c\u8f6c\u6362\u7a0b\u5e8f":37,"\u5728\u6811\u7684\u6bcf\u4e00\u5c42\u4e0a":134,"\u5728\u6837\u4f8b\u4e2d":69,"\u5728\u6b64":[133,136],"\u5728\u6bcf\u4e2a\u65f6\u95f4\u6b65\u4e2d":109,"\u5728\u6bcf\u4e2a\u65f6\u95f4\u6b65\u7684\u5b50\u5e8f\u5217\u957f\u5ea6\u53ef\u4ee5\u4e0d\u76f8\u7b49":106,"\u5728\u6bcf\u4e2a\u65f6\u95f4\u6b65\u957f":109,"\u5728\u6bcf\u4e2apod\u4e0a\u90fd\u901a\u8fc7volume\u65b9\u5f0f\u6302\u8f7d\u5206\u5e03\u5f0f\u6587\u4ef6\u7cfb\u7edf\u7684\u4e00\u4e2a\u76ee\u5f55\u7528\u4e8e\u4fdd\u5b58\u8bad\u7ec3\u6570\u636e\u548c\u8f93\u51fa\u7ed3\u679c":129,"\u5728\u6d4b\u8bd5\u9636\u6bb5":134,"\u5728\u6e90\u7801\u76ee\u5f55\u6811\u7684\u6839\u76ee\u5f55\u4e2d\u8fd0\u884c":111,"\u5728\u751f\u6210\u65f6":109,"\u5728\u7528\u6237\u4f7f\u7528c":69,"\u5728\u76f8\u5e94\u7684\u4f18\u5316\u7b97\u6cd5\u91cc\u8bbe\u7f6elearning_rate_schedule\u53ca\u76f8\u5173\u53c2\u6570":98,"\u5728\u76f8\u5e94layer\u7684":97,"\u5728\u795e\u7ecf\u7f51\u7edc\u4e2d\u7b49\u4e8e\u4e00\u6b21\u9884\u6d4b\u5904\u7406\u7684\u6837\u672c\u6570":123,"\u5728\u7a0b\u5e8f\u5b9e\u73b0\u4e2d\u90fd\u4f1a\u8f6c\u5316\u4e3a\u4e8c\u7ef4\u77e9\u9635":123,"\u5728\u7a0b\u5e8f\u5f00\u59cb\u9636\u6bb5":4,"\u5728\u7b2c\u4e8c\u4e2atab":85,"\u5728\u7ebf\u4e0a\u7cfb\u7edf\u4e2d":125,"\u5728\u7ebf\u6a21\u578b\u9884\u6d4b\u670d\u52a1":37,"\u5728\u7ec4\u5408\u65f6":103,"\u5728\u7ec4\u7ec7\u795e\u7ecf\u7f51\u7edc\u8f93\u5165":124,"\u5728\u7ec4\u7ec7\u795e\u7ecf\u7f51\u7edc\u8f93\u5165\u65f6":123,"\u5728\u7ec8\u7aef\u6267\u884c":124,"\u5728\u7f16\u8bd1\u5bbf\u4e3b\u673a\u7248protoc\u53ef\u6267\u884c\u6587\u4ef6\u548c\u76ee\u6807\u673a\u7248openblas\u5e93\u65f6\u9700\u8981\u7528\u5230":[138,140],"\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d":112,"\u5728\u7f51\u7edc\u914d\u7f6e\u91cc":2,"\u5728\u81ea\u7136\u8bed\u8a00\u5904\u7406\u4efb\u52a1\u4e2d":105,"\u5728\u8bad\u7ec3\u4e2d":109,"\u5728\u8bad\u7ec3\u4e4b\u524d":129,"\u5728\u8bad\u7ec3\u65f6":128,"\u5728\u8bad\u7ec3\u7ed3\u675f\u7684\u65f6\u5019\u518d\u4fdd\u5b58\u4e3apaddlepaddle\u7684\u683c\u5f0f":65,"\u5728\u8bad\u7ec3\u8fc7\u7a0b\u4e2d":129,"\u5728\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u6bcfshow":134,"\u5728\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u8fdb\u884c\u6d4b\u8bd5":1,"\u5728\u8bbe\u7f6e":[138,139,140],"\u5728\u8bc4\u5ba1\u8fc7\u7a0b\u4e2d":85,"\u5728\u8be5\u793a\u4f8b\u4e2d":98,"\u5728\u8be5\u914d\u7f6e\u76847":106,"\u5728\u8c03\u7528":124,"\u5728\u8c03\u7528c":124,"\u5728\u8f6f\u4ef6\u5de5\u7a0b\u7684\u8303\u7574\u91cc":119,"\u5728\u8f93\u51fa\u7684\u8fc7\u7a0b\u4e2d":108,"\u5728\u8fd0\u884c\u5b8c\u6027\u80fd\u5206\u6790\u540e":118,"\u5728\u8fd0\u884c\u65f6\u5c06\u795e\u7ecf\u7f51\u7edc\u7684\u591a\u4e2a\u53ef\u5b66\u4e60\u53c2\u6570\u653e\u5728\u540c\u4e00\u4e2a\u76ee\u5f55\u4e2d":124,"\u5728\u8fd0\u884c\u795e\u7ecf\u7f51\u7edc\u8ba1\u7b97\u56fe\u65f6":114,"\u5728\u8fd9\u4e2a":85,"\u5728\u8fd9\u4e2a\u4f8b\u5b50\u91cc":[112,128],"\u5728\u8fd9\u4e2a\u51fd\u6570\u4e2d":106,"\u5728\u8fd9\u4e2a\u52a8\u6001\u5e93\u4e2d\u4e0d\u5d4c\u5165\u4efb\u4f55\u5176\u4ed6\u8bed\u8a00\u7684\u89e3\u91ca\u5668":68,"\u5728\u8fd9\u4e2a\u6559\u7a0b\u4e2d":119,"\u5728\u8fd9\u4e2a\u6a21\u578b\u4e2d":109,"\u5728\u8fd9\u4e2a\u9636\u6bb5\u7684\u4ee3\u7801\u6b63\u5728\u7ecf\u5386\u56de\u5f52\u6d4b\u8bd5":85,"\u5728\u8fd9\u4e9b\u5934\u6587\u4ef6\u4e2d":69,"\u5728\u8fd9\u4e9b\u6587\u4ef6\u4e2d":69,"\u5728\u8fd9\u4e9blayer\u4e2d":106,"\u5728\u8fd9\u65f6\u771f\u6b63\u7684\u5206\u914d\u5185\u5b58":114,"\u5728\u8fd9\u6bb5\u4ee3\u7801\u4e2d":114,"\u5728\u8fd9\u79cd\u60c5\u51b5\u4e0b":[109,112],"\u5728\u8fd9\u79cd\u7ed3\u6784\u4e2d":108,"\u5728\u8fd9\u7bc7\u6587\u6863\u91cc":128,"\u5728\u8fd9\u7bc7\u6587\u7ae0\u91cc":129,"\u5728\u8fd9\u91cc":108,"\u5728\u8fd9\u91cc\u6211\u4eec\u4f7f\u7528\u5168\u8fde\u63a5\u5c42\u4f5c\u4e3a\u4f8b\u5b50\u6765\u5c55\u793a\u5b9e\u73b0\u65b0\u7f51\u7edc\u5c42\u6240\u9700\u8981\u7684\u56db\u4e2a\u6b65\u9aa4":112,"\u5728\u8fd9\u91cc\u7528eigenvector\u6765\u8868\u793a":114,"\u5728\u8fd9\u91cc\u9700\u8981\u6ce8\u610f\u7684\u662f":114,"\u5728\u8fdb\u884c\u5206\u5e03\u5f0f\u8bad\u7ec3\u65f6":125,"\u5728\u8fdb\u884c\u7f51\u7edc\u914d\u7f6e\u4e4b\u524d":103,"\u5728\u914d\u7f6e\u4e2d\u9700\u8981\u8bfb\u53d6\u5916\u90e8\u5b57\u5178":2,"\u5728\u91c7\u7528sgd":98,"\u5728\u91cd\u6784\u524d\u7684paddlepaddle\u4e2d":65,"\u5728\u95ee\u9898\u672c\u8eab\u7684\u8ba1\u7b97\u91cf\u6bd4\u8f83\u5c0f\u7684\u65f6\u5019":64,"\u5728\u96c6\u7fa4\u4e0a\u8bad\u7ec3\u4e00\u4e2a\u7a00\u758f\u6a21\u578b\u9700\u8981\u52a0\u4e0a\u4e0b\u9762\u7684\u53c2\u6570":136,"\u5728\u975e\u5e8f\u5217\u8f93\u5165\u65f6":96,"\u5728android\u5e73\u53f0\u4e0a\u4e0d\u652f\u6301\u901a\u8fc7swig\u8c03\u7528\u6765\u8bad\u7ec3\u6216\u8005\u9884\u6d4b":138,"\u5728android\u5e73\u53f0\u4e0a\u53ea\u652f\u6301\u4f7f\u7528c":138,"\u5728batch":64,"\u5728build\u76ee\u5f55\u4e0b\u6267\u884c":93,"\u5728c":[68,123],"\u5728c\u7684\u5934\u6587\u4ef6":68,"\u5728cmake\u53c2\u6570\u914d\u7f6e\u4e0a":[138,139],"\u5728cmake\u7684\u547d\u4ee4\u884c\u4e2d":99,"\u5728eigen\u4e2d":114,"\u5728generator\u7684\u4e0a\u4e0b\u6587\u4e2d\u5c3d\u91cf\u7559\u4e0b\u975e\u5e38\u5c11\u7684\u53d8\u91cf\u5f15\u7528":2,"\u5728ios\u5e73\u53f0\u4e0a\u4e0d\u652f\u6301\u901a\u8fc7swig\u8c03\u7528\u6765\u8bad\u7ec3\u6216\u8005\u9884\u6d4b":139,"\u5728ios\u5e73\u53f0\u4e0a\u53ea\u652f\u6301\u4f7f\u7528c":139,"\u5728main":118,"\u5728packing\u4e0a\u7684\u8017\u65f6":64,"\u5728paddl":129,"\u5728paddle\u4e2d":136,"\u5728paddle\u4e4b\u4e0a\u8fd0\u884c\u7684\u6df1\u5ea6\u5b66\u4e60\u8bad\u7ec3\u8f93\u51fa\u7684\u6a21\u578b\u4f1a\u63d0\u4f9b\u7ed9\u5728\u7ebf\u4eba\u8138\u8bc6\u522b\u7684\u5e94\u7528\u4f7f\u7528":37,"\u5728paddlepaddl":123,"\u5728paddlepaddle\u4e2d":[103,108],"\u5728paddlepaddle\u4e2d\u4f7f\u7528dropout\u6709\u4e24\u79cd\u65b9\u5f0f":97,"\u5728paddlepaddle\u4e2d\u5305\u542b\u4ee5\u4e0b":97,"\u5728paddlepaddle\u5185\u90e8":[123,124],"\u5728paddlepaddle\u7684\u6587\u6863\u4e2d":106,"\u5728paramet":36,"\u5728python\u811a\u672c\u4e2d\u5b9e\u73b0\u4e0e\u524d\u5411operator\u76f8\u540c\u7684\u8ba1\u7b97\u903b\u8f91":113,"\u5728rnn\u7684\u60c5\u51b5\u4e0b":64,"\u5728step\u51fd\u6570\u4e2d\u5b9a\u4e49":108,"\u5728step\u51fd\u6570\u4e2d\u5b9a\u4e49memori":108,"\u5728trainer":136,"\u5728trainer\u4e2d\u53ef\u4ee5\u4f7f\u7528\u4e0b\u9762\u53d6\u6a21\u7684\u65b9\u6cd5\u4e3a\u6bcf\u4e2atrainer\u5206\u914d\u8bad\u7ec3\u6570\u636e\u6587\u4ef6":125,"\u5730\u5740\u4e5f\u53ef\u4ee5\u4e3ahdfs\u6587\u4ef6\u8def\u5f84":1,"\u5730\u6bb5":106,"\u5730\u7406\u4f4d\u7f6e":106,"\u5730\u94c1\u7ad9":106,"\u5747\u4f1a\u5b58\u653e\u4e8e":121,"\u5747\u4f1a\u88ab\u5b89\u88c5\u5230includ":69,"\u5747\u5300\u5206\u5e03":98,"\u5747\u5300\u5206\u5e03\u7684\u8303\u56f4\u662f":134,"\u5747\u662f\u5728":69,"\u5747\u6709\u4e09\u4e2a\u5b50\u5e8f\u5217":106,"\u5747\u6709\u4e24\u7ec4\u7279\u5f81":106,"\u57fa\u4e8e\u53cc\u5c42\u5e8f\u5217\u8f93\u5165":108,"\u57fa\u4e8e\u7c98\u6027\u4f1a\u8bdd\u7684\u8d1f\u8f7d\u5747\u8861\u529f\u80fd":51,"\u57fa\u4e8epython\u7684\u6a21\u578b\u9884\u6d4b":4,"\u57fa\u4e8epython\u7684\u9884\u6d4b":3,"\u57fa\u672c\u4e0a\u548cmnist\u6837\u4f8b\u4e00\u81f4":2,"\u57fa\u672c\u4f7f\u7528\u6982\u5ff5":[104,124],"\u57fa\u7840\u4e0a":123,"\u57fa\u7c7b":113,"\u586b\u5199":111,"\u589e\u52a0":113,"\u589e\u52a0\u4e86\u4e00\u6761cd\u547d\u4ee4":128,"\u589e\u52a0\u4e86\u8bbe\u5907\u7c7b\u578b":113,"\u589e\u52a0\u5982\u4e0b\u53c2\u6570":136,"\u589e\u52a0\u68af\u5ea6\u68c0\u6d4b\u7684\u5355\u5143\u6d4b\u8bd5":112,"\u5904\u7406\u5668\u6709\u4e24\u4e2a\u5173\u952e\u6027\u80fd\u9650\u5236":119,"\u5904\u7406\u7684\u8f93\u5165\u5e8f\u5217\u4e3b\u8981\u5206\u4e3a\u4ee5\u4e0b\u4e09\u79cd\u7c7b\u578b":108,"\u5907\u6ce8":119,"\u590d\u6742\u5ea6\u6216\u65f6\u95f4\u590d\u6742\u5ea6":119,"\u5916\u5c42\u5e8f\u5217\u5728":123,"\u5916\u5c42memory\u662f\u4e00\u4e2a\u5143\u7d20":106,"\u5916\u5c42outer_step\u4e2d":106,"\u5916\u90e8\u5b58\u50a8":65,"\u591a\u4e2a":124,"\u591a\u4e2a\u503c":37,"\u591a\u4e2a\u5c42\u7684\u8f93\u51fa\u77e9\u9635\u7684\u9ad8\u5ea6\u4e0d\u4e00\u81f4\u5bfc\u81f4\u62fc\u63a5\u5931\u8d25":96,"\u591a\u4e2a\u6392\u6210\u4e00\u5217\u7684\u5143\u7d20":123,"\u591a\u4e2a\u8f93\u51fa\u5c42\u5904\u7406\u591a\u4e2a\u4e0d\u540c\u957f\u5ea6\u7684\u5e8f\u5217":96,"\u591a\u4e2aip\u4f7f\u7528":125,"\u591a\u4e2aparamet":36,"\u591a\u53e5\u8bdd\u8fdb\u4e00\u6b65\u6784\u6210\u4e86\u6bb5\u843d":108,"\u591a\u673a\u8bad\u7ec3":96,"\u591a\u6b21\u8c03\u7528":64,"\u591a\u7528\u4e8e\u81ea\u7136\u8bed\u8a00\u5904\u7406\u4efb\u52a1":124,"\u591a\u7ebf\u7a0b\u7684\u6570\u636e\u8bfb\u53d6":2,"\u591a\u8f6e\u5bf9\u8bdd\u7b49\u66f4\u4e3a\u590d\u6742\u7684\u8bed\u8a00\u6570\u636e":108,"\u5927\u4e8e\u7b49\u4e8e\u4e00\u4e2a":124,"\u5927\u591a\u6570\u5c42\u4e0d\u9700\u8981\u8fdc\u7a0b\u7a00\u758f\u8bad\u7ec3\u51fd\u6570":112,"\u5927\u591a\u6570\u5c42\u9700\u8981\u8bbe\u7f6e\u4e3a":112,"\u5927\u591a\u6570\u7f51\u7edc\u5c42\u4e0d\u9700\u8981\u652f\u6301\u8fdc\u7a0b\u7a00\u758f\u66f4\u65b0":112,"\u5927\u591a\u6570\u8bed\u8a00\u90fd\u652f\u6301\u4f7f\u7528c\u8bed\u8a00api":68,"\u5927\u5bb6\u53ef\u4ee5\u7528\u628a\u5f00\u53d1\u5de5\u5177\u5b89\u88c5\u8fdb\u5165":110,"\u5927\u5bb6\u53ef\u4ee5\u901a\u8fc7\u5b83\u9605\u8bfb\u6559\u7a0b":100,"\u5927\u5c0f\u4e0d\u4e00\u6837\u65f6":96,"\u5927\u6982\u82b1\u5341\u5206\u949f\u770b\u4e00\u4e0b":110,"\u5927\u90e8\u5206":118,"\u5929":106,"\u5929\u4e00\u5e7f\u573a":106,"\u5929\u4e00\u9601":106,"\u5934\u4fe1\u606f\u4e2d":98,"\u5934\u6587\u4ef6\u4e2d\u628a\u53c2\u6570\u5b9a\u4e49\u4e3a\u7c7b\u7684\u6210\u5458\u53d8\u91cf":112,"\u5934\u6587\u4ef6\u5982\u4e0b":112,"\u597d":106,"\u597d\u5403":106,"\u5982":[2,109,111,113,136],"\u5982\u4e0a\u4e00\u5c0f\u8282\u6240\u793a":114,"\u5982\u4e0b":[2,125],"\u5982\u4e0b\u56fe\u6240\u793a":[106,119],"\u5982\u4e0b\u6240\u793a":136,"\u5982\u4e0b\u662f\u4e00\u6bb5\u4f7f\u7528mnist":4,"\u5982\u4f55\u5b58\u50a8\u7b49\u7b49":2,"\u5982\u4f55\u89e3\u6790\u8be5\u5730\u5740\u4e5f\u662f\u7528\u6237\u81ea\u5b9a\u4e49dataprovider\u65f6\u9700\u8981\u8003\u8651\u7684\u5730\u65b9":1,"\u5982\u4f55\u8d21\u732e":116,"\u5982\u4f55\u8d21\u732e\u4ee3\u7801":116,"\u5982\u56fe\u4e2dtrainer":36,"\u5982\u6709":113,"\u5982\u672c\u4f8b\u4e2d":2,"\u5982\u672c\u4f8b\u7684":2,"\u5982\u679c\u4e00\u4e2a\u7f51\u7edc\u5c42\u9700\u8981\u914d\u7f6e\u7684\u8bdd":112,"\u5982\u679c\u4e0a\u9762\u4e24\u6b65\u51fa\u73b0\u9519\u8bef":36,"\u5982\u679c\u4e0d\u4e3a0":134,"\u5982\u679c\u4e0d\u4e86\u89e3":2,"\u5982\u679c\u4e0d\u4f7f\u7528\u5206\u5e03\u5f0f\u5b58\u50a8":125,"\u5982\u679c\u4e0d\u4f7f\u7528docker":99,"\u5982\u679c\u4e0d\u4f7f\u7528docker\u7f16\u8bd1\u73af\u5883":99,"\u5982\u679c\u4e0d\u60f3\u4f7f\u7528":115,"\u5982\u679c\u4e0d\u6307\u5b9a\u8fd9\u4e2a\u6587\u4ef6":118,"\u5982\u679c\u4e0d\u6536\u655b":98,"\u5982\u679c\u4e0d\u9700\u8981\u5916\u90e8\u5b58\u50a8\u7528\u4e8e\u8f6c\u6362":65,"\u5982\u679c\u4e3a":2,"\u5982\u679c\u4e3a0":134,"\u5982\u679c\u4e3a\u5426\u5219\u662f\u7528openbla":99,"\u5982\u679c\u4e3afals":134,"\u5982\u679c\u4e3atrue":[2,134],"\u5982\u679c\u4e4b\u540e\u60f3\u8981\u91cd\u65b0\u8bbe\u7f6e":99,"\u5982\u679c\u4ec5\u4ec5\u4fee\u6539\u4e00\u4e2a\u6587\u4ef6\u4f46\u63d0\u4ea4\u4e86\u5341\u51e0\u4e2acommit":111,"\u5982\u679c\u4ecd\u7136\u5b58\u5728\u95ee\u9898":102,"\u5982\u679c\u4ed4\u7ec6\u8bbe\u7f6e\u7684\u8bdd":134,"\u5982\u679c\u4f60\u53ea\u9700\u8981\u4f7f\u7528\u7b80\u5355\u7684rnn":109,"\u5982\u679c\u4f60\u60f3\u4f7f\u7528\u8fd9\u4e9b\u7279\u6027":136,"\u5982\u679c\u4f60\u60f3\u8981\u4fdd\u5b58\u67d0\u4e9b\u5c42\u7684\u7279\u5f81\u56fe":134,"\u5982\u679c\u4f60\u66fe\u5728\u6e90\u7801\u76ee\u5f55\u4e0b\u7f16\u8bd1\u8fc7\u5176\u4ed6\u5e73\u53f0\u7684paddlepaddle\u5e93":139,"\u5982\u679c\u4f60\u66fe\u7ecf\u5728\u6e90\u7801\u76ee\u5f55\u4e0b\u7f16\u8bd1\u8fc7\u5176\u4ed6\u5e73\u53f0\u7684paddlepaddle\u5e93":[138,140],"\u5982\u679c\u4f60\u6b63\u5728\u5904\u7406\u5e8f\u5217\u6807\u8bb0\u4efb\u52a1":109,"\u5982\u679c\u4f60\u8981\u4e3a\u4e86\u6d4b\u8bd5\u800c\u589e\u52a0\u65b0\u7684\u6587\u4ef6":112,"\u5982\u679c\u4f7f\u7528":124,"\u5982\u679c\u4f7f\u7528docker\u7f16\u8bd1\u73af\u5883":99,"\u5982\u679c\u4f7f\u7528mkl\u5e76\u4e14\u673a\u5668\u542b\u6709avx2\u6307\u4ee4\u96c6":99,"\u5982\u679c\u4f7f\u7528swig\u6211\u4eec\u9700\u8981\u5c06\u5728interface\u6587\u4ef6\u91cc":68,"\u5982\u679c\u5173\u95edmkl":99,"\u5982\u679c\u51fa\u73b0\u4ee5\u4e0bpython\u76f8\u5173\u7684\u5355\u5143\u6d4b\u8bd5\u90fd\u8fc7\u4e0d\u4e86\u7684\u60c5\u51b5":93,"\u5982\u679c\u53c2\u6570\u4fdd\u5b58\u4e0b\u6765\u7684\u6a21\u578b\u76ee\u5f55":96,"\u5982\u679c\u53d1\u73b0\u6700\u65e9\u7684\u62a5\u9519\u5c31\u662f\u7f51\u7edc\u901a\u4fe1\u7684\u95ee\u9898":94,"\u5982\u679c\u540c\u65f6\u4f7f\u7528":125,"\u5982\u679c\u5728\u4f7f\u7528mkl":65,"\u5982\u679c\u5728\u70b9\u51fb\u4e0b\u9762\u94fe\u63a5\u65f6\u51fa\u73b0\u5982\u4e0b\u767b\u9646\u754c\u9762":102,"\u5982\u679c\u5728\u7f16\u8bd1":121,"\u5982\u679c\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d\u672a\u8bbe\u7f6easync":134,"\u5982\u679c\u5728\u8bad\u7ec3\u671f\u95f4\u540c\u65f6\u53d1\u8d77\u53e6\u5916\u4e00\u4e2a\u8fdb\u7a0b\u8fdb\u884c\u6d4b\u8bd5":134,"\u5982\u679c\u5728\u8bad\u7ec3\u914d\u7f6e\u4e2d\u8bbe\u7f6ebatch":134,"\u5982\u679c\u5728\u8bad\u7ec3nlp\u76f8\u5173\u6a21\u578b\u65f6":98,"\u5982\u679c\u591a\u4e2aop\u4f9d\u8d56\u4e00\u4e9b\u5171\u7528\u7684\u51fd\u6570":113,"\u5982\u679c\u5931\u8d25":85,"\u5982\u679c\u5b58\u5728\u6570\u636e\u6392\u5217\u683c\u5f0f\u4e0d\u4e00\u6837\u7684\u60c5\u51b5\u65f6":65,"\u5982\u679c\u5b58\u5728\u67d0\u4e9btrainer\u6267\u884c\u901f\u5ea6\u8fc7\u6162\u4f1a\u5f71\u54cd\u6574\u4f53\u96c6\u7fa4\u7684\u901f\u5ea6":36,"\u5982\u679c\u5c06\u8fd9\u4e2a\u5185\u5b58\u6c60\u51cf\u5c0f":96,"\u5982\u679c\u5c0f\u4e8e75m":93,"\u5982\u679c\u5df2\u7ecf\u6709pod\u8fd0\u884c":129,"\u5982\u679c\u5df2\u7ecf\u6b63\u5728\u6267\u884c\u4fdd\u5b58\u68c0\u67e5\u70b9\u7684\u7ebf\u7a0b":36,"\u5982\u679c\u5e0c\u671b\u53ef\u4ee5\u5728\u540e\u53f0\u8fd0\u884cpserver\u7a0b\u5e8f":125,"\u5982\u679c\u5f53\u524dmpi\u96c6\u7fa4\u5e76\u4e0d\u652f\u6301\u4efb\u52a1\u72ec\u5360\u6a21\u5f0f":94,"\u5982\u679c\u60a8\u5728\u4f7f\u7528window":100,"\u5982\u679c\u60a8\u60f3\u8981\u66f4\u6df1\u5165\u4e86\u89e3deep":100,"\u5982\u679c\u60a8\u671f\u671b\u5728\u7f16\u8bd1\u5b8c\u6210\u540e\u7acb\u5373\u6267\u884c\u6240\u6709\u7684\u5355\u5143\u6d4b\u8bd5":99,"\u5982\u679c\u60a8\u6ca1\u6709\u542c\u8bf4":110,"\u5982\u679c\u60a8\u7684\u7535\u8111\u4e0d\u652f\u6301avx":100,"\u5982\u679c\u60a8\u7684gpu\u7406\u8bba\u53ef\u4ee5\u8fbe\u52306":119,"\u5982\u679c\u60a8\u9009\u62e9\u4e0d\u4f7f\u7528docker\u955c\u50cf":99,"\u5982\u679c\u60f3\u4e3a\u4e00\u4e2a\u6570\u636e\u6587\u4ef6\u8fd4\u56de\u591a\u6761\u6837\u672c":2,"\u5982\u679c\u60f3\u4f7f\u7528\u53ef\u89c6\u5316\u7684\u5206\u6790\u5668":119,"\u5982\u679c\u60f3\u5f88\u597d\u7684\u7406\u89e3\u7a0b\u5e8f\u7684\u884c\u4e3a":119,"\u5982\u679c\u60f3\u6539\u53d8\u539f\u6709tensor\u7684shape\u4fe1\u606f":114,"\u5982\u679c\u60f3\u8981\u4e86\u89e3\u53cc\u5c42rnn\u5728\u5177\u4f53\u95ee\u9898\u4e2d\u7684\u4f7f\u7528":106,"\u5982\u679c\u60f3\u8981\u542f\u7528paddlepaddle\u7684\u5185\u7f6e\u5b9a\u65f6\u5668":119,"\u5982\u679c\u6211\u4eec\u53ea\u9700\u8981\u7f16\u8bd1\u4e00\u4e2a\u53ea\u652f\u6301":110,"\u5982\u679c\u6211\u77e5\u9053\u5185\u6838\u82b1\u4e8610ms\u6765\u79fb\u52a81gb\u6570\u636e":119,"\u5982\u679c\u6307\u5b9a\u4e862\u4e2alayer\u4f5c\u4e3a\u8f93\u51fa\u5c42":96,"\u5982\u679c\u63d0\u793a\u6b63\u786e":115,"\u5982\u679c\u652f\u6301\u589e\u52a0\u6b64\u53c2\u6570\u63d0\u4ea4":94,"\u5982\u679c\u6570\u636e\u6587\u4ef6\u5b58\u4e8e\u672c\u5730\u78c1\u76d8":1,"\u5982\u679c\u662f\u4e00\u4e2a\u5e8f\u5217\u8f93\u5165":123,"\u5982\u679c\u662f\u5176\u5b83\u7c7b\u578b":37,"\u5982\u679c\u662f\u7528\u7f16\u8bd1\u65f6\u6307\u5b9acpu\u7248\u672c":121,"\u5982\u679c\u6709\u591a\u4e2a\u8f93\u5165":108,"\u5982\u679c\u6709\u591a\u4e2a\u8f93\u5165\u5e8f\u5217":108,"\u5982\u679c\u6709\u66f4\u590d\u6742\u7684\u4f7f\u7528":1,"\u5982\u679c\u6709\u9700\u8981\u4fee\u6539\u7684\u5730\u65b9":111,"\u5982\u679c\u6709bugfix\u7684\u884c\u4e3a":85,"\u5982\u679c\u672a\u8bbe\u7f6e":134,"\u5982\u679c\u672a\u8bbe\u7f6egpu":136,"\u5982\u679c\u673a\u5668\u4e2d\u5df2\u7ecf\u5b89\u88c5\u8fc7paddlepaddl":99,"\u5982\u679c\u67d0\u4e00\u4e2a\u7c7b\u578b\u9700\u8981\u5f15\u7528\u53e6\u4e00\u4e2a\u7c7b\u578b":69,"\u5982\u679c\u67d0\u4e00\u4e2apaddl":69,"\u5982\u679c\u67d0\u4e00\u4e2apaddle\u6982\u5ff5\u5fc5\u987b\u8981\u66b4\u9732":69,"\u5982\u679c\u67d0\u4e00\u5757\u6839\u672c\u5c31\u4e0d\u600e\u4e48\u8017\u65f6":119,"\u5982\u679c\u68c0\u67e5\u5230\u5206\u914d\u5728\u4e0d\u540c\u53c2\u6570\u670d\u52a1\u5668\u4e0a\u7684\u53c2\u6570\u7684\u5206\u5e03\u4e0d\u5747\u5300\u6b21\u6570\u5927\u4e8echeck":134,"\u5982\u679c\u6ca1\u6709\u5b89\u88c5nvidia":100,"\u5982\u679c\u6ca1\u6709\u5b9a\u4e49memori":108,"\u5982\u679c\u6ca1\u6709\u8bbe\u7f6etest":1,"\u5982\u679c\u6ca1\u8fc7":111,"\u5982\u679c\u6d88\u606f\u6570\u636e\u592a\u5c0f":134,"\u5982\u679c\u6ee1\u8db3\u6761\u4ef6":36,"\u5982\u679c\u7528\u516c\u7528\u7684\u7535\u8111\u5f00\u53d1":110,"\u5982\u679c\u7528\u6237\u4e0d\u663e\u793a\u6307\u5b9a\u8fd4\u56de\u6570\u636e\u7684\u5bf9\u5e94\u5173\u7cfb":2,"\u5982\u679c\u7528\u6237\u4e0d\u9700\u8981\u8bbf\u95eelstm\u7684\u4e2d\u95f4\u53d8\u91cf":97,"\u5982\u679c\u7528\u6237\u60f3\u8981\u81ea\u5b9a\u4e49\u521d\u59cb\u5316\u65b9\u5f0f":98,"\u5982\u679c\u7528\u6237\u8981\u628apaddle\u7684\u9759\u6001\u5e93":68,"\u5982\u679c\u7528\u81ea\u5df1\u7684\u7535\u8111\u5f00\u53d1":110,"\u5982\u679c\u771f\u60f3\u6316\u6398\u5185\u6838\u6df1\u5904\u7684\u67d0\u4e2a\u79d8\u5bc6":119,"\u5982\u679c\u795e\u7ecf\u7f51\u7edc\u6709\u591a\u4e2a\u8f93\u5165\u6216\u8005\u591a\u4e2a\u8f93\u51fa":[123,124],"\u5982\u679c\u7a0b\u5e8f\u5d29\u6e83\u4f60\u4e5f\u53ef\u4ee5\u624b\u52a8\u7ec8\u6b62":126,"\u5982\u679c\u7cfb\u7edf\u5b89\u88c5\u4e86\u591a\u4e2apython\u7248\u672c":93,"\u5982\u679c\u7cfb\u7edf\u652f\u6301":[93,102],"\u5982\u679c\u7cfb\u7edf\u652f\u6301\u7684\u662f":[93,102],"\u5982\u679c\u7f16\u8bd1\u65f6\u6307\u5b9a\u7f16\u8bd1cpu\u7248\u672c":121,"\u5982\u679c\u7f16\u8bd1\u65f6\u6307\u5b9a\u7f16\u8bd1gpu\u7248\u672c":121,"\u5982\u679c\u7f16\u8bd1\u7684\u65f6\u5019\u6211\u4eec\u7528\u4e86":110,"\u5982\u679c\u7f51\u7edc\u5c42\u4e0d\u9700\u8981\u8fdc\u7a0b\u7a00\u758f\u66f4\u65b0":112,"\u5982\u679c\u7f51\u7edc\u67b6\u6784\u7b80\u5355":109,"\u5982\u679c\u8981\u4e0a\u4f20gpu\u7248\u672c\u7684\u5305":85,"\u5982\u679c\u8981\u542f\u7528gpu":125,"\u5982\u679c\u8981\u8fd0\u884c\u6240\u6709\u7684\u5355\u5143\u6d4b\u8bd5":111,"\u5982\u679c\u89e3\u51b3\u4e86\u67d0\u4e2aissue\u7684\u95ee\u9898":111,"\u5982\u679c\u8bad\u7ec3\u4e00\u4e2apass":98,"\u5982\u679c\u8bad\u7ec3\u8fc7\u7a0b\u7684\u7684cost\u660e\u663e\u9ad8\u4e8e\u8fd9\u4e2a\u5e38\u6570\u8f93\u51fa\u7684cost":98,"\u5982\u679c\u8bbe\u7f6e":2,"\u5982\u679c\u8bbe\u7f6e\u8be5\u53c2\u6570":134,"\u5982\u679c\u8bc4\u5ba1\u610f\u89c1\u6bd4\u8f83\u591a":111,"\u5982\u679c\u8c03\u7528\u9759\u6001\u5e93\u53ea\u80fd\u5c06\u9759\u6001\u5e93\u4e0e\u89e3\u91ca\u5668\u94fe\u63a5":68,"\u5982\u679c\u8f93\u5165\u662f\u5e8f\u5217\u6570\u636e":123,"\u5982\u679c\u8f93\u51fa\u662f\u4e00\u4e2a\u5e8f\u5217":123,"\u5982\u679c\u8f93\u51fa\u662fno":100,"\u5982\u679c\u8fd0\u884c":93,"\u5982\u679c\u8fd8\u4e0d\u884c":93,"\u5982\u679c\u9700\u8981":121,"\u5982\u679c\u9700\u8981\u5728c\u7ef4\u5ea6\u8ba1\u7b97softmax":97,"\u5982\u679c\u9700\u8981\u5b89\u88c5\u652f\u6301gpu\u7684\u7248\u672c":[102,104],"\u5982\u679c\u9700\u8981\u624b\u52a8\u7f16\u8bd1":85,"\u5982\u679c\u9700\u8981\u6269\u5927\u77e9\u9635":112,"\u5982\u679c\u9700\u8981\u7f29\u51cf\u77e9\u9635":112,"\u5982\u679c\u9700\u8981\u83b7\u53d6":102,"\u5982\u679ccuda":113,"\u5982\u679clearning_rate\u592a\u5927":98,"\u5982\u679clearning_rate\u592a\u5c0f":98,"\u5982\u679cmkl":65,"\u5982\u679cop\u6ca1\u6709\u5b9e\u73b0cuda":113,"\u5982\u679cop\u7684\u67d0\u4e2a\u8f93\u5165\u4e0d\u53c2\u4e0e\u53cd\u5411\u68af\u5ea6\u7684\u8ba1\u7b97":113,"\u5982\u679cpaddlepaddle\u5305\u5df2\u7ecf\u5728python\u7684sit":93,"\u5982\u679cpaddlepaddle\u5e93\u9700\u8981\u540c\u65f6\u652f\u6301\u771f\u673a\u548c\u6a21\u62df\u5668":139,"\u5982\u679cparamet":36,"\u5982\u6bcf\u4e2a\u6587\u4ef6\u53ea\u6709\u4e00\u4e2a":111,"\u5982\u795e\u7ecf\u5143\u6fc0\u6d3b\u503c\u7b49":96,"\u5982\u8981build\u8fd9\u4e2a\u5f00\u53d1\u955c\u50cf":111,"\u5982\u9ad8\u4eae\u90e8\u5206":119,"\u5982train":125,"\u5b50":106,"\u5b50\u53e5":108,"\u5b50\u53e5\u7684\u5355\u8bcd\u6570\u548c\u6307\u5b9a\u7684\u4e00\u4e2a\u8f93\u5165\u5e8f\u5217\u4e00\u81f4":108,"\u5b50\u76ee\u5f55":110,"\u5b50\u7c7b\u53ea\u9700\u8981\u4f7f\u7528\u5b9a\u4e49\u597d\u7684\u63a5\u53e3":65,"\u5b57\u6bb5\u4e2d":129,"\u5b57\u6bb5\u4e3a\u4f8b":96,"\u5b57\u6bb5\u7684\u53d6\u503c":123,"\u5b57\u6bb5\u8868\u793a\u5bb9\u5668\u7684\u73af\u5883\u53d8\u91cf":129,"\u5b57\u6bb5\u8868\u793a\u8fd9\u4e2ajob\u4f1a\u540c\u65f6\u5f00\u542f3\u4e2apaddlepaddle\u8282\u70b9":129,"\u5b57\u6bb5\u8bbe\u4e3a":85,"\u5b57\u7b26\u4e32":37,"\u5b58\u50a8":[37,123,124],"\u5b58\u50a8\u6d6e\u70b9\u7c7b\u578b\u8f93\u5165":124,"\u5b58\u50a8\u7684\u538b\u7f29\u6587\u4ef6":124,"\u5b58\u5165settings\u5bf9\u8c61":2,"\u5b58\u6570\u6570\u636e":123,"\u5b66\u4e60":110,"\u5b66\u4e60\u6210\u672c\u9ad8":68,"\u5b66\u4e60\u7387\u4e3a":98,"\u5b81\u6ce2":106,"\u5b83\u4eec\u4e3b\u8981\u662f\u7528\u4e8e":65,"\u5b83\u4eec\u7684\u6587\u4ef6\u540d\u662f":37,"\u5b83\u4f1a\u5728dataprovider\u521b\u5efa\u7684\u65f6\u5019\u6267\u884c":2,"\u5b83\u5305\u542b\u4ee5\u4e0b\u51e0\u6b65":112,"\u5b83\u5305\u542b\u4ee5\u4e0b\u53c2\u6570":112,"\u5b83\u5305\u542b\u7684\u5c5e\u6027\u53c2\u6570\u5982\u4e0b":2,"\u5b83\u53ea\u4f1a\u5305\u62ec\u751f\u6210\u597d\u7684\u52a8\u6001\u5e93\u548c\u5934\u6587\u4ef6":65,"\u5b83\u53eb\u505a":109,"\u5b83\u53ef\u4ee5\u5e2e\u52a9\u51cf\u5c11\u5206\u53d1\u5ef6\u8fdf":126,"\u5b83\u53ef\u4ee5\u5e2e\u52a9\u6211\u4eec\u683c\u5f0f\u5316\u6e90\u4ee3\u7801":111,"\u5b83\u53ef\u4ee5\u6307\u6d4b\u91cf\u4e00\u4e2a\u7a0b\u5e8f\u7684\u7a7a\u95f4":119,"\u5b83\u53ef\u80fd\u6709\u4e0d\u6b62\u4e00\u4e2a\u6743\u91cd":112,"\u5b83\u548c\u6570\u636e\u4f20\u5165\u51fd\u6570\u7684\u7b2c\u4e00\u4e2a\u53c2\u6570":2,"\u5b83\u5b9a\u4e49\u4e86":109,"\u5b83\u5b9a\u4e49\u89e3\u7801\u7f51\u7edc\u7684":109,"\u5b83\u5c06\u88ab\u5206\u53d1\u5230":126,"\u5b83\u5e76\u4e0d\u662f\u4e00\u4e2a\u5b8c\u6574\u7684recurr":97,"\u5b83\u5e94\u8be5\u6253\u5370\u51fa\u9884\u6d4b\u4f4f\u623f\u6570\u636e\u7684\u6e05\u5355":104,"\u5b83\u652f\u6301\u591a\u7ebf\u7a0b\u66f4\u65b0":112,"\u5b83\u662finteger_value\u7c7b\u578b\u7684":106,"\u5b83\u662finteger_value_sequence\u7c7b\u578b\u7684":106,"\u5b83\u6709\u52a9\u4e8e\u5e2e\u52a9\u9891\u7e41\u4fee\u6539\u548c\u8bbf\u95ee\u5de5\u4f5c\u533a\u6587\u4ef6\u7684\u7528\u6237\u51cf\u5c11\u8d1f\u62c5":126,"\u5b83\u7684":109,"\u5b83\u7684\u529f\u80fd\u662f":113,"\u5b83\u7684\u6bcf\u4e00\u4e2a\u5143\u7d20":105,"\u5b83\u7684\u8f93\u5165\u4e0e\u7ecf\u8fc7\u5b66\u4e60\u7684\u53c2\u6570\u505a\u5185\u79ef\u5e76\u52a0\u4e0a\u504f\u7f6e":112,"\u5b83\u8868\u793a":110,"\u5b83\u8d1f\u8d23\u51b3\u5b9a\u7f16\u8bd1\u65f6\u662f\u5426\u4f7f\u7528mklml\u548cmkl":65,"\u5b83\u9996\u5148\u8c03\u7528\u57fa\u6784\u9020\u51fd\u6570":112,"\u5b89\u6392":106,"\u5b89\u88c5":118,"\u5b89\u88c5\u4e0e\u7f16\u8bd1":104,"\u5b89\u88c5\u540e":100,"\u5b89\u88c5\u540e\u7684\u76ee\u5f55\u7ed3\u6784\u4e3a":69,"\u5b89\u88c5\u597ddocker\u4e4b\u540e\u53ca\u53ef\u7528\u4ee5\u4e0b\u547d\u4ee4\u542f\u52a8\u5de5\u5177":115,"\u5b89\u88c5\u597ddocker\u4e4b\u540e\u53ef\u4ee5\u4f7f\u7528\u6e90\u7801\u76ee\u5f55\u4e0b\u7684\u811a\u672c\u6784\u5efa\u6587\u6863":115,"\u5b89\u88c5\u5b8c\u6210\u4e4b\u540e":[125,139],"\u5b89\u88c5\u5b8c\u6bd5\u540e":118,"\u5b89\u88c5\u5f00\u53d1\u5de5\u5177\u5230":110,"\u5b89\u88c5\u6587\u6863":103,"\u5b89\u88c5\u65b9\u5f0f\u6765\u5feb\u901f\u5b89\u88c5paddlepaddl":125,"\u5b89\u88c5\u8be5\u8f6f\u4ef6\u5305\u5c31\u53ef\u4ee5\u5728python\u73af\u5883\u4e0b\u5b9e\u73b0\u6a21\u578b\u9884\u6d4b":4,"\u5b89\u9759":106,"\u5b8c\u6210":111,"\u5b8c\u6210\u4e00\u4e2a\u4f20\u8f93\u52a8\u4f5c\u5b8c\u6210\u7684\u65f6\u95f4\u4e5f\u6bd4\u8f83\u77ed":51,"\u5b8c\u6210\u4e0a\u8ff0\u51c6\u5907\u4e4b\u540e":124,"\u5b8c\u6210\u4efb\u610f\u7684\u8fd0\u7b97\u903b\u8f91":108,"\u5b8c\u6210\u540evolume\u4e2d\u7684\u6587\u4ef6\u5185\u5bb9\u5927\u81f4\u5982\u4e0b":129,"\u5b8c\u6210\u5728windows\u4e0a\u5b89\u88c5\u548c\u4f7f\u7528dock":100,"\u5b8c\u6210\u5b89\u88c5":102,"\u5b8c\u6210\u5e38\u7528layer\u7684mkl":65,"\u5b8c\u6210\u5e38\u89c1\u6df1\u5ea6\u795e\u7ecf\u7f51\u7edcvgg":65,"\u5b8c\u6210\u6570\u636e\u7684\u9884\u5904\u7406":37,"\u5b8c\u6210\u76f8\u5e94\u7684\u8ba1\u7b97":105,"\u5b8c\u6210\u81ea\u52a8\u5316\u4e8c\u8fdb\u5236\u7f16\u8bd1":85,"\u5b8c\u6210paddlepaddle\u7684\u5b89\u88c5":103,"\u5b8c\u6574\u4ee3\u7801\u53ef\u4ee5\u53c2\u8003\u793a\u4f8b":96,"\u5b8c\u6574\u4ee3\u7801\u53ef\u4ee5\u67e5\u770b":124,"\u5b8c\u6574\u6e90\u7801\u53ef\u53c2\u8003":98,"\u5b8c\u6574\u7684\u4ee3\u7801\u89c1":4,"\u5b8c\u6574\u7684\u53c2\u6570\u77e9\u9635\u88ab\u5206\u5e03\u5728\u4e0d\u540c\u7684\u53c2\u6570\u670d\u52a1\u5668\u4e0a":112,"\u5b8c\u6574\u7684\u914d\u7f6e\u6587\u4ef6\u5728":109,"\u5b98\u65b9\u6587\u6863":99,"\u5b9a\u4e49":65,"\u5b9a\u4e49\u4e00\u4e2a\u65f6\u95f4\u6b65\u4e4b\u5185rnn\u5355\u5143\u5b8c\u6210\u7684\u8ba1\u7b97":108,"\u5b9a\u4e49\u4e00\u4e2apython\u7684":2,"\u5b9a\u4e49\u4e00\u4e9b\u9664\u4e86layer\u548cmemory\u76f8\u5173\u7684\u7c7b\u548c\u51fd\u6570":65,"\u5b9a\u4e49\u4e86\u4e00\u4e2a\u53ea\u8bfb\u7684memori":108,"\u5b9a\u4e49\u4e86lstm\u5355\u5143\u5728\u4e00\u4e2a\u65f6\u95f4\u6b65\u5185\u7684\u8ba1\u7b97\u8fc7\u7a0b":97,"\u5b9a\u4e49\u4f4d\u7f6e":113,"\u5b9a\u4e49\u5728\u5916\u5c42":108,"\u5b9a\u4e49\u5f02\u6b65\u8bad\u7ec3\u7684\u957f\u5ea6":134,"\u5b9a\u4e49\u6e90\u8bed\u53e5\u7684\u6570\u636e\u5c42":109,"\u5b9a\u4e49\u7684\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784":124,"\u5b9a\u4e49\u7c7b\u578b":113,"\u5b9a\u4e49\u89e3\u7801\u5668\u7684memori":109,"\u5b9a\u4e49\u8f93\u5165":113,"\u5b9a\u4e49\u8f93\u51fa":113,"\u5b9a\u4e49\u8f93\u51fa\u51fd\u6570":109,"\u5b9a\u4e49\u95e8\u63a7\u5faa\u73af\u5355\u5143\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u5355\u6b65\u51fd\u6570":109,"\u5b9d\u5854\u7684\u5e95\u7aef\u9700\u8981\u575a\u5b9e\u7684\u57fa\u5ea7\u6765\u652f\u6491":103,"\u5b9e\u73b0\u4e24\u4e2a\u5b8c\u5168\u7b49\u4ef7\u7684\u5168\u8fde\u63a5rnn":106,"\u5b9e\u73b0\u5177\u4f53\u7684\u51fd\u6570\u529f\u80fd\u5373\u53ef":65,"\u5b9e\u73b0\u524d\u5411\u4f20\u64ad\u7684\u90e8\u5206\u6709\u4e0b\u9762\u51e0\u4e2a\u6b65\u9aa4":112,"\u5b9e\u73b0\u5355\u6b65\u51fd\u6570":109,"\u5b9e\u73b0\u540e\u5411\u4f20\u64ad\u7684\u90e8\u5206\u6709\u4e0b\u9762\u51e0\u4e2a\u6b65\u9aa4":112,"\u5b9e\u73b0\u5728":113,"\u5b9e\u73b0\u5bf9":114,"\u5b9e\u73b0\u6570\u636e\u8f93\u5165\u51fd\u6570":2,"\u5b9e\u73b0\u65b0\u7684op\u90fd\u6dfb\u52a0\u81f3\u76ee\u5f55":113,"\u5b9e\u73b0\u6784\u9020\u51fd\u6570":112,"\u5b9e\u73b0\u7684":97,"\u5b9e\u73b0\u7b80\u5355":68,"\u5b9e\u73b0\u7ec6\u8282":112,"\u5b9e\u73b0\u7f51\u7edc\u5c42\u7684\u524d\u5411\u4f20\u64ad":112,"\u5b9e\u73b0\u7f51\u7edc\u5c42\u7684\u540e\u5411\u4f20\u64ad":112,"\u5b9e\u73b0\u8bcd\u8bed\u548c\u53e5\u5b50\u4e24\u4e2a\u7ea7\u522b\u7684\u53cc\u5c42rnn\u7ed3\u6784":108,"\u5b9e\u73b0\u8be5\u5c42\u7684c":112,"\u5b9e\u9645\u4e0a\u4f7f\u7528\u4e86":97,"\u5b9e\u9645\u4e0a\u9700\u8981\u7684\u8f93\u51fa\u7ed3\u679c\u662f\u4e24\u4e2a\u77e9\u9635":96,"\u5ba2\u6237":106,"\u5bb6":106,"\u5bb9\u5668\u8fd0\u884c\u90fd\u8fd0\u884c":129,"\u5bb9\u5668\u9ed8\u8ba4\u6267\u884c":138,"\u5bbd\u5ea6":123,"\u5bbd\u5ea6\u4e3a":123,"\u5bbd\u5ea6\u7b49\u4e8e\u914d\u7f6e\u4e2dlayer\u7684s":96,"\u5bbf\u4e3b\u673a\u7684c":[138,139,140],"\u5bc4\u5b58\u5668\u4f7f\u7528\u60c5\u51b5\u548c\u5171\u4eab\u5185\u5b58\u4f7f\u7528\u60c5\u51b5\u80fd\u8ba9\u6211\u4eec\u5bf9gpu\u7684\u6574\u4f53\u4f7f\u7528\u6709\u66f4\u597d\u7684\u7406\u89e3":119,"\u5bf9":[106,124],"\u5bf9\u4e00\u4e2a5\u7ef4\u975e\u5e8f\u5217\u7684\u7a00\u758f01\u5411\u91cf":[2,103],"\u5bf9\u4e00\u4e2a5\u7ef4\u975e\u5e8f\u5217\u7684\u7a00\u758f\u6d6e\u70b9\u5411\u91cf":[2,103],"\u5bf9\u4e8e":109,"\u5bf9\u4e8e\u4e0d\u540c\u7684\u8bad\u7ec3\u4efb\u52a1":125,"\u5bf9\u4e8e\u4e0d\u540c\u7684\u96c6\u7fa4\u5e73\u53f0":125,"\u5bf9\u4e8e\u4e0d\u540c\u8bed\u8a00":68,"\u5bf9\u4e8e\u4e24\u79cd\u4e0d\u540c\u7684\u8f93\u5165\u6570\u636e\u7c7b\u578b":106,"\u5bf9\u4e8e\u4e60\u60ef\u4f7f\u7528windows\u548cmacos\u7684\u5f00\u53d1\u8005\u6765\u8bf4":110,"\u5bf9\u4e8e\u5185\u5b58\u8f83\u5c0f\u7684\u673a\u5668":2,"\u5bf9\u4e8e\u5355\u5c42rnn":106,"\u5bf9\u4e8e\u5355\u5c42rnn\u7684\u6570\u636e\u4e00\u5171\u6709\u4e24\u4e2a\u6837\u672c":106,"\u5bf9\u4e8e\u53cc\u5c42rnn":106,"\u5bf9\u4e8e\u540c\u4e00\u6bb5c":68,"\u5bf9\u4e8e\u540c\u6837\u7684\u6570\u636e":106,"\u5bf9\u4e8e\u540c\u6837\u8bbe\u7f6e\u7684\u7f51\u7edc\u6a21\u578b":64,"\u5bf9\u4e8e\u56fd\u5185\u7528\u6237":100,"\u5bf9\u4e8e\u591a\u8bed\u8a00\u63a5\u53e3":68,"\u5bf9\u4e8e\u5927\u591a\u6570\u8bed\u8a00":68,"\u5bf9\u4e8e\u5e8f\u5217\u957f\u5ea6":64,"\u5bf9\u4e8e\u6027\u80fd\u7684\u5173\u952e\u8def\u5f84\u90fd\u505a\u51fa\u4e86\u7ea2\u8272\u6807\u8bb0":118,"\u5bf9\u4e8e\u6211\u4eec\u652f\u6301\u7684\u5168\u90e8\u77e9\u9635\u64cd\u4f5c":112,"\u5bf9\u4e8e\u6709\u53c2\u6570\u7684\u5c42":65,"\u5bf9\u4e8e\u672c\u6837\u4f8b\u4ee3\u7801":125,"\u5bf9\u4e8e\u6bb5\u843d\u7684\u6587\u672c\u5206\u7c7b":106,"\u5bf9\u4e8e\u6bcf\u4e00\u4e2a\u5355\u5c42rnn\u7684\u6570\u636e":106,"\u5bf9\u4e8e\u6bcf\u4e00\u4e2a\u65b0\u52a0\u7684rnn":64,"\u5bf9\u4e8e\u6bcf\u79cd\u7c7b\u578b":69,"\u5bf9\u4e8e\u6bcf\u79cdc":69,"\u5bf9\u4e8e\u8fd9\u6837\u7684\u9700\u6c42":124,"\u5bf9\u4e8e\u914d\u5907\u6709\u6ce8\u610f\u529b\u673a\u5236\u7684\u89e3\u7801\u5668":109,"\u5bf9\u4e8enchw":97,"\u5bf9\u4ee3\u7801\u8fdb\u884c\u6027\u80fd\u5206\u6790":119,"\u5bf9\u4f7f\u7528\u7684\u4e2d\u95f4\u53d8\u91cf\u548c\u8d44\u6e90\u8fdb\u884c\u6e05\u7406\u548c\u91ca\u653e":124,"\u5bf9\u5168\u8fde\u63a5\u5c42\u6765\u8bf4":112,"\u5bf9\u52a0\u8f7d\u9884\u8bad\u7ec3\u53c2\u6570\u7684\u5c42":98,"\u5bf9\u53cc\u5c42\u5e8f\u5217\u6765\u8bb2":123,"\u5bf9\u5df2\u7ecfpush\u5230\u8fdc\u7a0b\u4ed3\u5e93\u7684\u591a\u4e2acommit":111,"\u5bf9\u5e94":139,"\u5bf9\u5e94\u4e00\u4e2a\u5b50\u53e5":108,"\u5bf9\u5e94\u4e00\u4e2a\u8bcd":108,"\u5bf9\u5e94\u4e8e\u8c03\u7528c":123,"\u5bf9\u5e94\u7684":2,"\u5bf9\u5e94\u7684\u68af\u5ea6op\u8ba1\u7b97\u4e4b\u4e2d":113,"\u5bf9\u5e94\u7740\u4e0a\u6587\u63d0\u5230\u7684\u4e00\u7ef4\u6574\u578b\u6570\u7ec4":123,"\u5bf9\u5e94\u7740\u4e0a\u6587\u63d0\u5230\u7684\u4e8c\u7ef4\u6d6e\u70b9\u578b\u77e9\u9635":123,"\u5bf9\u63a8\u8350\u914d\u7f6e\u4e2d\u7684\u9009\u9879\u5efa\u8bae\u6309\u7167\u8bbe\u7f6e":121,"\u5bf9\u65b0\u7684\u6743\u91cd\u8fdb\u884c\u8f6c\u6362\u7528\u4e8e\u4e0b\u6b21\u8fed\u4ee3":64,"\u5bf9\u6bcf\u4e2a\u8f93\u5165":112,"\u5bf9\u6bcf\u4e2a\u8f93\u5165\u4e58\u4e0a\u53d8\u6362\u77e9\u9635":112,"\u5bf9\u6bd4":68,"\u5bf9\u6bd4\u4f18\u5316\u540elayer\u4e0e\u76f8\u5bf9\u5e94\u7684paddlepaddle\u539f\u6709lay":64,"\u5bf9\u6bd4\u4f18\u5316\u540elayer\u81ea\u8eab":64,"\u5bf9\u6bd4\u53cd\u5411op\u4e0d\u540c\u8bbe\u5907":113,"\u5bf9\u6fc0\u6d3b\u6c42\u5bfc":112,"\u5bf9\u7528\u6237\u6765\u8bf4":2,"\u5bf9\u795e\u7ecf\u7f51\u7edc\u6765\u8bf4":123,"\u5bf9\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u8fdb\u884c\u5e8f\u5217\u5316":124,"\u5bf9\u8bad\u7ec3\u6570\u636e\u8fdb\u884cshuffl":2,"\u5bf9\u8bc4\u5ba1\u610f\u89c1\u4e0d\u540c\u610f\u7684":111,"\u5bf9\u8bc4\u5ba1\u610f\u89c1\u540c\u610f\u4e14\u6309\u5176\u4fee\u6539\u5b8c\u7684":111,"\u5bf9\u8c61":98,"\u5bf9\u8c61\u5206\u914d\u7a7a\u95f4":124,"\u5bf9\u8f93\u5165\u53c2\u6570\u7684\u5b89\u5168\u6027\u8fdb\u884c\u4e86\u5fc5\u8981\u7684\u5224\u65ad":69,"\u5bf9\u8f93\u51fa\u7684\u5408\u5e76":108,"\u5bf9\u8fd9\u4e2a\u7248\u672c\u7684\u63d0\u4ea4":85,"\u5bf9\u9762":106,"\u5bf9check":2,"\u5bf9sparse_binary_vector\u548csparse_float_vector":[2,103],"\u5bfb\u627e\u6709\u6ca1\u6709\u5176\u4ed6\u53ef\u4ee5\u4f18\u5316\u7684\u53ef\u80fd":65,"\u5bfb\u627epython\u4e0ec":118,"\u5bfc\u51fa\u8fd9\u4e9b\u63a5\u53e3":69,"\u5bfc\u81f4\u4e86\u6d6e\u70b9\u6570\u6ea2\u51fa":96,"\u5bfc\u81f4\u53c2\u6570\u6536\u655b\u5230\u4e86\u4e00\u4e9b\u5947\u5f02\u7684\u60c5\u51b5":96,"\u5bfc\u81f4\u53c2\u6570\u7d2f\u52a0":96,"\u5bfc\u81f4\u7f16\u8bd1paddlepaddle\u5931\u8d25":93,"\u5bfc\u81f4\u8bad\u7ec3\u65f6\u95f4\u8fc7\u957f":98,"\u5bfc\u81f4mklml\u5e93\u4e0b\u8f7d\u4e0d\u6210\u529f":93,"\u5c01\u88c5\u4e86":119,"\u5c01\u88c5\u8be5\u5c42\u7684python\u63a5\u53e3":112,"\u5c06":[2,85,98,119],"\u5c06\u4e00\u4e2a\u795e\u7ecf\u7f51\u7edc\u53c2\u6570\u62c6\u5206\u6210\u591a\u4efd":36,"\u5c06\u4e0a\u4e00\u65f6\u95f4\u6b65\u6240\u751f\u6210\u7684\u8bcd\u7684\u5411\u91cf\u6765\u4f5c\u4e3a\u5f53\u524d\u65f6\u95f4\u6b65\u7684\u8f93\u5165":109,"\u5c06\u4f1a\u4f18\u5148\u4f7f\u7528":125,"\u5c06\u4f1a\u59cb\u7ec8\u4f7f\u7528":138,"\u5c06\u4f1a\u5c06\u7528\u6237\u4f20\u8fdb\u6765\u7684\u914d\u7f6e\u53c2\u6570\u4f20\u9012cmake\u7cfb\u7edf":138,"\u5c06\u4f1a\u81ea\u52a8\u8ba1\u7b97\u51fa\u4e00\u4e2a\u5408\u9002\u7684\u503c":134,"\u5c06\u5176\u8bbe\u7f6e\u6210":96,"\u5c06\u53cc\u5c42\u65f6\u95f4\u5e8f\u5217\u6570\u636e\u5148\u53d8\u6362\u6210\u5355\u5c42\u65f6\u95f4\u5e8f\u5217\u6570\u636e":106,"\u5c06\u542b\u6709\u5b50\u53e5":108,"\u5c06\u542b\u6709\u8bcd\u8bed\u7684\u53e5\u5b50\u5b9a\u4e49\u4e3a\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":108,"\u5c06\u56fe\u7247\u5206\u7c7b\u5230":124,"\u5c06\u591a\u53e5\u8bdd\u770b\u6210\u4e00\u4e2a\u6574\u4f53\u540c\u65f6\u4f7f\u7528encoder\u538b\u7f29":106,"\u5c06\u591a\u53f0\u673a\u5668\u7684\u6d4b\u8bd5\u7ed3\u679c\u5408\u5e76":134,"\u5c06\u5927\u91cf\u7684":68,"\u5c06\u5b57\u5178\u7684\u5730\u5740\u4f5c\u4e3aargs\u4f20\u7ed9dataprovid":98,"\u5c06\u5b83\u4eec\u653e\u5728\u540c\u4e00\u76ee\u5f55\u4e2d":124,"\u5c06\u5bf9\u5e94\u6570\u636e\u5c42\u7684\u7ef4\u6570\u8bbe\u7f6e\u6210\u4e00\u4e2a\u5927\u4e8e\u8f93\u5165\u6570\u636e\u7ef4\u6570\u7684\u503c\u7528\u4e8e\u5360\u4f4d\u5373\u53ef":97,"\u5c06\u5e8f\u5217\u5316\u7ed3\u679c\u5199\u5165\u4e00\u4e2a\u6587\u4ef6\u5185":124,"\u5c06\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684\u524d\u5411\u548c\u53cd\u5411\u90e8\u5206\u6df7\u5408\u5728\u4e00\u8d77":109,"\u5c06\u6027\u80fd\u5206\u6790\u7ed3\u679c\u4ee5\u7f51\u9875\u7684\u5f62\u5f0f\u5c55\u793a\u51fa\u6765":118,"\u5c06\u6027\u80fd\u5206\u6790\u7ed3\u679c\u6309\u7167tottime\u6392\u5e8f":118,"\u5c06\u6570\u636e\u5207\u5206\u6210\u591a\u4efd":125,"\u5c06\u6570\u636e\u7ec4\u5408\u6210batch\u8fdb\u884c\u8bad\u7ec3":2,"\u5c06\u65b0\u5206\u652f\u7684\u7248\u672c\u6253\u4e0atag":85,"\u5c06\u65b0\u5efa\u7684\u6743\u91cd\u52a0\u5165\u6743\u91cd\u8868":112,"\u5c06\u660e\u6587\u53c2\u6570\u8f6c\u5316\u4e3apaddlepaddle\u53ef\u52a0\u8f7d\u7684\u6a21\u578b\u53c2\u6570\u65f6":98,"\u5c06\u672c\u5730\u7684\u4fee\u6539\u63a8\u9001\u5230":111,"\u5c06\u6837\u672c\u7684\u5730\u5740\u653e\u5165\u53e6\u4e00\u4e2a\u6587\u672c\u6587\u4ef6":2,"\u5c06\u6b64\u76ee\u5f55\u6302\u8f7d\u4e3a\u5bb9\u5668\u7684":129,"\u5c06\u73af\u5883\u53d8\u91cf\u8f6c\u6362\u6210paddle\u7684\u547d\u4ee4\u884c\u53c2\u6570":129,"\u5c06\u7528\u4e8epython":113,"\u5c06\u7ed3\u679c\u4fdd\u5b58\u5230\u6b64\u76ee\u5f55\u91cc":129,"\u5c06\u7f51\u7edc\u7ed3\u6784\u5b9a\u4e49\u548c\u8bad\u7ec3\u7ed3\u675f\u5b58\u50a8\u4e0b\u6765\u7684\u6a21\u578b\u53c2\u6570\u6587\u4ef6":124,"\u5c06\u884c\u4e2d\u7684\u6570\u636e\u8f6c\u6362\u6210\u4e0einput_types\u4e00\u81f4\u7684\u683c\u5f0f":2,"\u5c06\u8bad\u7ec3\u6587\u4ef6\u4e0e\u5207\u5206\u597d\u7684\u6570\u636e\u4e0a\u4f20\u5230\u5171\u4eab\u5b58\u50a8":129,"\u5c06\u8df3\u8fc7\u5206\u53d1\u9636\u6bb5\u76f4\u63a5\u542f\u52a8\u6240\u6709\u8282\u70b9\u7684\u96c6\u7fa4\u4f5c\u4e1a":126,"\u5c06\u8fd9\u79cd\u8de8\u8d8a\u65f6\u95f4\u6b65\u7684\u8fde\u63a5\u7528\u4e00\u4e2a\u7279\u6b8a\u7684\u795e\u7ecf\u7f51\u7edc\u5355\u5143\u5b9e\u73b0":106,"\u5c06\u8fdc\u7a0b\u4ed3\u5e93":111,"\u5c06\u900f\u660e":126,"\u5c06\u9700\u8981\u8f93\u51fa\u7684\u5c42\u4f5c\u4e3a":96,"\u5c06cuda\u5e93\u548clinux\u8bbe\u5907\u6302\u8f7d\u5230docker\u5bb9\u5668\u5185":100,"\u5c06ip\u6392\u5e8f\u751f\u6210\u7684\u5e8f\u53f7\u4f5c\u4e3atrain":129,"\u5c06master\u5206\u652f\u7684\u5408\u5165commit\u6253\u4e0atag":85,"\u5c06node\u8282\u70b9\u7684ip\u5730\u5740\u4fdd\u5b58\u5230machines\u6587\u4ef6\u4e2d":130,"\u5c06paddlepaddle\u4fdd\u5b58\u7684\u6a21\u578b\u53c2\u6570\u8fd8\u539f\u56de\u660e\u6587\u65f6":98,"\u5c06recurr":97,"\u5c0f\u4e8e\u67d0\u4e2a\u6bd4\u8f83\u5c0f\u7684\u9608\u503c\u8ba4\u4e3a\u901a\u8fc7":65,"\u5c1a\u53ef":106,"\u5c31":106,"\u5c31\u4f1a\u5728\u5b8c\u6210\u7f16\u8bd1\u4e4b\u540e":99,"\u5c31\u4f1a\u751f\u6210\u975e\u5e38\u591a\u7684gener":2,"\u5c31\u53ef\u4ee5\u4e86\u89e3\u5230\u95ee\u9898\u4ee3\u7801\u5728\u54ea\u91cc":118,"\u5c31\u53ef\u4ee5\u4f7f\u7528\u4e0b\u9762\u7684\u547d\u4ee4\u5f00\u59cb\u6267\u884c\u8bad\u7ec3":100,"\u5c31\u53ef\u4ee5\u5c06\u6570\u636e\u4f20\u9001\u7ed9paddlepaddle\u4e86":2,"\u5c31\u53ef\u4ee5\u6309":110,"\u5c31\u5c06\u8fd9\u4e9b\u5c42\u52a0\u5165\u4e00\u4e2apython":124,"\u5c31\u5f88\u5bb9\u6613\u5bfc\u81f4\u5185\u5b58\u8d85\u9650":96,"\u5c31\u662f":106,"\u5c31\u662f\u7528\u4e8e\u5c55\u793a\u4e0a\u8ff0\u5206\u6790\u5de5\u5177\u7684\u7528\u6cd5":119,"\u5c31\u662fpaddlepaddle\u4e2d\u6240\u6307\u7684":123,"\u5c31\u8fd9\u4e48\u7b80\u5355":100,"\u5c31\u901a\u5e38\u7684gpu\u6027\u80fd\u5206\u6790\u6765\u8bf4":119,"\u5c31\u9700\u8981\u5bf9\u8fd9\u4e2a\u7b2c\u4e09\u65b9\u8bed\u8a00\u589e\u52a0\u4e00\u4e9b\u5b9a\u4e49":68,"\u5c31\u9700\u8981\u9009\u62e9\u4f7f\u7528no":100,"\u5c3d\u65e9\u62a5\u9519":113,"\u5c42\u524d\u5411\u8ba1\u7b97\u7684\u7ed3\u679c":124,"\u5c42\u548c\u8f93\u5165\u7684\u914d\u7f6e":112,"\u5c42\u6b21\u5316\u7684rnn":108,"\u5c42\u7684\u540d\u79f0\u4e0e":109,"\u5c42\u7684\u5927\u5c0f":112,"\u5c42\u7684\u7c7b\u578b":112,"\u5c42\u7684\u8f93\u51fa\u88ab\u7528\u4f5c\u95e8\u63a7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684":109,"\u5c45\u7136":106,"\u5c55\u793a\u4e86\u4e00\u4e2a\u542b\u67094\u4e2a\u5e8f\u5217\u7684":123,"\u5c55\u793a\u7684\u8c03\u7528\u56fe\u4e5f\u53ef\u4ee5\u5e2e\u52a9\u6211\u4eec\u53d1\u73b0\u6027\u80fd\u4e2d\u7684\u95ee\u9898":118,"\u5c5e\u4e8e\u8fd9\u4e00\u7c7b\u7684\u5b9e\u73b0":97,"\u5c5e\u6027":113,"\u5de5\u4f5c\u6a21\u5f0f":134,"\u5de5\u4f5c\u7a7a\u95f4\u4e2d\u7684":126,"\u5de5\u4f5c\u7a7a\u95f4\u5e94\u5982\u4e0b\u6240\u793a":125,"\u5de5\u5177\u4e0a\u4f20\u5373\u53ef":85,"\u5de5\u5177\u5408\u5e76fat\u5e93":139,"\u5de5\u5177\u670d\u52a1\u5668\u5c06\u8bfb\u53d6\u73af\u5883\u53d8\u91cf":115,"\u5de5\u5177\u6765\u7ba1\u7406":111,"\u5de5\u5177\u6765\u7f16\u8bd1\u6587\u6863":115,"\u5de5\u5177\u94fe":138,"\u5de5\u5177\u94fe\u7684android":138,"\u5de6\u53f3\u7684\u8ba1\u7b97\u65f6\u95f4":118,"\u5df2\u6253\u5f00":111,"\u5df2\u7ecf\u5728\u96c6\u7fa4\u63d0\u4ea4\u73af\u5883\u4e2d\u5b8c\u6210\u8bbe\u7f6e":134,"\u5e02\u9762\u4e0a\u5df2\u7ecf\u6709nvidia\u6216\u7b2c\u4e09\u65b9\u63d0\u4f9b\u7684\u4f17\u591a\u5de5\u5177":119,"\u5e0c\u671b\u80fd\u591f\u5c06\u5e8f\u5217\u5316\u540e\u7684\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u548c\u8bad\u7ec3\u597d\u7684\u6a21\u578b\u53c2\u6570\u6253\u5305\u8fdb\u4e00\u4e2a\u6587\u4ef6":124,"\u5e26\u6709\u4e0b\u9762\u4e24\u4e2a\u6a21\u677f\u53c2\u6570":113,"\u5e2e\u52a9\u6211\u4eec\u5b8c\u6210\u5bf9\u8f93\u5165\u5e8f\u5217\u7684\u62c6\u5206":108,"\u5e2e\u52a9\u6211\u4eec\u66f4\u597d\u5730\u63cf\u8ff0\u6bb5\u843d":108,"\u5e2e\u52a9\u6211\u4eec\u6784\u9020\u4e00\u4e9b\u590d\u6742\u7684\u8f93\u5165\u4fe1\u606f":105,"\u5e38\u5e38\u51fa\u73b0":93,"\u5e38\u7528\u4e8e\u81ea\u7136\u8bed\u8a00\u5904\u7406\u4efb\u52a1":123,"\u5e38\u7528\u7684cmake\u914d\u7f6e\u5982\u4e0b":[138,139],"\u5e38\u89c1\u7684\u5305\u62ec":118,"\u5e72\u51c0":106,"\u5e73\u5747\u6545\u969c\u4fee\u590d\u65f6\u95f4":36,"\u5e73\u5747\u6545\u969c\u7387":36,"\u5e76\u4e0d\u4fdd\u8bc1":112,"\u5e76\u4e0d\u662f\u4f7f\u7528\u53cc\u5c42rnn\u89e3\u51b3\u5b9e\u9645\u7684\u95ee\u9898":106,"\u5e76\u4e0d\u662fkubernetes\u4e2d\u7684node\u6982\u5ff5":129,"\u5e76\u4e0d\u771f\u6b63":[123,124],"\u5e76\u4e0d\u771f\u6b63\u7684\u548c":106,"\u5e76\u4e0d\u96be":110,"\u5e76\u4e14":[2,109],"\u5e76\u4e14\u4e5f\u53ef\u4ee5\u5728windows\u7684docker\u4e2d\u8fd0\u884c":100,"\u5e76\u4e14\u4e66\u5199\u4e00\u4efd\u4ee3\u7801":114,"\u5e76\u4e14\u4f1a\u5199\u597d":65,"\u5e76\u4e14\u4f1a\u6839\u636e":138,"\u5e76\u4e14\u4f7f\u7528":69,"\u5e76\u4e14\u5185\u5c42\u7684\u5e8f\u5217\u64cd\u4f5c\u4e4b\u95f4\u72ec\u7acb\u65e0\u4f9d\u8d56":106,"\u5e76\u4e14\u52a0\u4e0a\u4e0b\u9762\u7684\u547d\u4ee4\u884c\u53c2\u6570":136,"\u5e76\u4e14\u5305\u62ecunit":111,"\u5e76\u4e14\u53ea\u9700\u8981\u5728\u5fc5\u8981\u7684\u65f6\u5019\u8f6c\u6362\u8fd9\u79cd\u683c\u5f0f":65,"\u5e76\u4e14\u53ef\u80fd\u4f1a\u52a0\u901f\u8bad\u7ec3\u8fc7\u7a0b":96,"\u5e76\u4e14\u542f\u52a8\u8bad\u7ec3":129,"\u5e76\u4e14\u5728\u5185\u5b58\u8db3\u591f\u7684\u60c5\u51b5\u4e0b\u8d8a\u5927\u8d8a\u597d":2,"\u5e76\u4e14\u5728\u5e38\u89c1\u7684\u5e73\u53f0\u4e0a":68,"\u5e76\u4e14\u5728dataprovider\u4e2d\u5b9e\u73b0\u5982\u4f55\u8bbf\u95ee\u8bad\u7ec3\u6587\u4ef6\u5217\u8868":1,"\u5e76\u4e14\u5c55\u793a\u4e86\u5982\u4f55\u5229\u7528paddlepaddle\u6765\u89e3\u51b3\u4e00\u4e2a\u7ecf\u5178\u7684\u7ebf\u6027\u56de\u5f52\u95ee\u9898":103,"\u5e76\u4e14\u5f3a\u5236\u8bbe\u7f6e\u4e00\u4e9bpaddlepaddle\u53c2\u6570\u7684\u503c":139,"\u5e76\u4e14\u5f53\u7f16\u8bd1\u65f6":64,"\u5e76\u4e14\u628a\u5404\u79cd\u5f00\u53d1\u5de5\u5177\u5b89\u88c5\u8fdb\u53bb":110,"\u5e76\u4e14\u628a\u7cfb\u7edf\u751f\u6210\u7684ca":51,"\u5e76\u4e14\u628a\u7ed3\u679c\u8fd4\u56depfsclient\u7aef":51,"\u5e76\u4e14\u67e5\u8be2paddlepaddle\u5355\u5143\u6d4b\u8bd5\u7684\u65e5\u5fd7":93,"\u5e76\u4e14\u7f16\u8bd1\u65f6\u9700\u8981\u6253\u5f00":113,"\u5e76\u4e14\u7f16\u8bd1\u80fd\u901a\u8fc7\u4ee3\u7801\u6837\u5f0f\u68c0\u67e5":111,"\u5e76\u4e14\u8ba9\u63a5\u53e3\u8131\u79bb\u5b9e\u73b0\u7ec6\u8282":68,"\u5e76\u4e14\u8bbe\u7f6e\u9ed8\u8ba4\u503c\u4e3a1":113,"\u5e76\u4e14\u8f93\u5165\u8f93\u51fa\u90fd\u662f\u5171\u7528\u4e00\u5757\u5185\u5b58":65,"\u5e76\u4e14\u8f93\u51fa\u4e00\u4e2a":111,"\u5e76\u4e14\u8fd0\u884c":110,"\u5e76\u4e14\u9700\u8981\u91cd\u5199\u57fa\u7c7b\u4e2d\u7684\u4ee5\u4e0b\u51e0\u4e2a\u865a\u51fd\u6570":112,"\u5e76\u4e14cpu":113,"\u5e76\u4e14softmax\u5c42\u7684\u4e24\u4e2a\u8f93\u5165\u4e5f\u4f7f\u7528\u4e86\u540c\u6837\u7684\u53c2\u6570":98,"\u5e76\u4f20\u5165\u76f8\u5e94\u7684\u547d\u4ee4\u884c\u53c2\u6570\u521d\u59cb\u5316paddlepaddl":4,"\u5e76\u4f7f\u7528":126,"\u5e76\u4fdd\u5b58\u8f93\u51fa\u5230\u4e00\u4e2a\u65e5\u5fd7\u6587\u4ef6":125,"\u5e76\u521b\u5efa\u4e86\u4e00\u4e2a\u65b0\u6587\u4ef6":111,"\u5e76\u521b\u5efaoptim":103,"\u5e76\u521d\u59cb\u5316":113,"\u5e76\u5220\u9664":85,"\u5e76\u5220\u9664\u66f4\u65e9\u7684\u5feb\u7167":36,"\u5e76\u52a0\u8f7d\u5176\u4e2d\u7684\u53c2\u6570":36,"\u5e76\u53d1\u5e03\u5230pypi":85,"\u5e76\u53ef\u4ee5\u5728\u5927\u591a\u6570\u4e3b\u6d41\u7684linux\u64cd\u4f5c\u7cfb\u7edf\u4ee5\u53camacos\u4e0a\u6267\u884c":102,"\u5e76\u548c\u53c2\u6570\u670d\u52a1\u5668\u901a\u4fe1":125,"\u5e76\u5728\u4e58\u79ef\u7ed3\u679c\u4e0a\u518d\u52a0\u4e0a\u7ef4\u5ea6\u4e3a":112,"\u5e76\u5728\u6700\u5f00\u59cb\u521d\u59cb\u5316\u4e3a\u8d77\u59cb\u8bcd":109,"\u5e76\u5728\u6bcf\u6b21\u6743\u91cd\u66f4\u65b0\u540e":64,"\u5e76\u5728\u7c7b\u6784\u5efa\u51fd\u6570\u4e2d\u628a\u5b83\u653e\u5165\u4e00\u4e2a\u7c7b\u6210\u5458\u53d8\u91cf\u91cc":112,"\u5e76\u5728\u8be5layer\u91cc\u91c7\u7528\u7b2c\u4e00\u79cd\u65b9\u5f0f\u8bbe\u7f6e":97,"\u5e76\u5728\u96c6\u7fa4\u4e2d\u8fd0\u884c\u591a\u4e2a\u5206\u5e03\u5f0f\u6570\u636e\u5904\u7406\u4efb\u52a1":37,"\u5e76\u5728python\u811a\u672c\u4e2d\u5b8c\u6210\u4e0eoperator\u540c\u6837\u7684\u8ba1\u7b97\u903b\u8f91":113,"\u5e76\u5904\u7406\u4e0e\u4e4b\u76f8\u5173\u7684\u6240\u6709\u7ec6\u8282":124,"\u5e76\u5b89\u88c5\u4e86python":93,"\u5e76\u5b89\u88c5\u6700\u65b0":102,"\u5e76\u5b89\u88c5\u6709python2":104,"\u5e76\u5b8c\u6210\u53c2\u6570\u4f18\u5316\u66f4\u65b0":125,"\u5e76\u5bf9\u6bd4\u662f\u5426\u548c\u6b63\u5728\u5b89\u88c5\u7684\u540e\u7f00\u4e00\u81f4":93,"\u5e76\u5bf9\u76f8\u5e94\u7684\u53c2\u6570\u8c03\u7528":112,"\u5e76\u5c06":85,"\u5e76\u5c06\u5176\u6295\u5c04\u5230":109,"\u5e76\u5c06\u8be5layer\u4e0a\u4e00\u65f6\u95f4\u6b65\u7684\u8f93\u51fa\u4f5c\u4e3a\u81ea\u8eab\u5f53\u524d\u65f6\u95f4\u6b65\u7684\u8f93\u51fa":97,"\u5e76\u5c06c":69,"\u5e76\u624b\u52a8\u751f\u6210download\u6210\u529f\u6807\u7b7e":93,"\u5e76\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4":100,"\u5e76\u628a\u5feb\u7167\u4fdd\u5b58\u5230\u8fd9\u4e2a\u76ee\u5f55\u4e0b":36,"\u5e76\u628a\u7ed3\u679c\u653e\u5230\u5f53\u524d\u5c42\u7684":65,"\u5e76\u628a\u8fd9\u4e2a\u5305\u542b\u4e86\u8bad\u7ec3\u6570\u636e\u7684container\u4fdd\u5b58\u4e3a\u4e00\u4e2a\u65b0\u7684\u955c\u50cf":128,"\u5e76\u63d0\u4f9b\u4e86\u7b80\u5355\u7684cache\u529f\u80fd":2,"\u5e76\u66f4\u6362job":94,"\u5e76\u6839\u636e\u5206\u5e03\u5f0f\u8bad\u7ec3\u5e76\u53d1\u6570":125,"\u5e76\u68c0\u67e5\u548c\u9700\u5b89\u88c5\u7684\u5305\u662f\u5426\u5339\u914d":102,"\u5e76\u6ca1\u6709paddle\u7279\u522b\u9700\u8981\u7684\u7279\u6027":68,"\u5e76\u6dfb\u52a0\u5934\u6587\u4ef6":64,"\u5e76\u6dfb\u52a0\u6ce8\u91ca":113,"\u5e76\u7279\u5316\u6a21\u677f\u53c2\u6570\u4e3a":113,"\u5e76\u7c98\u8d34\u6b64python\u4ee3\u7801":104,"\u5e76\u81ea\u52a8\u4e0b\u8f7d\u5b89\u88c5\u4f9d\u8d56\u8f6f\u4ef6":102,"\u5e76\u81ea\u52a8\u7f16\u8bd1\u5bbf\u4e3b\u673a\u7248protoc\u53ef\u6267\u884c\u6587\u4ef6":140,"\u5e76\u81ea\u52a8\u7f16\u8bd1paddlepaddle\u6240\u9700\u7684\u6240\u6709\u7b2c\u4e09\u65b9\u5e93":138,"\u5e76\u884c\u5730\u6267\u884c\u6a21\u578b\u7684\u8bad\u7ec3":125,"\u5e76\u884c\u5730\u63a5\u6536\u68af\u5ea6\u548c\u66f4\u65b0\u53c2\u6570":125,"\u5e76\u88ab\u5b58\u50a8\u5728\u8bf8\u5982hadoop":37,"\u5e76\u89c2\u5bdf\u7ed3\u679c":119,"\u5e76\u89e3\u91ca\u4e86\u5404\u81ea\u542b\u4e49":113,"\u5e76\u8bb0\u5f55\u5b83\u7684\u7f16\u53f7":111,"\u5e76\u8fdb\u884c\u521d\u59cb\u5316\u64cd\u4f5c":103,"\u5e76\u9002\u5e94github\u7684\u7279\u6027\u505a\u4e86\u4e00\u4e9b\u533a\u522b":85,"\u5e76\u91cd\u65b0\u6253\u5305wheel\u5305":85,"\u5e76\u94fe\u63a5\u5230\u751f\u6210\u7684lib\u5e93\u4e2d":113,"\u5e78\u800cpython\u7684\u4e00\u4e2a\u7b2c\u4e09\u65b9\u5e93":118,"\u5e8a\u4e0a\u7528\u54c1":106,"\u5e8a\u57ab":106,"\u5e8f\u5217\u4e2d\u542b\u6709\u5143\u7d20\u7684\u6570\u76ee\u540c":105,"\u5e8f\u5217\u4e2d\u7684\u4e00\u4e2a\u5143\u7d20":123,"\u5e8f\u5217\u4e2d\u7684\u5143\u7d20\u662f\u8bcd\u8bed":123,"\u5e8f\u5217\u4e2d\u7684\u6bcf\u4e00\u4e2a\u5143\u7d20\u53c8\u662f\u4e00\u4e2a\u5e8f\u5217":123,"\u5e8f\u5217\u4e2d\u7684\u6bcf\u4e00\u4e2a\u5143\u7d20\u662f\u975e\u5e8f\u5217":123,"\u5e8f\u5217\u4fe1\u606f":123,"\u5e8f\u5217\u5316\u795e\u7ecf\u7f51\u7edc\u6a21\u578b\u914d\u7f6e":124,"\u5e8f\u5217\u5316\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u65f6":124,"\u5e8f\u5217\u5316\u7ed3\u679c\u4f1a\u5199\u5165\u5f53\u524d\u8fd0\u884c\u76ee\u5f55\u4e0b\u7684":124,"\u5e8f\u5217\u6570\u636e\u662f\u81ea\u7136\u8bed\u8a00\u5904\u7406\u4efb\u52a1\u9762\u5bf9\u7684\u4e00\u79cd\u4e3b\u8981\u8f93\u5165\u6570\u636e\u7c7b\u578b":108,"\u5e8f\u5217\u662f\u4e00\u79cd\u5e38\u89c1\u7684\u6570\u636e\u7c7b\u578b":105,"\u5e8f\u5217\u751f\u6210\u4efb\u52a1\u5927\u591a\u9075\u5faaencod":108,"\u5e8f\u5217\u751f\u6210\u4efb\u52a1\u7684\u8f93\u5165":108,"\u5e8f\u5217\u7684\u6bcf\u4e2a\u5143\u7d20\u662f\u539f\u6765\u53cc\u5c42\u5e8f\u5217\u6bcf\u4e2asubseq\u5143\u7d20\u7684\u5e73\u5747\u503c":105,"\u5e8f\u5217\u8f93\u5165":123,"\u5e8f\u5217\u8f93\u5165\u65f6\u7b49\u4e8e":96,"\u5e8f\u5217\u8f93\u5165\u793a\u610f\u56fe":123,"\u5e93\u6709\u81ea\u5df1\u72ec\u7acb\u7684\u52a8\u6001\u5e93\u6587\u4ef6":121,"\u5e94\u7528\u524d\u5411\u5faa\u73af\u795e\u7ecf\u7f51\u7edc":109,"\u5e94\u7528\u53cd\u5411\u9012\u5f52\u795e\u7ecf\u7f51\u7edc":109,"\u5e94\u80fd\u53cd\u6620\u5f53\u524dcommit\u7684\u5185\u5bb9":111,"\u5e94\u8be5":106,"\u5e94\u8be5\u4e0e\u5b83\u7684memory\u540d\u5b57\u76f8\u540c":109,"\u5e94\u8be5\u8bf4\u8c22\u8c22":111,"\u5e94\u8be5\u8bfb\u53d6\u5f53\u524d\u76ee\u5f55\u4e0b\u7684":110,"\u5e94\u8be5\u964d\u4f4e\u5b66\u4e60\u7387":98,"\u5e95\u5c42\u8fdb\u7a0b":126,"\u5efa\u7acb\u4e00\u4e2a":111,"\u5efa\u8bae":[85,101,111],"\u5efa\u8bae\u5c06\u8be5\u53c2\u6570\u8bbe\u4e3atrue":134,"\u5f00\u53d1\u4e86\u6a21\u578b\u9884\u6d4b\u7684\u6837\u4f8b\u4ee3\u7801":69,"\u5f00\u53d1\u4eba\u5458\u4f7f\u7528":111,"\u5f00\u53d1\u5206\u652f":102,"\u5f00\u53d1\u8005\u4f7f\u7528":110,"\u5f00\u53d1\u8005\u4fee\u6539\u81ea\u5df1\u7684\u4ee3\u7801":85,"\u5f00\u53d1\u8005fork\u7684\u7248\u672c\u5e93\u4e2d":85,"\u5f00\u53d1\u8005fork\u7684\u7248\u672c\u5e93\u4f7f\u7528":85,"\u5f00\u53d1\u955c\u50cf":111,"\u5f00\u53d1\u9884\u6d4b\u5e8f":124,"\u5f00\u53d1\u9884\u6d4b\u7a0b\u5e8f\u94fe\u63a5":121,"\u5f00\u542f":99,"\u5f00\u5934":[64,65],"\u5f00\u5934\u7684\u90e8\u5206":125,"\u5f00\u5934\u90e8\u5206\u6307\u5b9a":125,"\u5f00\u59cb\u63d0\u4f9b\u670d\u52a1":36,"\u5f00\u59cb\u6807\u8bb0":109,"\u5f00\u59cb\u795e\u7ecf\u7f51\u7edc\u7684":125,"\u5f00\u59cb\u9636\u6bb5":119,"\u5f02\u6b65\u968f\u673a\u68af\u5ea6\u4e0b\u964d":133,"\u5f15\u5165\u4e86\u4ee5\u4e0b\u56db\u4e2aapi":64,"\u5f15\u5165\u4e86\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5f15\u5165paddlepaddle\u7684pydataprovider2\u5305":2,"\u5f15\u53d1":13,"\u5f15\u5bfc\u5c42":109,"\u5f15\u7528memory\u5f97\u5230\u8fd9layer\u4e0a\u4e00\u65f6\u523b\u8f93\u51fa":108,"\u5f39\u51fa\u4e0b\u9762\u7684\u9009\u62e9\u6846":85,"\u5f3a\u70c8\u63a8\u8350":106,"\u5f52\u4e00\u5316\u6982\u7387\u5411\u91cf":109,"\u5f53":136,"\u5f53\u4e00\u4e2a":123,"\u5f53\u4e0a\u8ff0\u63a5\u53e3\u7b2c4\u4e2a\u53c2\u6570":123,"\u5f53\u4f60\u6267\u884c\u547d\u4ee4":112,"\u5f53\u4fdd\u5b58\u7684\u7f51\u7edc\u53c2\u6570\u4e3afloat\u7c7b\u578b\u65f6\u4e3a4":98,"\u5f53\u51fd\u6570\u8fd4\u56de\u7684\u65f6\u5019":2,"\u5f53\u524d\u65f6\u95f4\u6b65\u5904\u7684memory\u7684\u8f93\u51fa\u4f5c\u4e3a\u4e0b\u4e00\u65f6\u95f4\u6b65memory\u7684\u8f93\u5165":109,"\u5f53\u524d\u7684\u5b66\u4e60\u7387\u4e3a\u6240\u8bbe\u7f6e":98,"\u5f53\u524d\u7684\u5b9e\u73b0\u65b9\u5f0f\u4e0b":112,"\u5f53\u524d\u7684\u8f93\u5165y\u548c\u4e0a\u4e00\u4e2a\u65f6\u95f4\u6b65\u7684\u8f93\u51farnn_state\u505a\u4e86\u4e00\u4e2a\u5168\u94fe\u63a5":106,"\u5f53\u524d\u8bad\u7ec3\u4efb\u52a1\u542f\u52a8\u7684pserver\u7684ip\u5217\u8868":125,"\u5f53\u524d\u8bad\u7ec3\u4efb\u52a1pserver\u603b\u6570":125,"\u5f53\u524d\u8bad\u7ec3\u4efb\u52a1trainer\u603b\u4e2a\u6570":125,"\u5f53\u529f\u80fd\u5206\u652f\u5f00\u53d1\u5b8c\u6bd5\u540e":85,"\u5f53\u53ea\u505a\u63a8\u65ad":64,"\u5f53\u5728\u7f51\u7edc\u5c42\u914d\u7f6e\u4e2d\u8bbe\u7f6e":134,"\u5f53\u5728\u8bad\u7ec3\u914d\u7f6e\u4e2d\u8bbe\u7f6e":134,"\u5f53\u5df2\u8bad\u7ec3\u6837\u672c\u6570\u5927\u4e8e1000\u5c0f\u4e8e\u7b49\u4e8e2000\u65f6":98,"\u5f53\u5df2\u8bad\u7ec3\u6837\u672c\u6570\u5927\u4e8e2000\u65f6":98,"\u5f53\u5df2\u8bad\u7ec3\u6837\u672c\u6570\u5c0f\u4e8e\u7b49\u4e8e1000\u65f6":98,"\u5f53\u5df2\u8bad\u7ec3pass\u6570\u5927\u4e8e1\u5c0f\u4e8e\u7b49\u4e8e2\u65f6":98,"\u5f53\u5df2\u8bad\u7ec3pass\u6570\u5927\u4e8e2\u65f6":98,"\u5f53\u5df2\u8bad\u7ec3pass\u6570\u5c0f\u4e8e\u7b49\u4e8e1\u65f6":98,"\u5f53\u5f00\u542f":65,"\u5f53\u6211\u4eec\u505a\u51fa\u6027\u80fd\u4fee\u6b63\u540e":118,"\u5f53\u6240\u6709pod\u90fd\u5904\u4e8erunning\u72b6\u6001":129,"\u5f53\u6253\u5f00":65,"\u5f53\u6570\u636e\u683c\u5f0f\u4e0epaddlepaddle\u9ed8\u8ba4\u7684":65,"\u5f53\u6a21\u578b\u53c2\u6570\u4e0d\u5b58\u5728\u65f6":134,"\u5f53\u6a21\u5f0f\u4e3a":134,"\u5f53\u7136":[100,119],"\u5f53\u7136\u53ef\u4ee5":110,"\u5f53\u7136\u8fd9\u4e24\u8005\u4e5f\u53ef\u4ee5\u76f8\u7b49":65,"\u5f53\u7528\u6237\u4f7f\u7528\u5b8c\u8fd9\u4e2a\u53c2\u6570\u540e":69,"\u5f53\u7528\u6237\u6ca1\u6709\u663e\u5f0f\u8bbe\u5b9a\u65f6":97,"\u5f53\u7f51\u7edc\u51fa\u73b0\u5206\u652f\u4e14\u5728":65,"\u5f53\u7f51\u7edc\u5c42\u7528\u4e00\u4e2a\u6279\u6b21\u505a\u8bad\u7ec3\u65f6":112,"\u5f53\u89e3\u8bfb\u6bcf\u4e00\u4e2a":109,"\u5f53\u8bad\u7ec3\u6570\u636e\u975e\u5e38\u591a\u65f6":2,"\u5f53\u8d85\u8fc7\u8be5\u9608\u503c\u65f6":134,"\u5f53\u8f93\u5165\u662f\u7ef4\u5ea6\u5f88\u9ad8\u7684\u7a00\u758f\u6570\u636e\u65f6":136,"\u5f53\u9700\u8981\u5b8c\u6210\u8ba1\u7b97\u65f6":114,"\u5f53\u975e\u5e8f\u5217\u8f93\u5165\u65f6":123,"\u5f53destination\u6587\u4ef6\u4e0d\u5b58\u5728\u6216\u8005\u5927\u5c0f\u548csource\u6587\u4ef6\u4e0d\u4e00\u81f4\u65f6":51,"\u5f53n1":96,"\u5f62\u6210recurr":108,"\u5f62\u6210recurrent\u8fde\u63a5":108,"\u5f88":106,"\u5f88\u591a":[106,110],"\u5f88\u5b89\u9759":106,"\u5f88\u5e72\u51c0":106,"\u5f88\u65b9\u4fbf":106,"\u5f88\u6709\u53ef\u80fd\u5b9e\u9645\u5e94\u7528\u5c31\u662f\u6ca1\u6709\u6309\u7167\u60a8\u7684\u9884\u671f\u60c5\u51b5\u8fd0\u884c":119,"\u5f88\u6709\u53ef\u80fd\u662f\u975e\u72ec\u5360\u65b9\u5f0f\u6267\u884c\u5bfc\u81f4\u7684\u7aef\u53e3\u51b2\u7a81":94,"\u5f88\u96be\u4fdd\u8bc1\u591a\u8bed\u8a00\u4ee3\u7801\u98ce\u683c\u7684\u4e00\u81f4\u6027":68,"\u5f88\u96be\u6574\u4f53\u4fee\u6b63":2,"\u5f97":106,"\u5f97\u4f7f\u7528":68,"\u5f97\u5230\u8f93\u51fa\u503c":113,"\u5faa\u73af\u5c55\u5f00\u7684\u6bcf\u4e2a\u65f6\u95f4\u6b65\u603b\u662f\u80fd\u591f\u5f15\u7528\u6240\u6709\u8f93\u5165":108,"\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u4e2d":109,"\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u4f5c\u4e3a\u4f7f\u7528":109,"\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u548c":109,"\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u5728\u6bcf\u4e2a\u65f6\u95f4\u6b65\u9aa4\u987a\u5e8f\u5730\u5904\u7406\u5e8f\u5217":109,"\u5faa\u73af\u7f51\u7edc\u4ece":109,"\u5fc5\u8981":69,"\u5fc5\u9009":125,"\u5fc5\u987b":112,"\u5fc5\u987b\u4e00\u81f4":2,"\u5fc5\u987b\u4f7f\u7528python\u5173\u952e\u8bcd":2,"\u5fc5\u987b\u5206\u522b\u4e0e":65,"\u5fc5\u987b\u5c06\u524d\u4e00\u4e2a\u5b50\u53e5\u7684\u6700\u540e\u4e00\u4e2a\u5143\u7d20":106,"\u5fc5\u987b\u6307\u5411\u4e00\u4e2apaddlepaddle\u5b9a\u4e49\u7684lay":108,"\u5fc5\u987b\u6307\u5b9a\u4e3a":124,"\u5fc5\u987b\u662f\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":108,"\u5fc5\u987b\u662f\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":105,"\u5fc5\u987b\u7531\u53ea\u8bfbmemory\u7684":109,"\u5fc5\u987b\u8bbe\u7f6e\u4e3a":[138,139],"\u5fc5\u987b\u8bbe\u7f6e\u4e3aon":139,"\u5fc5\u987b\u914d\u7f6e\u4e3a":[121,140],"\u5fc5\u987b\u914d\u7f6e\u9009\u9879":121,"\u5feb":106,"\u6027\u4ef7\u6bd4":106,"\u6027\u80fd\u4f18\u5316\u7684\u8fc7\u7a0b\u901a\u5e38\u662f\u4e0d\u65ad\u91cd\u590d\u5730":118,"\u6027\u80fd\u5206\u6790":119,"\u6027\u80fd\u5206\u6790\u5de5\u5177\u662f\u7528\u4e8e\u7ed9\u5e94\u7528\u7a0b\u5e8f\u7684\u6027\u80fd\u505a\u5b9a\u91cf\u5206\u6790\u7684":119,"\u6027\u80fd\u5206\u6790\u662f\u6027\u80fd\u4f18\u5316\u7684\u5173\u952e\u4e00\u6b65":119,"\u6027\u80fd\u548c\u628a\u7f16\u8bd1\u5de5\u5177\u5b89\u88c5\u5728\u672c\u673a\u8fd0\u884c\u4e00\u6837":110,"\u6027\u80fd\u8c03\u4f18":133,"\u6027\u80fdtip":[138,139],"\u603b\u4f53\u6765\u8bf4":106,"\u60a8\u4e5f\u53ef\u4ee5\u8fdb\u5165\u5230docker\u5bb9\u5668\u4e2d":100,"\u60a8\u4f1a\u5728\u63a5\u4e0b\u6765\u7684\u90e8\u5206\u4e2d\u83b7\u5f97\u66f4\u591a\u7684\u7ec6\u8282\u4ecb\u7ecd":119,"\u60a8\u53ef\u4ee5\u4ece\u4e0b\u9762\u7684\u8868\u683c\u4e2d\u627e\u5230\u9700\u8981\u7684\u7248\u672c":102,"\u60a8\u53ef\u4ee5\u4efb\u610f\u4f7f\u7528\u4e00\u4e2a\u6216\u4e24\u4e2a\u6765\u5bf9\u611f\u5174\u8da3\u7684\u4ee3\u7801\u6bb5\u505a\u6027\u80fd\u5206\u6790":119,"\u60a8\u53ef\u4ee5\u5728":100,"\u60a8\u53ef\u4ee5\u5728\u5bb9\u5668\u4e2d\u6267\u884c":100,"\u60a8\u53ef\u4ee5\u5bfc\u5165":119,"\u60a8\u53ef\u4ee5\u6309\u7167\u4e0b\u9762\u7684\u6b65\u9aa4\u5728openmpi\u96c6\u7fa4\u4e2d\u63d0\u4ea4paddle\u8bad\u7ec3\u4efb\u52a1":130,"\u60a8\u53ef\u4ee5\u91c7\u7528\u4e0b\u9762\u4e94\u4e2a\u6b65\u9aa4":119,"\u60a8\u53ef\u80fd\u9700\u8981\u4fee\u6539":125,"\u60a8\u5c06\u4e86\u89e3\u5982\u4f55":109,"\u60a8\u5c31\u80fd\u83b7\u5f97\u5982\u4e0b\u7684\u5206\u6790\u7ed3\u679c":119,"\u60a8\u6309\u5982\u4e0b\u6b65\u9aa4\u64cd\u4f5c\u5373\u53ef":119,"\u60a8\u6700\u597d\u5148\u786e\u8ba4":119,"\u60a8\u9996\u5148\u9700\u8981\u5728\u76f8\u5173\u4ee3\u7801\u6bb5\u4e2d\u52a0\u5165":119,"\u60c5\u611f\u5206\u6790":85,"\u60f3\u4e86\u89e3\u66f4\u591apaddlepaddl":115,"\u610f\u5473\u7740\u4e0d\u540c\u65f6\u95f4\u6b65\u7684\u8f93\u5165\u90fd\u662f\u76f8\u540c\u7684\u503c":109,"\u610f\u601d\u662f\u4e0d\u4f7f\u7528\u5e73\u5747\u53c2\u6570\u6267\u884c\u6d4b\u8bd5":134,"\u610f\u601d\u662f\u4e0d\u4fdd\u5b58\u7ed3\u679c":134,"\u610f\u601d\u662f\u4f7f\u7528\u7b2ctest":134,"\u610f\u601d\u662f\u5728gpu\u6a21\u5f0f\u4e0b\u4f7f\u75284\u4e2agpu":134,"\u611f\u89c9":106,"\u6210\u529f\u7f16\u8bd1\u540e":121,"\u6210\u529f\u8bad\u7ec3\u4e14\u9000\u51fa\u7684pod\u6570\u76ee\u4e3a3\u65f6":129,"\u6210\u5458":113,"\u6210\u719f\u7684\u9ad8\u6027\u80fd\u5e76\u884c\u8ba1\u7b97\u6846\u67b6":125,"\u6211\u4eec\u4e0d\u80fd\u901a\u8fc7\u5e38\u89c4\u7684\u68af\u5ea6\u68c0\u67e5\u7684\u65b9\u5f0f\u6765\u8ba1\u7b97\u68af\u5ea6":112,"\u6211\u4eec\u4e3b\u8981\u4f1a\u4ecb\u7ecdnvprof\u548cnvvp":119,"\u6211\u4eec\u4e5f\u53ef\u4ee5\u786e\u5b9a\u6bcf\u4e00\u4e2a\u53c2\u6570\u7684\u7c7b\u578b":69,"\u6211\u4eec\u4e5f\u5c06mklml\u5373":65,"\u6211\u4eec\u4ec5\u4ec5\u5bf9\u795e\u7ecf\u7f51\u7edc\u7684\u8f93\u5165\u8fdb\u884c\u4e86\u63cf\u8ff0":103,"\u6211\u4eec\u4ec5\u6709\u4e00\u4e2a\u8f93\u5165":112,"\u6211\u4eec\u4ecb\u7ecd\u5982\u4f55\u5728":128,"\u6211\u4eec\u4ecb\u7ecd\u5982\u4f55\u5728kubernetes\u96c6\u7fa4\u4e0a\u8fdb\u884c\u5206\u5e03\u5f0fpaddlepaddle\u8bad\u7ec3\u4f5c\u4e1a":129,"\u6211\u4eec\u4ee5\u624b\u5199\u6570\u5b57\u8bc6\u522b\u4efb\u52a1\u4e3a\u4f8b\u8fdb\u884c\u4ecb\u7ecd":124,"\u6211\u4eec\u4ee5mnist\u624b\u5199\u8bc6\u522b\u4e3a\u4f8b":2,"\u6211\u4eec\u4f1a\u4fdd\u8bc1":65,"\u6211\u4eec\u4f1a\u5728\u7f51\u7edc\u8bad\u7ec3\u4e4b\u524d\u628a\u683c\u5f0f\u8f6c\u6362\u4e3amkl":65,"\u6211\u4eec\u4f1a\u5bf9\u6bcf\u4e2a\u8bad\u7ec3\u4efb\u52a1\u90fd\u4f1a\u5728\u6bcf\u4e2a\u8282\u70b9\u4e0a\u521b\u5efa\u4e00\u4e2a\u5de5\u4f5c\u7a7a\u95f4":125,"\u6211\u4eec\u4f1a\u5bf9\u6bd4\u5982\u4e0b2\u4e2a\u65b9\u9762":64,"\u6211\u4eec\u4f1a\u628amkl":65,"\u6211\u4eec\u4f1a\u6dfb\u52a0":[64,65],"\u6211\u4eec\u4f1a\u7ee7\u7eed\u4f7f\u7528\u73b0\u6709\u7684\u5185\u5b58\u5757":112,"\u6211\u4eec\u4f1a\u91cd\u65b0\u5206\u914d\u5185\u5b58":112,"\u6211\u4eec\u4f7f\u7528":112,"\u6211\u4eec\u4f7f\u7528\u4e0d\u540c\u7684layer\u8fdb\u884c\u7ec4\u5408":103,"\u6211\u4eec\u4f7f\u7528\u4e86":106,"\u6211\u4eec\u4f7f\u7528\u52a8\u6001\u5e93\u6765\u5206\u53d1paddl":68,"\u6211\u4eec\u4f7f\u7528paddl":125,"\u6211\u4eec\u5047\u8bbe\u4e00\u53f0\u673a\u5668\u4e0a\u67094\u4e2agpu":136,"\u6211\u4eec\u5148\u8c03\u7528\u6bcf\u4e2a":114,"\u6211\u4eec\u51b3\u5b9a\u4f7f\u7528\u5df2\u6709\u7684":65,"\u6211\u4eec\u5373\u53ef\u5b8c\u6210\u795e\u7ecf\u7f51\u7edc\u7684\u642d\u5efa":103,"\u6211\u4eec\u53ea\u6f14\u793a\u4e00\u4e2a\u5355\u673a\u4f5c\u4e1a":128,"\u6211\u4eec\u53ea\u9700\u8981":110,"\u6211\u4eec\u53ea\u9700\u8981\u4f7f\u7528lstm":106,"\u6211\u4eec\u53ea\u9700\u8981\u8fd0\u884c\u4e0b\u9762\u547d\u4ee4\u628a\u7f16\u8bd1\u597d\u7684paddlepaddle\u6253\u5305\u6210\u4e00\u4e2a":111,"\u6211\u4eec\u53ea\u9700\u8981\u914d\u7f6e":110,"\u6211\u4eec\u53ef\u4ee5":110,"\u6211\u4eec\u53ef\u4ee5\u4f7f\u7528":118,"\u6211\u4eec\u53ef\u4ee5\u4f7f\u7528\u5176\u4ed6layer\u8fdb\u884c\u7ec4\u5408":103,"\u6211\u4eec\u53ef\u4ee5\u4f7f\u7528\u5b83\u6765\u751f\u6210\u5e8f\u5217":109,"\u6211\u4eec\u53ef\u4ee5\u5148\u5b8c\u6210\u5bf9\u539f\u6570\u636e\u7684packing\u64cd\u4f5c":64,"\u6211\u4eec\u53ef\u4ee5\u521b\u5efatrainer\u6765\u5bf9\u7f51\u7edc\u8fdb\u884c\u8bad\u7ec3":103,"\u6211\u4eec\u53ef\u4ee5\u53c2\u8003tensorflow\u7684":114,"\u6211\u4eec\u53ef\u4ee5\u5728":111,"\u6211\u4eec\u53ef\u4ee5\u5728\u547d\u4ee4\u884c\u4e2d\u7b80\u5355\u7684\u770b\u4e00\u4e0b\u751f\u6210\u6548\u679c":118,"\u6211\u4eec\u53ef\u4ee5\u5b9a\u4e49\u5982\u4e0b\u7684layer\u7ec4\u5408":103,"\u6211\u4eec\u53ef\u4ee5\u5b9a\u4e49\u5982\u4e0blayer\u6765\u63cf\u8ff0\u795e\u7ecf\u7f51\u7edc\u7684\u8f93\u5165":103,"\u6211\u4eec\u53ef\u4ee5\u6309\u7167\u5982\u4e0b\u5c42\u6b21\u5b9a\u4e49\u975e\u5e8f\u5217":105,"\u6211\u4eec\u53ef\u4ee5\u67e5\u770b\u6027\u80fd\u5206\u6790\u7684\u7ed3\u679c":118,"\u6211\u4eec\u53ef\u4ee5\u8bbe\u8ba1\u642d\u5efa\u4e00\u4e2a\u7075\u6d3b\u7684":108,"\u6211\u4eec\u53ef\u4ee5\u901a\u8fc7":118,"\u6211\u4eec\u53ef\u4ee5\u901a\u8fc7\u65e5\u5fd7\u67e5\u770b\u5bb9\u5668\u8bad\u7ec3\u7684\u60c5\u51b5":129,"\u6211\u4eec\u5728":114,"\u6211\u4eec\u5728\u51fd\u6570\u7684\u7ed3\u5c3e\u8fd4\u56de":109,"\u6211\u4eec\u5bf9\u6a21\u578b\u8fdb\u884c\u4e86\u4ee5\u4e0b\u66f4\u6539":109,"\u6211\u4eec\u5c06":129,"\u6211\u4eec\u5c06\u4e00\u6bb5\u8bdd\u770b\u6210\u53e5\u5b50\u7684\u6570\u7ec4":106,"\u6211\u4eec\u5c06\u4ecb\u7ecd\u5982\u4f55\u542f\u52a8\u5206\u5e03\u5f0f\u8bad\u7ec3\u4f5c\u4e1a":128,"\u6211\u4eec\u5c06\u4f7f\u7528":109,"\u6211\u4eec\u5c06\u4f7f\u7528\u7b80\u5355\u7684":109,"\u6211\u4eec\u5c06\u539f\u59cb\u6570\u636e\u7684\u6bcf\u4e00\u7ec4":106,"\u6211\u4eec\u5c06\u5b83\u4eec\u5212\u5206\u4e3a\u4e0d\u540c\u7684\u7c7b\u522b":133,"\u6211\u4eec\u5c06\u795e\u7ecf\u7f51\u7edc\u4e00\u6b21\u8ba1\u7b97\u63a5\u53d7\u7684\u6240\u6709\u8f93\u5165\u6837\u672c\u79f0\u4e4b\u4e3a\u4e00\u4e2a":123,"\u6211\u4eec\u5c06\u8bad\u7ec3\u7ed3\u675f\u540e\u5b58\u50a8\u4e0b\u6765\u7684\u6a21\u578b\u8f6c\u6362\u6210\u9884\u6d4b\u6a21\u578b":124,"\u6211\u4eec\u5c31\u5b8c\u6210\u4e86\u4e00\u6b21\u4ee3\u7801\u8d21\u732e\u7684\u8fc7\u7a0b":111,"\u6211\u4eec\u5df2\u7ecf\u5b9e\u73b0\u4e86\u5927\u591a\u6570\u5e38\u7528\u7684\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u67b6\u6784":109,"\u6211\u4eec\u5efa\u8bae\u4f60\u4e3a\u4f60\u7684python\u5c01\u88c5\u5b9e\u73b0\u4e00\u4e2a":112,"\u6211\u4eec\u5efa\u8bae\u4f60\u5728\u5199\u65b0\u7f51\u7edc\u5c42\u65f6\u628a\u6d4b\u8bd5\u4ee3\u7801\u653e\u5165\u65b0\u7684\u6587\u4ef6\u4e2d":112,"\u6211\u4eec\u5efa\u8bae\u4f7f\u7528\u7b2c\u4e8c\u7c7b\u5b9e\u73b0":97,"\u6211\u4eec\u603b\u7ed3\u51fa\u4e00\u4e9b\u7279\u522b\u9700\u8981\u6ce8\u610f\u7684\u70b9":65,"\u6211\u4eec\u628apaddlepaddle\u7684\u4ea4\u53c9\u7f16\u8bd1\u73af\u5883\u6253\u5305\u6210\u4e00\u4e2a\u955c\u50cf":138,"\u6211\u4eec\u63a8\u8350\u4f7f\u7528":[100,125],"\u6211\u4eec\u63a8\u8350\u4f7f\u7528\u6700\u65b0\u7248\u672c\u7684cudnn":99,"\u6211\u4eec\u63a8\u8350\u60a8\u4f7f\u7528paddlepaddl":99,"\u6211\u4eec\u63d0\u4f9b\u4e24\u4e2a\u8f6c\u6362\u65b9\u5f0f":37,"\u6211\u4eec\u63d0\u4f9b\u4e86\u52a0\u901f\u8bbf\u95ee\u7684\u955c\u50cf\u6e90":100,"\u6211\u4eec\u63d0\u4f9b\u53ef\u4ee5\u76f4\u63a5\u8fd0\u884cpaddlepaddl":100,"\u6211\u4eec\u63d0\u51fa\u4e86chunk\u7684\u6982\u5ff5":51,"\u6211\u4eec\u662f\u5bf9\u6bcf\u4e00\u4e2a\u5b50\u5e8f\u5217\u53d6\u6700\u540e\u4e00\u4e2a\u5143\u7d20":106,"\u6211\u4eec\u6700\u7ec8\u7684\u52a8\u6001\u5e93\u4e2d\u4e0d\u5d4c\u5165python\u6216\u8005\u5176\u4ed6\u4efb\u4f55\u8bed\u8a00\u7684\u89e3\u91ca\u5668":68,"\u6211\u4eec\u6709\u4e00\u4e2a\u5e8f\u5217\u4f5c\u4e3a\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684\u72b6\u6001":109,"\u6211\u4eec\u7684":110,"\u6211\u4eec\u7684\u6807\u51c6\u5f00\u53d1\u6d41\u7a0b\u662f\u628a\u8fd9\u4e9b\u5de5\u5177\u90fd\u88c5\u8fdb\u4e00\u4e2adocker":111,"\u6211\u4eec\u770b\u4e00\u4e0b\u5355\u5c42rnn\u7684\u914d\u7f6e":106,"\u6211\u4eec\u770b\u4e00\u4e0b\u8bed\u4e49\u76f8\u540c\u7684\u53cc\u5c42rnn\u7684\u7f51\u7edc\u914d\u7f6e":106,"\u6211\u4eec\u771f\u8bda\u5730\u611f\u8c22\u60a8\u7684\u8d21\u732e":111,"\u6211\u4eec\u79f0\u4e4b\u4e3a\u4e00\u4e2a0\u5c42\u7684\u5e8f\u5217":105,"\u6211\u4eec\u8ba1\u5212\u5c06":64,"\u6211\u4eec\u8ba1\u5212\u5c06\u82f1\u7279\u5c14\u6df1\u5ea6\u795e\u7ecf\u7f51\u7edc\u6570\u5b66\u5e93":65,"\u6211\u4eec\u8bbe\u8ba1\u8bf4\u660e\u4e86\u540d\u4e3afilemanager\u7cfb\u7edf":51,"\u6211\u4eec\u8c03\u7528\u4e86eigenvector\u7684flatten\u63a5\u53e3":114,"\u6211\u4eec\u8fd8\u53ef\u4ee5\u767b\u5f55\u5230\u5bbf\u4e3b\u673a\u4e0a\u67e5\u770b\u8bad\u7ec3\u7ed3\u679c":128,"\u6211\u4eec\u8fd8\u5c06\u7f16\u7801\u5411\u91cf\u6295\u5c04\u5230":109,"\u6211\u4eec\u9009\u53d6\u5355\u53cc\u5c42\u5e8f\u5217\u914d\u7f6e\u4e2d\u7684\u4e0d\u540c\u90e8\u5206":106,"\u6211\u4eec\u9009\u62e9":37,"\u6211\u4eec\u901a\u5e38\u501f\u52a9":113,"\u6211\u4eec\u901a\u5e38\u5c06\u4e00\u53e5\u8bdd\u7406\u89e3\u6210\u4e00\u4e2a\u65f6\u95f4\u5e8f\u5217":106,"\u6211\u4eec\u901a\u8fc7\u4f7f\u7528\u65b0\u5f15\u5165\u7684gemm":64,"\u6211\u4eec\u901a\u8fc7\u8bfb\u53d6":129,"\u6211\u4eec\u90fd\u63d0\u4f9bpython\u7684\u8f6c\u6362\u5e93":37,"\u6211\u4eec\u9700\u8981":110,"\u6211\u4eec\u9700\u8981\u5148\u628a\u8f93\u5165tensor\u548c\u8f93\u51fatensor\u8f6c\u6362\u4e3aeigen\u652f\u6301\u7684\u683c\u5f0f":114,"\u6211\u4eec\u9700\u8981\u5236\u4f5c\u4e00\u4e2a\u5305\u542b\u8bad\u7ec3\u6570\u636e\u7684paddlepaddle\u955c\u50cf":128,"\u6211\u4eec\u9700\u8981\u5728\u96c6\u7fa4\u7684\u6240\u6709\u8282\u70b9\u4e0a\u5b89\u88c5":125,"\u6211\u4eec\u9700\u8981\u7b49\u5f0f\u5de6\u8fb9\u7684eigentensor\u8c03\u7528device\u63a5\u53e3":114,"\u6211\u4eec\u9700\u8981\u8ba1\u7b97":112,"\u6211\u4eec\u9996\u5148\u9700\u8981\u6839\u636e\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u6765\u521b\u5efa\u6240\u9700\u8981\u4f18\u5316\u7684paramet":103,"\u6211\u5220\u9664\u4e86":111,"\u6211\u53ef\u4ee5\u7528":110,"\u6211\u53ef\u4ee5\u9009\u62e9\u4e0d\u7528docker\u5417":110,"\u6216":[2,119,123,139],"\u6216\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u6216\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217\u7ecf\u8fc7\u8fd0\u7b97\u53d8\u6210\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"\u6216\u4e00\u4e2a\u5411\u91cf":108,"\u6216\u5355\u5c42\u5e8f\u5217\u7ecf\u8fc7\u8fd0\u7b97\u53d8\u6210\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"\u6216\u662f\u5728\u81ea\u7136\u8bed\u8a00\u5904\u7406\u4efb\u52a1\u4e2d\u8868\u793a\u8bcd\u8bed\u5728\u5b57\u5178\u4e2d\u7684\u5e8f\u53f7":123,"\u6216\u6700\u5927\u503c":105,"\u6216\u6d4b\u8bd5\u6587\u4ef6\u5217\u8868":1,"\u6216\u7b2c\u4e00\u4e2a":105,"\u6216\u7b2c\u4e00\u4e2a\u5143\u7d20":105,"\u6216\u7f16\u5199\u7a0b\u5e8f\u65f6":125,"\u6216\u8005":[65,68,69,96,105,106,110,111,113,118,119,123],"\u6216\u8005\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":108,"\u6216\u8005\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":[105,108],"\u6216\u8005\u4ece\u5de5\u5177\u7684\u754c\u9762\u91cc\u8fd0\u884c\u60a8\u7684\u5e94\u7528":119,"\u6216\u8005\u5236\u4f5c\u548c\u5206\u4eab\u5e26\u6709\u4ee3\u7801":100,"\u6216\u8005\u53cd\u5411\u5730\u4ece":109,"\u6216\u8005\u53ef\u88abdns\u89e3\u6790\u7684\u4e3b\u673a\u540d":125,"\u6216\u8005\u5728cpu\u6a21\u5f0f\u4e0b\u4f7f\u75284\u4e2a\u7ebf\u7a0b":134,"\u6216\u8005\u5c06\u8fd9\u53f0\u8282\u70b9\u8fc1\u79fb\u5230\u53e6\u4e00\u4e2a\u8282\u70b9\u5e76\u542f\u52a8\u5373\u53ef\u6062\u590d\u8bad\u7ec3\u4efb\u52a1":36,"\u6216\u8005\u5df2\u7ecf\u5728\u96c6\u7fa4\u63d0\u4ea4\u73af\u5883\u4e2d\u81ea\u52a8\u8bbe\u7f6e":133,"\u6216\u8005\u5f15\u8d77\u884c\u65f6\u9519\u8bef":123,"\u6216\u8005\u6570\u636e\u5e93\u8fde\u63a5\u8def\u5f84\u7b49":1,"\u6216\u8005\u6570\u7ec4\u7684\u6570\u7ec4\u8fd9\u4e2a\u6982\u5ff5":106,"\u6216\u8005\u662f\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":105,"\u6216\u8005\u662f\u51fd\u6570\u8c03\u7528\u7684\u9891\u7387\u548c\u8017\u65f6\u7b49":119,"\u6216\u8005\u66f4\u65e9":98,"\u6216\u8005\u6bcf\u4e00\u4e2a\u7cfb\u5217\u91cc\u7684\u7279\u5f81\u6570\u636e":106,"\u6216\u8005\u7528tuple\u8868\u793a\u7684\u591a\u4e2a\u503c":37,"\u6216\u8005\u7531\u5b83\u4eec\u7ec4\u6210\u7684list":37,"\u6216\u8005\u76f4\u63a5\u6254\u6389\u975e\u5e38\u957f\u7684\u5e8f\u5217":96,"\u6216\u8005\u76f8\u5bf9\u4e8e\u6784\u5efa\u76ee\u5f55\u7684\u76f8\u5bf9\u8def\u5f84":[138,140],"\u6216\u8005\u8f93\u5165\u6570\u636e\u5c3a\u5ea6\u8fc7\u5927":96,"\u6216\u8005\u8fd0\u884c":93,"\u6216\u8005\u91c7\u7528\u5e76\u884c\u8ba1\u7b97\u6765\u52a0\u901f\u67d0\u4e9b\u5c42\u7684\u66f4\u65b0":136,"\u6216\u8005\u9700\u8981\u66f4\u9ad8\u7684\u6548\u7387":1,"\u6216\u8bbe\u7f6e\u4e3anone":1,"\u6216activ":65,"\u6216gpu":134,"\u622a\u65ad\u5bf9\u8c61\u4e0d\u540c":96,"\u623f":106,"\u623f\u95f4":106,"\u6240\u4ee5":[2,65,85,96,100,118],"\u6240\u4ee5\u4e00\u4e2a\u7248\u672c\u53f7\u7684wheel\u5305\u53d1\u5e03\u4e4b\u540e":85,"\u6240\u4ee5\u4e00\u822c\u9700\u8981\u5bf9\u8bad\u7ec3\u7528\u7684\u6a21\u578b\u914d\u7f6e\u6587\u4ef6\u7a0d\u4f5c\u76f8\u5e94\u4fee\u6539\u624d\u80fd\u5728\u9884\u6d4b\u65f6\u4f7f\u7528":4,"\u6240\u4ee5\u4e0d\u5b58\u5728\u8fd9\u4e2a\u95ee\u9898":65,"\u6240\u4ee5\u4e0d\u80fd\u91c7\u7528\u7b2c\u4e00\u79cd\u65b9\u5f0f\u5728\u8fd9\u51e0\u4e2alayer\u91cc\u8bbe\u7f6e":97,"\u6240\u4ee5\u505a\u6cd5\u53ef\u4ee5\u6709\u4e24\u79cd":96,"\u6240\u4ee5\u53ef\u4ee5\u7b80\u5316\u5bf9\u73af\u5883\u7684\u8981\u6c42":128,"\u6240\u4ee5\u5728":65,"\u6240\u4ee5\u5728\u5199\u5165\u5feb\u7167\u7684\u8fc7\u7a0b\u4e2d":36,"\u6240\u4ee5\u5916\u5c42\u8f93\u51fa\u7684\u5e8f\u5217\u5f62\u72b6":106,"\u6240\u4ee5\u5bf9":106,"\u6240\u4ee5\u5f00\u53d1\u8005\u9700\u8981\u6839\u636e\u81ea\u5df1\u8bad\u7ec3\u4efb\u52a1\u7684\u5b9e\u9645\u573a\u666f\u5b8c\u6210\u8bad\u7ec3\u6570\u636e\u7684\u5206\u5272\u548c":125,"\u6240\u4ee5\u6027\u80fd\u4e5f\u5c31\u9010\u6b65\u53d8\u6210\u4e86\u6df1\u5ea6\u5b66\u4e60\u9886\u57df\u6700\u91cd\u8981\u7684\u6307\u6807":119,"\u6240\u4ee5\u6211\u4eec\u53ef\u4ee5\u5728\u8fd9\u4e2a\u57fa\u7840\u4e0a":129,"\u6240\u4ee5\u6211\u4eec\u5b9a\u4e49\u4e86\u4e00\u4e2a":65,"\u6240\u4ee5\u6211\u4eec\u786e\u4fdd\u53d1\u5e03\u7684\u4e8c\u8fdb\u5236\u5305\u53ef\u4ee5\u652f\u6301\u4e3b\u6d41\u7684linux\u64cd\u4f5c\u7cfb\u7edf":102,"\u6240\u4ee5\u6211\u4eec\u9700\u8981\u5c06\u8f93\u5165\u6570\u636e\u6807\u8bb0\u6210":106,"\u6240\u4ee5\u6211\u4eec\u9ed8\u8ba4\u4f7f\u7528cento":102,"\u6240\u4ee5\u63a8\u8350\u4f7f\u7528\u663e\u5f0f\u6307\u5b9a\u7684\u65b9\u5f0f\u6765\u8bbe\u7f6einput_typ":2,"\u6240\u4ee5\u6574\u4f53\u4e0a":65,"\u6240\u4ee5\u6dfb\u52a0\u4e86\u5bf9\u5e94\u7684":65,"\u6240\u4ee5\u7528\u6237\u9700\u8981\u9996\u5148\u5728":51,"\u6240\u4ee5\u76f8\u6bd4\u4e8erecurr":97,"\u6240\u4ee5\u8f93\u51fa\u7684value\u5305\u542b\u4e24\u4e2a\u5411\u91cf":4,"\u6240\u4ee5\u8fd9\u4e00\u6b65\u662f\u5fc5\u8981\u7684":112,"\u6240\u4ee5\u9700\u8981\u5f15\u5165\u4e00\u4e2a\u8f6c\u6362\u65b9\u6cd5":65,"\u6240\u4f7f\u7528":139,"\u6240\u4f9d\u8d56\u7684\u7b2c\u4e09\u65b9\u5e93\u540c\u65f6\u4e5f\u88ab\u5b89\u88c5\u5230":138,"\u6240\u5bf9\u5e94\u7684\u8bcd\u8868index\u6570\u7ec4":106,"\u6240\u6709\u4e0e\u7c7b\u578b\u76f8\u5173\u7684\u51fd\u6570":69,"\u6240\u6709\u4ee3\u7801\u5fc5\u987b\u5177\u6709\u5355\u5143\u6d4b\u8bd5":111,"\u6240\u6709\u53c2\u6570\u7f6e\u4e3a\u96f6":134,"\u6240\u6709\u547d\u4ee4\u884c\u9009\u9879\u53ef\u4ee5\u8bbe\u7f6e\u4e3a":126,"\u6240\u6709\u5916\u90e8\u7684\u8f6c\u6362\u5de5\u4f5c\u90fd\u4f1a\u5728reset\u7cfb\u5217\u51fd\u6570\u4e2d\u90fd\u51c6\u5907\u597d":65,"\u6240\u6709\u6587\u4ef6\u5217\u8868":2,"\u6240\u6709\u67b6\u6784":138,"\u6240\u6709\u7684":[64,111,112],"\u6240\u6709\u7684\u5355\u6d4b\u90fd\u4f1a\u88ab\u6267\u884c\u4e00\u6b21":112,"\u6240\u6709\u7684\u63a5\u53e3\u5747\u4e3ac\u63a5\u53e3":69,"\u6240\u6709\u7684\u64cd\u4f5c\u90fd\u662f\u9488\u5bf9\u6bcf\u4e00\u4e2a\u65f6\u95f4\u6b65\u6765\u8fdb\u884c\u7684":106,"\u6240\u6709\u7684python\u5c01\u88c5\u90fd\u4f7f\u7528":112,"\u6240\u6709\u7684python\u5c01\u88c5\u90fd\u5728":112,"\u6240\u6709\u76f8\u5173\u7684":64,"\u6240\u6709\u7c7b\u578b\u540d\u4e3a":69,"\u6240\u6709\u7f51\u7edc\u5c42\u7684\u68af\u5ea6\u68c0\u67e5\u5355\u6d4b\u90fd\u4f4d\u4e8e":112,"\u6240\u6709\u8f93\u5165\u5e8f\u5217\u5e94\u8be5\u6709\u76f8\u540c\u7684\u957f\u5ea6":109,"\u6240\u6709mkl":65,"\u6240\u8c13\u65f6\u95f4\u6b65\u4fe1\u606f":2,"\u6240\u9700\u652f\u6301\u7684\u6700\u4f4eandroid":138,"\u6240\u9700\u7684\u5f00\u53d1\u5de5\u5177\u548c\u7b2c\u4e09\u65b9\u5e93\u53ef\u4ee5\u53c2\u8003":140,"\u624b\u5199\u591a\u8bed\u8a00\u7ed1\u5b9a":68,"\u624b\u5199\u6570\u5b57\u8bc6\u522b":124,"\u624b\u5199\u6570\u5b57\u8bc6\u522b\u4efb\u52a1\u5b9a\u4e49\u4e86\u4e00\u4e2a\u542b\u6709":124,"\u624b\u52a8\u4e0b\u8f7d\u4e14\u89e3\u538b\u7f29":93,"\u624b\u52a8\u4e0b\u8f7d\u5e76\u5b89\u88c5":93,"\u624d\u4f1a\u91ca\u653e\u8be5\u6bb5\u5185\u5b58":2,"\u624d\u4f1astop":2,"\u624d\u53ef\u4ee5\u5b89\u88c5":102,"\u624d\u80fd\u4fdd\u8bc1\u548c\u5355\u5c42\u5e8f\u5217\u7684\u914d\u7f6e\u4e2d":106,"\u624d\u80fd\u53d1\u6325\u5176\u5168\u90e8\u80fd\u529b":119,"\u624d\u80fd\u66f4\u597d\u7684\u53d1\u6325mkl":65,"\u6253\u5f00":119,"\u6253\u5f00\u6587\u672c\u6587\u4ef6":2,"\u6253\u5f00\u6d4f\u89c8\u5668\u8bbf\u95ee\u5bf9\u5e94\u76ee\u5f55\u4e0b\u7684index":115,"\u6253\u5f00\u8fd9\u4e2a\u7f16\u8bd1\u9009\u9879":69,"\u6267\u884c":[85,104,121,126],"\u6267\u884c\u4e0a\u8ff0":138,"\u6267\u884c\u4e0a\u8ff0\u4ee3\u7801\u751f\u6210makefile\u6587\u4ef6\u540e":121,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4":99,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4\u4ee5\u542f\u52a83\u4e2a\u8282\u70b9\u7684openmpi\u96c6\u7fa4\u548c\u4e00\u4e2a":130,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4\u5373\u53ef\u5728\u5f53\u524d\u673a\u5668\u4e0a\u5b89\u88c5paddlepaddle\u7684\u8fd0\u884c\u65f6\u73af\u5883":102,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4\u53ef\u4ee5\u67e5\u770b\u5df2\u7ecf\u5b89\u88c5\u7684\u7248\u672c":125,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4\u5b8c\u6210\u5feb\u901f\u5b89\u88c5":104,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4\u6765\u8fd0\u884c\u5355\u5143\u6d4b\u8bd5":113,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4\u7f16\u8bd1cpu":99,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4\u83b7\u53d6\u6700\u65b0\u7684paddlepaddl":100,"\u6267\u884c\u4ee5\u4e0b\u547d\u4ee4":[138,139,140],"\u6267\u884c\u4ee5\u4e0b\u547d\u4ee4\u542f\u52a8\u4f7f\u7528python\u7f16\u5199\u7684trainer\u7a0b\u5e8f":125,"\u6267\u884c\u4ee5\u4e0b\u64cd\u4f5c":109,"\u6267\u884c\u4ee5\u4e0b\u7684\u547d\u4ee4\u542f\u52a8\u4e00\u4e2a\u53c2\u6570\u670d\u52a1\u5668\u5e76\u7b49\u5f85\u548c\u8ba1\u7b97\u8282\u70b9\u7684\u6570\u636e\u4ea4\u4e92":125,"\u6267\u884c\u5b8c\u5b89\u88c5\u547d\u4ee4\u540e":[138,139,140],"\u6267\u884c\u60a8\u7684\u4ee3\u7801":119,"\u627e\u5230":[99,109,125],"\u627e\u5230\u6700\u65e9\u62a5\u9519\u7684\u5730\u65b9":94,"\u627e\u5230\u8fd0\u884c\u6162\u7684\u539f\u56e0":119,"\u627e\u5230\u8fd0\u884c\u6162\u7684\u90e8\u5206":119,"\u628a":[37,112],"\u628a\u4e4b\u524d\u793a\u4f8b\u4e2d\u8f6c\u6362\u5b8c\u6bd5\u7684random":37,"\u628a\u4efb\u610f\u7ef4\u5ea6\u7684tensor\u8f6c\u4e3a\u4e86\u4e00\u7ef4\u7684eigenvector":114,"\u628a\u5de5\u5177\u548c\u914d\u7f6e\u90fd\u5b89\u88c5\u5728\u4e00\u4e2a":110,"\u628a\u8bad\u7ec3\u6570\u636e\u76f4\u63a5\u653e\u5728":128,"\u628a\u8fd9\u4e9b\u5de5\u5177\u5b89\u88c5\u5230\u672c\u673a":110,"\u6295\u5c04\u53cd\u5411rnn\u7684\u7b2c\u4e00\u4e2a\u5b9e\u4f8b\u5230":109,"\u6295\u5c04\u7f16\u7801\u5411\u91cf\u5230":109,"\u62c6\u6210\u4ee5\u4e0a\u4e24\u4e2a\u9759\u6001\u94fe\u63a5\u5e93":121,"\u62c6\u89e3":108,"\u62c6\u89e3\u6210\u7684\u6bcf\u4e00\u53e5\u8bdd\u518d\u901a\u8fc7\u4e00\u4e2alstm\u7f51\u7edc":106,"\u62f7\u8d1d\u5fc5\u8981\u7684\u6587\u4ef6\u5230head\u8282\u70b9":130,"\u62f7\u8d1d\u8bad\u7ec3\u6570\u636e\u5230\u5404\u81ea\u7684\u8282\u70b9":130,"\u62f7\u8d1d\u8bad\u7ec3\u6587\u4ef6\u5230\u5bb9\u5668\u5185":129,"\u62f7\u8d1d\u8bad\u7ec3\u7a0b\u5e8f\u548c\u5b57\u5178\u6587\u4ef6\u5230\u6bcf\u53f0mpi\u8282\u70b9":130,"\u62fc\u63a5":96,"\u6302\u8f7d\u5230\u5bb9\u5668\u5185\u90e8\u7684":100,"\u6302\u8f7d\u6216\u4e0b\u8f7d\u7684\u8bad\u7ec3\u6570\u636e\u5206\u7247":125,"\u6307\u53d1\u73b0\u6027\u80fd\u74f6\u9888":118,"\u6307\u5411\u4e00\u4e2alayer":108,"\u6307\u5b9a":[96,97,108,109],"\u6307\u5b9a\u4e00\u53f0\u673a\u5668\u4e0a\u4f7f\u7528\u7684\u7ebf\u7a0b\u6570":134,"\u6307\u5b9a\u4e3a":123,"\u6307\u5b9a\u4f7f\u75282":96,"\u6307\u5b9a\u524d\u5411\u7f51\u7edc\u6700\u7ec8\u7684\u8f93\u51fa\u76ee\u6807\u53d8\u91cf":113,"\u6307\u5b9a\u52a0\u8f7d\u7684\u65b9\u5f0f":134,"\u6307\u5b9a\u5728\u751f\u6210\u6027\u80fd\u5206\u6790\u6587\u4ef6\u4e4b\u540e":118,"\u6307\u5b9a\u5bf9\u8f93\u5165\u53d8\u91cf":113,"\u6307\u5b9a\u5c06\u5f53\u524d\u8def\u5f84":100,"\u6307\u5b9a\u6267\u884c\u5176\u4e2d\u4e00\u4e2a\u5355\u5143\u6d4b\u8bd5":99,"\u6307\u5b9a\u68c0\u6d4b\u68af\u5ea6\u65f6\u80fd\u5bb9\u5fcd\u7684\u6700\u5927\u9519\u8bef\u503c":113,"\u6307\u5b9a\u7684\u5185\u5bb9\u5b58\u50a8\u5e93\u8fd0\u884c\u547d\u4ee4":115,"\u6307\u5b9a\u7684\u8f93\u5165\u4e0d\u4f1a\u88ab":108,"\u6307\u5b9a\u8981\u8f93\u51fa\u7684\u5b57\u6bb5\u8fdb\u884c\u8f93\u51fa":96,"\u6307\u5b9a\u9700\u8981\u4f7f\u7528\u7684\u5bb9\u5668":100,"\u6307\u5b9acudnn\u7684\u6700\u5927\u5de5\u4f5c\u7a7a\u95f4\u5bb9\u9650":134,"\u6307\u5bf9\u4e8e\u4e00\u4e2a\u65f6\u95f4\u5e8f\u5217\u8f93\u5165\u6570\u636e":106,"\u6307\u5f00\u542fhttp\u670d\u52a1":118,"\u6307\u6d88\u9664\u74f6\u9888":118,"\u6307\u6df1\u5ea6\u5b66\u4e60\u8bad\u7ec3\u4e4b\u540e\u5f97\u5230\u7684\u6240\u6709\u53c2\u6570":36,"\u6307\u793a\u4f7f\u7528\u54ea\u4e2agpu\u6838":134,"\u6307\u793a\u5728\u7b80\u5355\u7684recurrentlayer\u5c42\u7684\u8ba1\u7b97\u4e2d\u662f\u5426\u4f7f\u7528\u6279\u5904\u7406\u65b9\u6cd5":134,"\u6307\u793a\u5f53\u6307\u5b9a\u8f6e\u7684\u6d4b\u8bd5\u6a21\u578b\u4e0d\u5b58\u5728\u65f6":134,"\u6307\u793a\u662f\u5426\u4f7f\u7528\u591a\u7ebf\u7a0b\u6765\u8ba1\u7b97\u4e00\u4e2a\u795e\u7ecf\u7f51\u7edc":134,"\u6307\u793a\u662f\u5426\u5f00\u542f\u53c2\u6570\u670d\u52a1\u5668":134,"\u6307\u793a\u662f\u5426\u663e\u793a\u53c2\u6570\u670d\u52a1\u5668\u4e0a\u7684\u7a00\u758f\u53c2\u6570\u5206\u5e03\u7684\u65e5\u5fd7\u7ec6\u8282":134,"\u6307\u793a\u662f\u5426\u68c0\u67e5\u6240\u6709\u53c2\u6570\u670d\u52a1\u5668\u4e0a\u7684\u7a00\u758f\u53c2\u6570\u7684\u5206\u5e03\u662f\u5747\u5300\u7684":134,"\u6309\u542f\u53d1\u5f0f\u635f\u5931\u7684\u5927\u5c0f\u9012\u589e\u6392\u5e8f":134,"\u6309\u7167\u4e0b\u9762\u6b65\u9aa4\u5373\u53ef":129,"\u6309\u7167\u5176\u5185\u5bb9\u521b\u5efa\u4e00\u4e2a\u540d\u4e3a":110,"\u6309\u7167\u5177\u4f53\u5b9e\u73b0\u65b9\u5f0f\u53ef\u4ee5\u5f52\u7eb3\u4e3a2\u7c7b":97,"\u6309\u7167\u57fa\u672c\u6570\u636e\u7c7b\u578b\u5728paddlepaddle\u5185\u90e8\u7684\u5b9a\u4e49\u548c\u5b9e\u73b0":123,"\u6309\u94ae":[85,111],"\u633a":106,"\u633a\u597d":106,"\u635f\u5931\u51fd\u6570\u5c42":124,"\u6362":106,"\u6392\u6210\u4e00\u5217\u7684\u591a\u4e2a\u5143\u7d20":105,"\u63a5\u4e0a\u4e00\u4e2a\u5168\u8fde\u63a5\u5c42":103,"\u63a5\u4e0a\u5e73\u65b9\u8bef\u5dee\u5c42":103,"\u63a5\u4e0b\u6765":113,"\u63a5\u4e0b\u6765\u53ef\u4ee5\u8003\u8651\u4e0b\u65f6\u95f4\u7ebf\u7684\u5206\u6790":119,"\u63a5\u4e0b\u6765\u5c31\u53ef\u4ee5\u4f7f\u7528":119,"\u63a5\u4e0b\u6765\u6211\u4eec\u521b\u5efa\u4e00\u4e2a\u539f\u59cb":111,"\u63a5\u4e0b\u6765\u6211\u4eec\u53d6\u6d88\u5bf9":111,"\u63a5\u4e0b\u6765\u7b49\u5f85":111,"\u63a5\u53d7\u4e00\u4e2a\u8f93\u5165\u53c2\u6570":113,"\u63a5\u53e3":[68,69,113,114,124],"\u63a5\u53e3\u4f1a\u88ab\u8c03\u7528":114,"\u63a5\u53e3\u5b8c\u6210\u795e\u7ecf\u7f51\u7edc\u7684\u524d\u5411\u8ba1\u7b97":124,"\u63a5\u53e3\u5bf9\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u548c\u8bad\u7ec3\u597d\u7684\u53c2\u6570\u8fdb\u884c\u5e8f\u5217\u5316":124,"\u63a5\u53e3\u5c42\u505a\u8fc7\u591a\u5c01\u88c5":69,"\u63a5\u53e3\u662f":37,"\u63a5\u53e3\u6700\u7ec8\u4f1a\u8c03\u7528\u5bf9\u5e94":114,"\u63a5\u53e3\u6709\u4e00\u4e2a":96,"\u63a5\u53e3\u7684":96,"\u63a5\u53e3\u8bf4\u660e\u8bf7\u67e5\u770b":123,"\u63a5\u6536\u5904\u7406pfsclient\u7aef\u7684\u6587\u4ef6\u7ba1\u7406\u8bf7\u6c42":51,"\u63a5\u7740\u7f16\u8bd1\u5373\u53ef":93,"\u63a7\u5236":134,"\u63a7\u5236\u662f\u5426\u4f7f\u7528mkl":65,"\u63a7\u5236\u662f\u5426\u4f7f\u7528mklml\u5e93":65,"\u63a7\u5236\u7528\u6237\u6743\u9650":37,"\u63a8\u5bfc\u8be5\u5c42\u524d\u5411\u548c\u540e\u5411\u4f20\u9012\u7684\u65b9\u7a0b":112,"\u63a8\u8350":106,"\u63a8\u8350\u4f7f\u7528":2,"\u63a8\u8350\u4f7f\u7528\u6b64\u65b9\u5f0f":121,"\u63a8\u8350\u4f7f\u7528centos\u7684devtools2":99,"\u63a8\u8350\u6e05\u7406\u6574\u4e2a\u7f16\u8bd1\u76ee\u5f55":99,"\u63a8\u8350\u76f4\u63a5\u5b58\u653e\u5230\u8bad\u7ec3\u76ee\u5f55":1,"\u63a8\u8350\u8bbe\u7f6e\u4e3a":121,"\u63a8\u8350\u914d\u7f6e\u4e3a":121,"\u63a8\u8350\u914d\u7f6e\u9009\u9879":121,"\u63a8\u9001\u5230\u8fdc\u7a0b\u4ed3\u5e93":111,"\u63cf\u8ff0\u7684\u9ed8\u8ba4\u5165\u53e3\u7a0b\u5e8f":110,"\u63cf\u8ff0\u8be5op\u7684\u8f93\u5165":113,"\u63cf\u8ff0\u95ee\u9898":111,"\u63d0\u4ea4\u65b9\u5f0f\u53c2\u89c1":115,"\u63d0\u4ea4pull":111,"\u63d0\u4f9b":126,"\u63d0\u4f9b\u4e03\u5c42\u534f\u8bae\u7684\u53cd\u5411\u4ee3\u7406":51,"\u63d0\u4f9b\u4e86\u4e00\u4e2a\u542f\u52a8\u811a\u672c":129,"\u63d0\u4f9b\u4e86\u547d\u4ee4\u6837\u4f8b\u6765\u8fd0\u884c":126,"\u63d0\u4f9b\u4e86\u65b9\u4fbf\u7684\u548c":118,"\u63d0\u4f9b\u4e86\u81ea\u52a8\u5316\u811a\u672c\u6765\u542f\u52a8\u4e0d\u540c\u8282\u70b9\u4e2d\u7684\u6240\u6709":126,"\u63d0\u4f9b\u51e0\u4e4e\u6240\u6709\u8bad\u7ec3\u7684\u5185\u90e8\u8f93\u51fa\u65e5\u5fd7":126,"\u63d0\u4f9b\u5e38\u7528\u7684\u547d\u4ee4\u884c\u7ba1\u7406\u547d\u4ee4\u7ba1\u7406\u6587\u4ef6\u548c\u76ee\u5f55":51,"\u63d0\u4f9b\u6269\u5c55\u7684\u957f\u5ea6\u4fe1\u606f":105,"\u63d0\u4f9b\u7528\u6237\u7ba1\u7406\u6587\u4ef6\u7684\u547d\u4ee4":51,"\u63d0\u4f9b\u7ed9paddle\u4f5c\u4e3a\u8bad\u7ec3\u6570\u636e":37,"\u63d0\u4f9b\u8bad\u7ec3\u8fc7\u7a0b\u7684":126,"\u63d0\u793a":93,"\u641c\u7d22\u4ee3\u7801\u5e93":115,"\u642d\u5efa\u795e\u7ecf\u7f51\u7edc\u5c31\u50cf\u4f7f\u7528\u79ef\u6728\u642d\u5efa\u5b9d\u5854\u4e00\u6837":103,"\u64cd\u4f5c":106,"\u64cd\u4f5c\u7cfb\u7edf":[102,110],"\u652f\u6301\u4e24\u79cd\u5e8f\u5217\u7c7b\u578b":123,"\u652f\u6301\u4ea4\u53c9\u7f16\u8bd1":140,"\u652f\u6301\u53cc\u5c42\u5e8f\u5217\u4f5c\u4e3a\u8f93\u5165\u7684layer":[107,108],"\u652f\u6301\u5927\u6587\u4ef6\u7684\u65ad\u70b9\u4e0a\u4f20":51,"\u652f\u6301\u5927\u89c4\u6a21\u96c6\u7fa4\u751f\u4ea7\u73af\u5883\u7684\u5b8c\u6574\u96c6\u7fa4\u65b9\u6848":125,"\u652f\u6301\u7684\u6700\u5c0f\u7684android":138,"\u652f\u6301\u7684\u6700\u5c0fandroid":138,"\u652f\u6301\u7ef4\u6570\u53ef\u53d8\u7684\u6570\u636e\u8f93\u5165":97,"\u652f\u6301\u7f16\u8bd1\u5668":138,"\u6539\u53d8\u7ef4\u5ea6\u987a\u5e8f":97,"\u653e\u5728\u8fd9\u4e2a\u76ee\u5f55\u91cc\u7684\u6587\u4ef6\u5176\u5b9e\u662f\u4fdd\u5b58\u5230\u4e86mfs\u4e0a":129,"\u653e\u5fc3":106,"\u6545\u800c\u662f\u4e00\u4e2a\u5355\u5c42\u65f6\u95f4\u5e8f\u5217":106,"\u6548\u679c\u5982\u4e0b":118,"\u6559\u7a0b":100,"\u6570":108,"\u6570\u5b66\u5e93":121,"\u6570\u5fc5\u987b\u4e25\u683c\u76f8\u7b49":108,"\u6570\u636e":[51,123,124],"\u6570\u636e\u4e2d0":98,"\u6570\u636e\u5206\u7247":125,"\u6570\u636e\u63d0\u4f9b\u5668":133,"\u6570\u636e\u7c7b\u578b":4,"\u6570\u636e\u7f13\u5b58\u7684\u7b56\u7565":2,"\u6570\u636e\u8bbf\u95ee":0,"\u6570\u636e\u8bfb\u53d6\u5747\u4ea4\u7531\u5176\u4ed6\u8bed\u8a00\u5b8c\u6210":68,"\u6570\u636e\u8f93\u5165":[108,123],"\u6570\u636e\u8f93\u5165\u683c\u5f0f":2,"\u6570\u636e\u957f\u5ea6\u53ca\u6821\u9a8c\u503c\u7ec4\u6210":51,"\u6570\u636e\u96c6":124,"\u6570\u636e\u96c6\u9700\u8981\u9884\u5148\u88ab\u8f6c\u6362\u6210paddlepaddle\u5206\u5e03\u5f0f\u8bad\u7ec3\u4f7f\u7528\u7684\u5b58\u50a8\u683c":37,"\u6570\u636e\u9884\u5904\u7406\u4efb\u52a1":37,"\u6570\u76ee":136,"\u6574\u4f53":106,"\u6574\u4f53\u4f7f\u7528\u6d41\u7a0b":124,"\u6574\u4f53\u6570\u636e\u548c\u539f\u59cb\u6570\u636e\u5b8c\u5168\u4e00\u6837":106,"\u6574\u4f53\u7684\u7ed3\u6784\u56fe\u5982\u4e0b":129,"\u6574\u578b\u6570\u7ec4":123,"\u6574\u6570":112,"\u6574\u6570\u6807\u7b7e":[2,103],"\u6574\u6d01":106,"\u6587\u4ef6":[68,110,111,113,123,128],"\u6587\u4ef6\u4e2d":[113,124,129],"\u6587\u4ef6\u4e2d\u6ce8\u518c\u524d\u5411":113,"\u6587\u4ef6\u4e2d\u6ce8\u518c\u8be5op\u548ckernel":113,"\u6587\u4ef6\u4e2d\u6ce8\u518ccuda":113,"\u6587\u4ef6\u4e3a":96,"\u6587\u4ef6\u4e4b\u5916":111,"\u6587\u4ef6\u4f20\u8f93\u7684\u7684\u5173\u952e\u5728\u4e8e\u9700\u8981pfsclient\u7aef\u5bf9\u6bd4source\u548cdestination\u7684\u6587\u4ef6chunks\u7684checksum\u662f\u5426\u4fdd\u6301\u4e00\u81f4":51,"\u6587\u4ef6\u5185\u5bb9\u4e3a":68,"\u6587\u4ef6\u540d":118,"\u6587\u4ef6\u540d\u4e3a\u4efb\u610f\u6587\u4ef6\u540d":125,"\u6587\u4ef6\u540d\u4e3a\u6b64uuid":36,"\u6587\u4ef6\u547d\u540d\u4ee5":113,"\u6587\u4ef6\u59390":129,"\u6587\u4ef6\u5bf9\u5e94\u7684data":37,"\u6587\u4ef6\u5de5\u5177\u662f\u4f7f\u7528docker":115,"\u6587\u4ef6\u7684\u4e0a\u4f20\u548c\u4e0b\u8f7d\u90fd\u662f\u901a\u8fc7\u5bf9chunk\u7684\u64cd\u4f5c\u6765\u5b9e\u73b0\u7684":51,"\u6587\u4ef6\u7684\u6539\u53d8":111,"\u6587\u4ef6\u7684\u8def\u5f84\u6765\u52a0\u8f7d\u9884\u6d4b\u6a21\u578b":124,"\u6587\u4ef6model":136,"\u6587\u5b57\u7684\u4ea4\u4e92\u5f0f\u6587\u6863":100,"\u6587\u672c\u4fe1\u606f\u5c31\u662f\u4e00\u4e2a\u5e8f\u5217\u6570\u636e":2,"\u6587\u6863":93,"\u6587\u68631":114,"\u6587\u68632":114,"\u6587\u6863\u8f83\u5c11":114,"\u6587\u6863\u90fd\u662f\u901a\u8fc7":115,"\u6587\u7ae0":129,"\u65b0":106,"\u65b0\u5efa\u4e00\u4e2a\u6743\u91cd":112,"\u65b0\u624b\u5165\u95e8":137,"\u65b0\u624b\u5165\u95e8\u7ae0\u8282":85,"\u65b0\u7248\u672c":65,"\u65b9\u4fbf":106,"\u65b9\u4fbf\u5feb\u901f\u5b89\u88c5":101,"\u65b9\u4fbf\u6d4b\u8bd5\u4eba\u5458\u6d4b\u8bd5paddlepaddle\u7684\u884c\u4e3a":85,"\u65b9\u4fbf\u7528\u6237\u4e0a\u4f20\u81ea\u5df1\u7684\u8bad\u7ec3\u6570\u636e\u4ee5\u8fdb\u884c\u5206\u5e03\u5f0f\u8bad\u7ec3":51,"\u65b9\u4fbf\u7528\u6237\u5728python\u7aef\u9009\u62e9\u662f\u5426\u542f\u7528\u8fd9\u4e2a\u529f\u80fd":64,"\u65b9\u4fbf\u7528\u6237\u9009\u62e9\u4f7f\u7528mkl":65,"\u65b9\u5f0f1":96,"\u65b9\u5f0f2":96,"\u65b9\u5f0f\u5c06\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u548c\u8bad\u7ec3\u597d\u7684\u53c2\u6570\u5e8f\u5217\u5316\u5230\u4e00\u4e2a\u6587\u4ef6":124,"\u65b9\u5f0f\u7c7b\u4f3c\u4e8e":65,"\u65b9\u6cd5\u4e00":136,"\u65b9\u6cd5\u4e09":136,"\u65b9\u6cd5\u4e8c":136,"\u65c1\u8fb9":106,"\u65e0":106,"\u65e0\u5ef6\u8fdf":134,"\u65e0\u6cd5\u505a\u5230\u5bf9\u4e8e\u5404\u79cd\u8bed\u8a00\u9519\u8bef\u5904\u7406\u65b9\u5f0f\u7684\u9002\u914d":68,"\u65e0\u8bba\u5728\u672c\u5730\u8fd8\u662f\u5728\u4e91\u7aef":37,"\u65e0\u8bba\u662f\u4ece":37,"\u65e0\u8bba\u662f\u5728\u672c\u5730\u6216\u662f\u4e91\u7aef\u8f6c\u6362":37,"\u65e0\u8bba\u662f\u91cd\u6784\u524d\u7684layer\u8fd8\u662f\u91cd\u6784\u540e\u7684op":65,"\u65e0\u9700\u5173\u5fc3\u548c\u5904\u7406\u5e8f\u5217\u4fe1\u606f":123,"\u65e0\u9700\u63d0\u4f9b\u975e\u96f6\u5143\u7684\u503c":123,"\u65e0\u9700\u9644\u52a0\u5e8f\u5217\u4fe1\u606f":123,"\u65e0\u9ed8\u8ba4\u503c":[138,140],"\u65e5\u5fd7\u62a5\u9519\u4e3a\u7f51\u7edc\u901a\u4fe1\u7c7b\u9519\u8bef":94,"\u65e9\u9910":106,"\u65f6":[36,64,65,96,98,105,109,112,121,123,129,134,138],"\u65f6\u4e00\u8d77\u66f4\u65b0":65,"\u65f6\u4f7f\u7528openblas\u6570\u5b66\u5e93":121,"\u65f6\u5019":106,"\u65f6\u5982\u4f55\u7ec4\u7ec7\u8f93\u5165\u6570\u636e":123,"\u65f6\u5e8f\u6a21\u578b\u662f\u6307\u6570\u636e\u7684\u67d0\u4e00\u7ef4\u5ea6\u662f\u4e00\u4e2a\u5e8f\u5217\u5f62\u5f0f":2,"\u65f6\u6709\u6548":139,"\u65f6\u88ab\u8bad\u7ec3\u7684":112,"\u65f6\u8bbe\u5907id\u53f7\u7684\u5206\u914d":136,"\u65f6\u95f4":106,"\u65f6\u95f4\u6b65\u7684\u6982\u5ff5":106,"\u65f6\u987b\u4ece\u7b2c17\u5b57\u8282\u5f00\u59cb":98,"\u6620\u5c04\u4e3a":110,"\u6620\u5c04\u5230\u4e00\u4e2a\u7ef4\u5ea6\u4e3a":112,"\u662f":[51,65,93,102,106],"\u662f\u4e00\u4e2a\u51681\u7684\u5411\u91cf":112,"\u662f\u4e00\u4e2a\u5185\u7f6e\u7684\u5b9a\u65f6\u5668\u5c01\u88c5":119,"\u662f\u4e00\u4e2a\u52a8\u6001\u7a0b\u5e8f\u5206\u6790\u7684\u672f\u8bed":119,"\u662f\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u662f\u4e00\u4e2a\u53cc\u5c42\u7684\u5e8f\u5217":105,"\u662f\u4e00\u4e2a\u591a\u8bed\u8a00\u63a5\u53e3\u7684\u4ee3\u7801\u751f\u6210\u5668":68,"\u662f\u4e00\u4e2a\u5c01\u88c5\u5bf9\u8c61":119,"\u662f\u4e00\u4e2a\u5f88\u6709\u7528\u7684\u53c2\u6570":136,"\u662f\u4e00\u4e2a\u7c7b\u578b\u7684\u6807\u5fd7":69,"\u662f\u4e00\u4e2a\u975e\u7ebf\u6027\u7684":112,"\u662f\u4e00\u4e2apython\u7684":2,"\u662f\u4e00\u4e2apython\u7684\u7b2c\u4e09\u65b9\u5e93":118,"\u662f\u4e00\u4e2aunbound":108,"\u662f\u4e00\u6761\u65f6\u95f4\u5e8f\u5217":[2,103],"\u662f\u4e00\u6b21\u9884\u6d4b\u63a5\u53d7\u7684\u6837\u672c\u6570\u76ee":123,"\u662f\u4e00\u79cd\u4efb\u610f\u590d\u6742\u7684rnn\u5355\u5143":108,"\u662f\u4e0d\u5305\u62ec\u6e90\u7801\u7684":128,"\u662f\u4e0d\u5e38\u89c1\u7684\u505a\u6cd5":68,"\u662f\u4e0d\u662f\u5f88\u7b80\u5355\u5462":2,"\u662f\u4e0d\u662f\u8981\u5bf9\u6570\u636e\u505ashuffl":2,"\u662f\u4ec0\u4e48\u4e5f\u6ca1\u5173\u7cfb":2,"\u662f\u4f7f\u5f97\u8981\u5171\u4eab\u7684\u53c2\u6570\u4f7f\u7528\u540c\u6837\u7684":98,"\u662f\u4f7f\u7528mkl\u6570\u5b66\u5e93":121,"\u662f\u504f\u5dee":109,"\u662f\u51e0\u4e4e\u4e0d\u5360\u5185\u5b58\u7684":2,"\u662f\u5404\u4e2a\u5b9e\u73b0\u4e2d\u5171\u4eab\u7684\u5934\u6587\u4ef6":69,"\u662f\u5411\u91cf":112,"\u662f\u5426\u4ec5\u7f16\u8bd1capi":99,"\u662f\u5426\u4ee5\u9006\u5e8f\u5904\u7406\u8f93\u5165\u5e8f\u5217":108,"\u662f\u5426\u4f7f\u7528":139,"\u662f\u5426\u4f7f\u7528\u53cc\u7cbe\u5ea6\u6d6e\u70b9\u6570":99,"\u662f\u5426\u4f7f\u7528\u65e7\u7684remoteparameterupdat":134,"\u662f\u5426\u4f7f\u7528\u6743\u91cd":112,"\u662f\u5426\u4f7f\u7528arm\u6a21\u5f0f":138,"\u662f\u5426\u4f7f\u7528eigen\u5e93\u8fdb\u884c\u77e9\u9635\u8ba1\u7b97":[138,139],"\u662f\u5426\u4f7f\u7528mkl\u6570\u5b66\u5e93":99,"\u662f\u5426\u4f7f\u7528neon\u6307\u4ee4":[138,140],"\u662f\u5426\u4f7f\u80fd":139,"\u662f\u5426\u5141\u8bb8\u6682\u5b58\u7565\u5fae\u591a\u4f59pool_size\u7684\u6570\u636e":2,"\u662f\u5426\u5185\u5d4cpython\u89e3\u91ca\u5668":99,"\u662f\u5426\u5219\u5171\u4eab\u540c\u4e00\u4e2a":113,"\u662f\u5426\u542f\u7528gpu\u8bad\u7ec3":125,"\u662f\u5426\u5c06\u5168\u5c40\u79cd\u5b50\u5e94\u7528\u4e8e\u672c\u5730\u7ebf\u7a0b\u7684\u968f\u673a\u6570":134,"\u662f\u5426\u5f00\u542f\u5355\u5143\u6d4b\u8bd5":99,"\u662f\u5426\u6253\u5370\u7248\u672c\u4fe1\u606f":134,"\u662f\u5426\u6253\u5f00":64,"\u662f\u5426\u652f\u6301gpu":99,"\u662f\u5426\u663e\u793a":134,"\u662f\u5426\u7a00\u758f":112,"\u662f\u5426\u7f16\u8bd1\u4e2d\u82f1\u6587\u6587\u6863":99,"\u662f\u5426\u7f16\u8bd1\u542b\u6709avx\u6307\u4ee4\u96c6\u7684paddlepaddle\u4e8c\u8fdb\u5236\u6587\u4ef6":99,"\u662f\u5426\u7f16\u8bd1\u65f6\u8fdb\u884c\u4ee3\u7801\u98ce\u683c\u68c0\u67e5":99,"\u662f\u5426\u7f16\u8bd1c":139,"\u662f\u5426\u7f16\u8bd1go\u8bed\u8a00\u7684\u53ef\u5bb9\u9519paramet":99,"\u662f\u5426\u7f16\u8bd1python\u7684swig\u63a5\u53e3":99,"\u662f\u5426\u8fd0\u884c\u65f6\u52a8\u6001\u52a0\u8f7dcuda\u52a8\u6001\u5e93":99,"\u662f\u5426\u9700\u8981\u7b49\u5f85\u8be5\u8f6e\u6a21\u578b\u53c2\u6570":134,"\u662f\u56e0\u4e3a\u8fd9\u4e2a\u6d41\u7a0b\u6bd4\u5176\u4ed6\u65b9\u6cd5\u90fd\u66f4\u7b80\u4fbf":110,"\u662f\u56e0\u4e3ac99\u652f\u6301":68,"\u662f\u5728paddlepaddle\u4e2d\u6784\u9020\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u65f6\u6700\u91cd\u8981\u7684\u6982\u5ff5":109,"\u662f\u5b58\u6709\u4e00\u7cfb\u5217\u53d8\u6362\u77e9\u9635\u7684\u6743\u91cd":112,"\u662f\u5b58\u6709\u504f\u7f6e\u5411\u91cf\u7684\u6743\u91cd":112,"\u662f\u5bf9\u7528\u6237\u6587\u4ef6\u5b58\u50a8\u7a7a\u95f4\u7684\u62bd\u8c61":51,"\u662f\u5bfb\u627e\u74f6\u9888\u7684\u5173\u952e\u6307\u6807":118,"\u662f\u5f00\u542favx\u7f16\u8bd1\u7684":100,"\u662f\u5f85\u6269\u5c55\u7684\u6570\u636e":105,"\u662f\u6211\u4eec":111,"\u662f\u6211\u4eec\u8981\u5206\u6790\u7684\u7a0b\u5e8f":118,"\u662f\u6307":69,"\u662f\u6307\u4e00\u7cfb\u5217\u7684\u7279\u5f81\u6570\u636e":106,"\u662f\u6307recurrent_group\u7684\u591a\u4e2a\u8f93\u5165\u5e8f\u5217":106,"\u662f\u6570\u636e\u8f93\u5165":109,"\u662f\u6709\u610f\u4e49\u7684":106,"\u662f\u6784\u5efa\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684\u6700\u91cd\u8981\u7684\u5de5\u5177":109,"\u662f\u6ca1\u6709\u540d\u5b57\u7684":110,"\u662f\u7528\u6237\u4f7f\u7528c":69,"\u662f\u7684":110,"\u662f\u77e9\u9635":112,"\u662f\u795e\u7ecf\u7f51\u7edc\u5b9a\u4e49\u65f6":123,"\u662f\u7f51\u7edc\u5c42\u5b9e\u4f8b\u7684\u540d\u5b57\u6807\u8bc6\u7b26":112,"\u662f\u7f51\u7edc\u5c42\u7684\u6807\u8bc6\u7b26":112,"\u662f\u7f51\u7edc\u5c42\u7684\u7c7b\u578b":112,"\u662f\u7f51\u7edc\u5c42\u8f93\u51fa\u7684\u5927\u5c0f":112,"\u662f\u8be5\u5c42\u7684\u6807\u8bc6\u7b26":112,"\u662f\u8be5\u5c42\u7684\u7c7b\u540d":112,"\u662f\u8be5\u7f51\u7edc\u5c42\u7684":112,"\u662f\u8f93\u5165":109,"\u662f\u8fd9\u4e00\u7c7b\u7684":97,"\u662f\u8fdb\u884c\u8ba1\u7b97\u7684\u57fa\u672c\u5355\u4f4d":123,"\u662f\u9700\u8981\u4e86\u89e3\u54ea\u4e9b\u6b65\u9aa4\u62d6\u6162\u4e86\u6574\u4f53":119,"\u662fc":69,"\u662fdecoder\u7684\u6570\u636e\u8f93\u5165":108,"\u662fnvidia\u6027\u80fd\u5206\u6790\u5de5\u5177":119,"\u662fpaddlepaddle\u4e2d\u5355\u5c42\u5e8f\u5217\u548c\u53cc\u5c42\u5e8f\u5217\u5b58\u50a8\u793a\u610f\u56fe":123,"\u662fpaddlepaddle\u652f\u6301\u7684\u4e00\u79cd\u4efb\u610f\u590d\u6742\u7684rnn\u5355\u5143":108,"\u662fpython\u5c01\u88c5\u7684\u7c7b\u540d":112,"\u662frnn\u72b6\u6001":109,"\u663e\u5f0f\u6307\u5b9a\u8fd4\u56de\u7684\u662f\u4e00\u4e2a28":2,"\u663e\u5f97\u76f8\u5bf9\u6765\u8bf4\u8f83\u4e3a\u8017\u65f6":64,"\u663e\u7136":118,"\u665a":106,"\u6682\u4e0d\u8003\u8651\u5728\u5185":96,"\u6682\u65e0":102,"\u6682\u65f6\u4e0d\u652f\u6301python3":102,"\u6682\u65f6\u4e0d\u8003\u8651\u591a\u4e2aparamet":36,"\u66b4\u9732\u8fd9\u4e2a\u6982\u5ff5\u5fc5\u8981\u51fd\u6570":69,"\u66f4\u522b\u63d0\u7b80\u5316\u95ee\u9898\u590d\u73b0\u5e26\u6765\u7684\u597d\u5904\u4e86":110,"\u66f4\u591a\u5173\u4e8edocker\u7684\u5b89\u88c5\u4e0e\u4f7f\u7528":93,"\u66f4\u591a\u7684\u8f6c\u6362\u65b9\u6cd5\u8bf7\u53c2\u8003eigen":114,"\u66f4\u597d\u5730\u5b8c\u6210\u4e00\u4e9b\u590d\u6742\u7684\u8bed\u8a00\u7406\u89e3\u4efb\u52a1":108,"\u66f4\u5feb":109,"\u66f4\u65b0":93,"\u66f4\u65b0\u53ef\u80fd\u5bfc\u81f4\u9700\u8981\u65b0\u7684\u5f00\u53d1\u5de5\u5177":110,"\u66f4\u65b0\u6a21\u5f0f":96,"\u66f4\u65b0\u7684\u6587\u6863\u4ee5pr\u7684\u5f62\u5f0f\u63d0\u4ea4\u5230github\u4e2d":115,"\u66f4\u65b0\u7f51\u7edc\u53c2\u6570\u65f6\u5e94\u7528":96,"\u66f4\u65b9\u4fbf\u7684\u8bbe\u7f6e\u65b9\u5f0f":98,"\u66f4\u8be6\u7ec6\u7684\u5b89\u88c5\u548c\u7f16\u8bd1\u65b9\u6cd5\u53c2\u8003":104,"\u66f4\u8fdb\u4e00\u6b65":108,"\u66f4\u9ad8":109,"\u66ff\u6211\u4eec\u5b8c\u6210\u4e86\u539f\u59cb\u8f93\u5165\u6570\u636e\u7684\u62c6\u5206":108,"\u6700":106,"\u6700\u4e3b\u8981\u7684\u5de5\u4f5c\u5c31\u662f\u89e3\u6790\u51fa":129,"\u6700\u4f73\u63a8\u8350":2,"\u6700\u540e":[2,100,111,112,125],"\u6700\u540e\u4e00\u4e2a":105,"\u6700\u540e\u4e00\u5c42cost\u4e2d\u8bb0\u5f55\u4e86\u795e\u7ecf\u7f51\u7edc\u7684\u6240\u6709\u62d3\u6251\u7ed3\u6784":103,"\u6700\u540e\u518d\u8c03\u7528mutabl":114,"\u6700\u540e\u5220\u9664":85,"\u6700\u540e\u6211\u4eec\u4f7f\u7528\u94fe\u5f0f\u6cd5\u5219\u8ba1\u7b97":112,"\u6700\u540e\u8ba1\u7b97softmax":97,"\u6700\u5c0f\u7684ios\u90e8\u7f72\u7248\u672c":139,"\u6700\u5c11\u663e\u793a\u591a\u5c11\u4e2a\u8282\u70b9":134,"\u6700\u5e38\u89c1\u7684\u9519\u8bef\u5904\u7406\u65b9\u5f0f\u662fexcept":68,"\u6700\u65b0\u7684\u4ee3\u7801":111,"\u6700\u65b0\u7684paddlepaddl":[93,100],"\u6700\u7ec8":112,"\u6700\u7ec8\u5b9e\u73b0\u4e00\u4e2a\u5c42\u6b21\u5316\u7684\u590d\u6742rnn":108,"\u6700\u7ec8\u6211\u4eec\u53ef\u4ee5\u8c03\u7528trainer\u7684train\u65b9\u6cd5\u542f\u52a8\u8bad\u7ec3":103,"\u6700\u7ec8\u7684\u8f93\u51fa\u7ed3\u679c":108,"\u6708\u6e56":106,"\u6709":106,"\u6709\u4e00\u4e9b\u5fc5\u987b\u914d\u7f6e\u7684\u53c2\u6570":[138,139,140],"\u6709\u4e24\u79cd\u65b9\u6cd5":99,"\u6709\u4e9b\u5c42\u53ef\u80fd\u9700\u8981\u9ad8\u7cbe\u5ea6\u6765\u4fdd\u8bc1\u68af\u5ea6\u68c0\u67e5\u5355\u6d4b\u6b63\u786e\u6267\u884c":112,"\u6709\u4e9b\u5c42\u6216\u8005\u6fc0\u6d3b\u9700\u8981\u505a\u5f52\u4e00\u5316\u4ee5\u4fdd\u8bc1\u5b83\u4eec\u7684\u8f93\u51fa\u7684\u548c\u662f\u4e00\u4e2a\u5e38\u6570":112,"\u6709\u4e9b\u7279\u5f81\u7684\u53d6\u503c\u8fbe\u5230\u6570\u767e\u4e07":96,"\u6709\u4eba\u7528\u865a\u62df\u673a\u6765\u7c7b\u6bd4":110,"\u6709\u4ee5\u4e0b\u5efa\u8bae":[138,139],"\u6709\u5173":106,"\u6709\u5173\u53c2\u6570\u914d\u7f6e\u7684\u8be6\u7ec6\u8bf4\u660e\u89c1":138,"\u6709\u5173\u7ebf\u6027\u56de\u5f52\u7684\u5b9e\u9645\u5e94\u7528":103,"\u6709\u52a9\u4e8e\u8bca\u65ad\u5206\u5e03\u5f0f\u9519\u8bef":126,"\u6709\u591a\u96be":110,"\u6709\u6548\u63d0\u5347paddlepaddle\u5728\u82f1\u7279\u5c14\u67b6\u6784\u4e0a\u7684\u6027\u80fd":[64,65],"\u6709\u65f6\u5019\u6211\u4eec\u4f1a\u5e0c\u671b\u6e05\u7406\u6389\u5df2\u7ecf\u4e0b\u8f7d\u7684\u7b2c\u4e09\u65b9\u4f9d\u8d56\u4ee5\u53ca\u5df2\u7ecf\u7f16\u8bd1\u7684\u4e8c\u8fdb\u5236\u6587\u4ef6":110,"\u6709\u65f6\u5019\u6211\u4eec\u53ea\u60f3\u8fd0\u884c\u4e00\u4e2a\u7279\u5b9a\u7684\u5355\u5143\u6d4b\u8bd5":110,"\u6709\u6807\u51c6\u7684":68,"\u6709\u7684\u65f6\u5019":68,"\u6709\u7684\u65f6\u5019\u7b80\u7b80\u5355\u5355\u7684\u6539\u53d8\u5c31\u80fd\u5728\u6027\u80fd\u4e0a\u4ea7\u751f\u660e\u663e\u7684\u4f18\u5316\u6548\u679c":119,"\u6709\u7684\u8bdd\u9700\u8981\u5148\u5378\u8f7d":93,"\u6709\u975e\u5e38\u5927\u7684\u5dee\u522b":118,"\u670d\u52a1":106,"\u670d\u52a1\u5458":106,"\u670d\u52a1\u5668\u4e4b\u95f4\u53ef\u4ee5\u901a\u8fc7\u5c40\u57df\u7f51":125,"\u672a\u6307\u5b9a\u6309\u7167double\u7cbe\u5ea6\u7f16\u8bd1":98,"\u672a\u8bbe\u7f6e":139,"\u672c\u4f8b\u4e2d\u4f7f\u7528for\u5faa\u73af\u8fdb\u884c\u591a\u6b21\u8c03\u7528":2,"\u672c\u4f8b\u4e2d\u7684\u539f\u59cb\u6570\u636e\u4e00\u5171\u670910\u4e2a\u6837\u672c":106,"\u672c\u4f8b\u4e2d\u7684\u8f93\u5165\u7279\u5f81\u662f\u8bcdid\u7684\u5e8f\u5217":2,"\u672c\u4f8b\u6839\u636e\u7f51\u7edc\u914d\u7f6e\u4e2d":2,"\u672c\u4f8b\u7684":2,"\u672c\u4f8b\u91c7\u7528\u82f1\u6587\u60c5\u611f\u5206\u7c7b\u7684\u6570\u636e":2,"\u672c\u5217\u8868\u8bf4\u660epaddlepaddle\u53d1\u7248\u4e4b\u524d\u9700\u8981\u6d4b\u8bd5\u7684\u529f\u80fd\u70b9":85,"\u672c\u5730":[93,102],"\u672c\u5730\u6d4b\u8bd5":133,"\u672c\u5730\u8bad\u7ec3":[123,133],"\u672c\u5730\u8bad\u7ec3\u4e0e\u9884\u6d4b":95,"\u672c\u5730\u8bad\u7ec3\u7684\u5b9e\u9a8c":136,"\u672c\u6559\u7a0b\u4e3b\u8981\u4ecb\u7ecd\u5e26kernel\u7684op\u5982\u4f55\u5199":113,"\u672c\u6559\u7a0b\u5c06\u6307\u5bfc\u4f60\u5982\u4f55\u5728":109,"\u672c\u6587\u4e2d\u6240\u6709\u7684\u4f8b\u5b50":106,"\u672c\u6587\u4e2d\u7684\u4f8b\u5b50\u91cc":110,"\u672c\u6587\u4e2d\u793a\u4f8b\u6240\u4f7f\u7528\u7684\u5355\u5143\u6d4b\u8bd5\u6587\u4ef6\u662f":106,"\u672c\u6587\u4ee5paddlepaddle\u7684\u53cc\u5c42rnn\u5355\u5143\u6d4b\u8bd5\u4e3a\u793a\u4f8b":106,"\u672c\u6587\u5c06\u4ecb\u7ecd\u5728kubernetes\u5bb9\u5668\u7ba1\u7406\u5e73\u53f0\u4e0a\u5feb\u901f\u6784\u5efapaddlepaddle\u5bb9\u5668\u96c6\u7fa4":129,"\u672c\u6587\u5c06\u4ecb\u7ecd\u5982\u4f55\u4f7f\u7528paddlepaddle\u5728\u4e0d\u540c\u7684\u96c6\u7fa4\u6846\u67b6\u4e0b\u5b8c\u6210\u5206\u5e03\u5f0f\u8bad\u7ec3":125,"\u672c\u6587\u6863\u5c06\u4ee5linux":138,"\u672c\u6587\u6863\u63cf\u8ff0paddl":69,"\u672c\u6587\u7684\u5c06\u4ecb\u7ecd\u5728macos\u4e0a":139,"\u672c\u6765":106,"\u672c\u6b21\u8bad\u7ec3\u6587\u4ef6\u6240\u5728\u76ee\u5f55":129,"\u672c\u6b21\u8bad\u7ec3\u7684yaml\u6587\u4ef6\u53ef\u4ee5\u5199\u6210":129,"\u672c\u6b21\u8bad\u7ec3\u8981\u6c42\u67093\u4e2apaddlepaddle\u8282\u70b9":129,"\u672c\u793a\u4f8b\u4e2d\u4f7f\u7528\u7684\u539f\u59cb\u6570\u636e\u5982\u4e0b":106,"\u672c\u793a\u4f8b\u610f\u56fe\u4f7f\u7528\u5355\u5c42rnn\u548c\u53cc\u5c42rnn\u5b9e\u73b0\u4e24\u4e2a\u5b8c\u5168\u7b49\u4ef7\u7684\u5168\u8fde\u63a5rnn":106,"\u673a\u5668\u4e0a\u4ee5\u53ca":140,"\u673a\u5668\u7684\u8bbe\u5907":136,"\u673a\u5668\u7ffb\u8bd1":85,"\u6743\u91cd\u66f4\u65b0\u7684\u68af\u5ea6":134,"\u6765":106,"\u6765\u4e3a\u4e00\u4e2a":123,"\u6765\u4ee3\u66ff":111,"\u6765\u4f20\u8f93\u7f51\u7edc\u914d\u7f6e\u6587\u4ef6\u4e2d\u5b9a\u4e49\u7684\u7f51\u7edc\u7ed3\u6784\u548c\u76f8\u5173\u53c2\u6570":124,"\u6765\u4f7f\u7528dropout":97,"\u6765\u4f7f\u7528dropout\u7684":97,"\u6765\u4fdd\u8bc1\u8bad\u7ec3\u8fc7\u7a0b\u53ef\u4ee5\u4ece\u4e2d\u95f4\u72b6\u6001\u91cd\u65b0\u542f\u52a8":36,"\u6765\u505a\u68af\u5ea6\u68c0\u67e5":112,"\u6765\u51b3\u5b9a\u662f\u5426\u5f00\u542fmkl":64,"\u6765\u5206\u6790\u6267\u884c\u6587\u4ef6":119,"\u6765\u521d\u59cb\u5316\u53c2\u6570":98,"\u6765\u542f\u52a8\u548c":110,"\u6765\u5b58\u50a8":123,"\u6765\u5b58\u50a8\u6570\u636e":[123,124],"\u6765\u5b8c\u6210\u524d\u5411\u548c\u53cd\u5411\u8ba1\u7b97":124,"\u6765\u5b8c\u6210\u7f51\u7edc\u7684\u8bad\u7ec3":103,"\u6765\u5b9a\u4e49\u5faa\u73af\u795e\u7ecf\u7f51\u7edc":109,"\u6765\u5b9e\u73b0":65,"\u6765\u5b9e\u9645\u5b58\u50a8\u6570\u636e":[123,124],"\u6765\u5bf9\u6bd4\u5206\u6790\u4e24\u8005\u8bed\u4e49\u76f8\u540c\u7684\u539f\u56e0":106,"\u6765\u5f71\u54cdpaddlepaddle\u7684\u7f16\u8bd1\u8fc7\u7a0b":[138,139],"\u6765\u5f97\u5230\u67d0\u4e2a\u7279\u5b9a\u53c2\u6570\u7684\u68af\u5ea6\u77e9\u9635":112,"\u6765\u6267\u884c":110,"\u6765\u63a5\u53d7\u4e0d\u4f7f\u7528\u7684\u51fd\u6570\u4ee5\u4fdd\u8bc1\u517c\u5bb9\u6027":2,"\u6765\u63cf\u8ff0\u7684":114,"\u6765\u63cf\u8ff0\u8be5op\u7684\u8f93\u5165":113,"\u6765\u63cf\u8ff0\u8f93\u5165":123,"\u6765\u642d\u5efa\u795e\u7ecf\u7f51\u7edc":103,"\u6765\u663e\u793a\u6027\u80fd\u5206\u6790\u7ed3\u679c":118,"\u6765\u67e5\u770b\u6027\u80fd\u5206\u6790\u7ed3\u679c":118,"\u6765\u6ce8\u518c\u8be5\u5c42":112,"\u6765\u6df7\u5408\u4f7f\u7528gpu\u548ccpu\u8ba1\u7b97\u7f51\u7edc\u5c42\u7684\u53c2\u6570":136,"\u6765\u6e05\u7406\u8fd9\u4e9b\u5185\u5bb9":110,"\u6765\u7279\u6307":123,"\u6765\u7279\u6307\u8c03\u7528paddlepaddl":124,"\u6765\u7279\u6307paddlepaddl":124,"\u6765\u7279\u6307paddlepaddle\u4e2d\u7684\u4e00\u7ef4\u6574\u578b\u6570\u7ec4":123,"\u6765\u7279\u6307paddlepaddle\u4e2d\u7684\u4e8c\u7ef4\u6d6e\u70b9\u578b\u77e9\u9635":123,"\u6765\u7279\u6307paddlepaddle\u4e2d\u795e\u7ecf\u7f51\u7edc\u8ba1\u7b97\u5c42\u4e00\u4e2a\u8f93\u5165":123,"\u6765\u786e\u4fdd\u628a":68,"\u6765\u786e\u5b9a\u5bf9\u5e94\u5173\u7cfb":2,"\u6765\u786e\u5b9a\u7a00\u758f\u77e9\u9635\u7684\u5185\u5bb9":123,"\u6765\u7f16\u8bd1":110,"\u6765\u81ea\u5b9a\u4e49\u4f20\u6570\u636e\u7684\u8fc7\u7a0b":1,"\u6765\u83b7\u5f97\u8f93\u51fa\u7684\u68af\u5ea6":112,"\u6765\u8868\u793a":109,"\u6765\u8868\u793a\u95e8\u63a7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc":109,"\u6765\u8868\u793apaddle\u5185\u90e8\u7c7b":68,"\u6765\u89e3\u51b3\u4e0a\u9762\u7684\u95ee\u9898":96,"\u6765\u8ba1\u7b97\u68af\u5ea6":112,"\u6765\u8bb0\u5f55\u8f93\u5165":123,"\u6765\u8bb2\u89e3\u5982\u4f55\u4f7f\u7528\u53cc\u5c42rnn":106,"\u6765\u8bbe\u7f6e":98,"\u6765\u8bbf\u95ee\u7528\u6237\u81ea\u5df1\u7684\u6570\u636e":37,"\u6765\u8bf4\u660epydataprovider2\u7684\u7b80\u5355\u4f7f\u7528\u573a\u666f":2,"\u6765\u8bfb\u53d6\u4e00\u4e2a":123,"\u6765\u8c03\u6574":111,"\u6765\u8c03\u7528":110,"\u6765\u8fd0\u884c\u5305\u62ec":110,"\u6765\u8fd0\u884c\u5355\u5143\u6d4b\u8bd5\u4e86":110,"\u6765\u8fd0\u884c\u6027\u80fd\u5206\u6790\u548c\u8c03\u4f18":119,"\u6765\u8fd0\u884c\u955c\u50cf":100,"\u6765\u8fdb\u884c\u8ba8\u8bba":69,"\u6765\u9884\u6d4b\u8fd9\u4e2a\u4e2d\u95f4\u7684\u8bcd":96,"\u676f\u5b50":106,"\u6784\u5efa":138,"\u6784\u5efa\u597d\u5f00\u53d1\u955c\u50cf\u540e":138,"\u6784\u5efa\u76ee\u6807\u4e3a":139,"\u6784\u6210\u4e00\u4e2a\u5e8f\u5217":123,"\u6784\u6210\u4e86\u8f93\u51fa\u53cc\u5c42\u5e8f\u5217\u7684\u7b2ci\u4e2a":105,"\u6784\u9020":129,"\u6784\u9020\u51fd\u6570\u542b\u67092\u4e2a\u53c2\u6570":113,"\u6784\u9020\u51fd\u6570\u91cc\u901a\u8fc7":113,"\u6784\u9020paddl":4,"\u67b6\u6784\u7684\u6a21\u62df\u5668\u5e73\u53f0":139,"\u67b6\u6784\u7684iphone\u6216\u8005ipad\u7b49\u7269\u7406\u8bbe\u5907":139,"\u67d0\u4e00\u4e2a\u795e\u7ecf\u5143\u7684\u4e00\u4e2a\u8f93\u5165\u4e3a\u4e0a\u4e00\u4e2a\u65f6\u95f4\u6b65\u7f51\u7edc\u4e2d\u67d0\u4e00\u4e2a\u795e\u7ecf\u5143\u7684\u8f93\u51fa":106,"\u67d0\u4e9b\u53c2\u6570\u53ea\u53ef\u7528\u4e8e\u7279\u5b9a\u7684\u5c42\u4e2d":133,"\u67e5\u770b":111,"\u67e5\u770b\u5305\u7684\u5927\u5c0f":93,"\u67e5\u770b\u5f53\u524d\u72b6\u6001":111,"\u67e5\u770b\u5f53\u524d\u8fdc\u7a0b\u4ed3\u5e93\u7684\u540d\u5b57":111,"\u67e5\u770b\u6587\u4ef6\u5177\u4f53\u88ab\u4fee\u6539\u7684\u5185\u5bb9":111,"\u67e5\u770b\u662f\u5426\u662f\u5176\u4ed6\u9519\u8bef\u5f15\u53d1\u7684\u62a5\u9519":94,"\u67e5\u770bjob\u7684\u8be6\u7ec6\u60c5\u51b5":128,"\u67e5\u770blatest":85,"\u6807\u51c6":102,"\u6807\u51c6\u5dee\u4e3a":98,"\u6807\u51c6\u8868\u793apaddlepaddle\u7248\u672c\u53f7":85,"\u6807\u8bc6\u4e86\u4e00\u4e2a\u8f93\u51fa\u7684\u6587\u4ef6\u540d":118,"\u6807\u8bc6\u6027\u80fd\u5206\u6790\u7684\u7ed3\u679c\u6587\u4ef6":118,"\u6807\u8bc6\u662f\u5426\u4e3a\u8fde\u7eed\u7684batch\u8ba1\u7b97":134,"\u6807\u8bc6\u88ab\u6027\u80fd\u5206\u6790\u7684\u6e90\u6587\u4ef6":118,"\u6807\u8bc6http\u670d\u52a1\u7684\u7aef\u53e3":118,"\u6807\u8bc6http\u670d\u52a1\u7ed1\u5b9a\u7684ip":118,"\u6838\u4e00\u6837\u591a\u7684\u8fdb\u7a0b\u6765\u5e76\u884c\u7f16\u8bd1":110,"\u6838\u5fc3\u4ee3\u7801\u7f16\u8bd1\u6210\u94fe\u63a5\u5e93":121,"\u6839\u636e\u4e2a\u4eba\u7684\u9700\u6c42\u4fee\u6539\u5b9a\u5236docker\u5bb9\u5668\u6240\u6267\u884c\u7684\u811a\u672c":138,"\u6839\u636e\u4f60\u7684\u4efb\u52a1":136,"\u6839\u636e\u524d\u6587\u7684\u63cf\u8ff0":129,"\u6839\u636e\u7f51\u7edc\u914d\u7f6e\u4e2d\u7684":134,"\u6839\u636e\u8f93\u5165tensor\u7684\u5927\u5c0f\u6765\u8bbe\u7f6e\u8f93\u51fatensor\u7684\u5927\u5c0f":114,"\u6839\u636e\u8fd9\u4e9b\u53c2\u6570\u7684\u4f7f\u7528\u573a\u5408":133,"\u6839\u636e\u9ed8\u8ba4\u503c\u9012\u589e":134,"\u6839\u636e\u9ed8\u8ba4\u7aef\u53e3\u53f7\u9012\u589e":134,"\u6839\u636ejob\u5bf9\u5e94\u7684pod\u4fe1\u606f":128,"\u6839\u636eport":125,"\u683c\u5f0f":134,"\u683c\u5f0f\u4e0d\u5339\u914d\u65f6":65,"\u683c\u5f0f\u5b58\u50a8":123,"\u683c\u5f0f\u7684\u6587\u4ef6\u6765\u5b58\u653e":113,"\u6846\u67b6\u63d0\u4f9b\u7684blas\u51fd\u6570\u8fdb\u884c\u77e9\u9635\u8ba1\u7b97":139,"\u6846\u67b6\u8fdb\u884cblas\u77e9\u9635\u8ba1\u7b97":139,"\u68af\u5ea6\u4f1a\u5c31\u5730":112,"\u68af\u5ea6\u4f1a\u6709\u566a\u58f0":125,"\u68af\u5ea6\u53c2\u6570\u7684\u5206\u5757\u6570\u76ee":134,"\u68af\u5ea6\u5c31\u53ef\u4ee5\u901a\u8fc7\u8fd9\u4e2a\u65b9\u7a0b\u8ba1\u7b97\u5f97\u5230":112,"\u68af\u5ea6\u670d\u52a1\u5668\u7684\u6570\u91cf":134,"\u68af\u5ea6\u68c0\u67e5\u5355\u5143\u6d4b\u8bd5\u901a\u8fc7\u6709\u9650\u5dee\u5206\u6cd5\u6765\u9a8c\u8bc1\u4e00\u4e2a\u5c42\u7684\u68af\u5ea6":112,"\u68af\u5ea6\u68c0\u67e5\u7684\u8f93\u5165\u6570\u636e\u7684\u6279\u6b21\u5927\u5c0f":112,"\u68c0\u67e5\u70b9\u4fdd\u5b58\u7a0b\u5e8f\u6d41\u7a0b":36,"\u68c0\u67e5\u8f93\u5165\u6570\u636e\u7ef4\u5ea6":113,"\u697c\u5c42":106,"\u6982\u5ff5\u4e0a":124,"\u6982\u5ff5\u4e0a\u53ef\u4ee5\u5c06":123,"\u6a21\u5757\u4e0b\u7684\u76f8\u5173":114,"\u6a21\u5757\u4e2d\u7684":2,"\u6a21\u578b\u4e00\u76f4\u4e0d\u6536\u655b":96,"\u6a21\u578b\u4e2d\u6240\u6709\u53ef\u5b66\u4e60\u53c2\u6570\u4f1a\u88ab\u5b58\u4e3a\u4e00\u4e2a\u538b\u7f29\u6587\u4ef6":124,"\u6a21\u578b\u53c2\u6570\u68c0\u67e5\u70b9\u901a\u8fc7\u5b9a\u671f\u5411\u78c1\u76d8\u4e0a\u4fdd\u5b58\u4e00\u4efd\u5b58\u50a8\u5728paramet":36,"\u6a21\u578b\u6570\u636e\u68c0\u67e5\u70b9\u7684\u5b9e\u73b0":36,"\u6a21\u578b\u6587\u4ef6\u5c06\u88ab\u5199\u5165\u8282\u70b9":126,"\u6a21\u578b\u6765\u6307\u5bfc\u4f60\u5b8c\u6210\u8fd9\u4e9b\u6b65\u9aa4":109,"\u6a21\u578b\u6f14\u793a\u5982\u4f55\u914d\u7f6e\u590d\u6742\u7684\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u6a21\u578b":109,"\u6a21\u578b\u7684\u4ee3\u7801\u53ef\u4ee5\u5728":109,"\u6a21\u578b\u7684\u7f16\u7801\u5668\u90e8\u5206\u5982\u4e0b\u6240\u793a":109,"\u6a21\u578b\u8bad\u7ec3\u7b49\u4efb\u52a1":103,"\u6a21\u578b\u914d\u7f6e":[0,95],"\u6a21\u578b\u914d\u7f6e\u89e3\u6790":68,"\u6a21\u578b\u9884\u6d4b":4,"\u6a21\u5f0f\u4e0b\u7684\u6027\u80fd\u6d4b\u8bd5\u662f\u6ca1\u6709\u610f\u4e49\u7684":118,"\u6a2a\u5411\u62fc\u63a5":96,"\u6b21":106,"\u6b21\u8fed\u4ee3\u6267\u884c\u7684\u8f6c\u6362\u6b21\u6570\u4e3a":64,"\u6b22\u8fce\u901a\u8fc7":111,"\u6b63\u5728\u7b49\u5f85\u672a\u5b8c\u6210\u7684\u4efb\u52a1":93,"\u6b63\u5e38\u60c5\u51b5\u4e0b\u662f75m":93,"\u6b63\u786e\u7684\u89e3\u51b3\u65b9\u6cd5\u662f":93,"\u6b63\u8d1f\u5bf9\u9a8c\u8bc1":133,"\u6b64\u547d\u4ee4\u5c06\u5728":138,"\u6b64\u5904\u90fd\u4e3a2":106,"\u6b64\u5916":[97,110,111,138],"\u6b64\u6559\u7a0b\u4f1a\u4ecb\u7ecd\u5982\u4f55\u4f7f\u7528python\u7684cprofile\u5305":118,"\u6b64\u6559\u7a0b\u5c06\u5411\u60a8\u5206\u6b65\u4ecb\u7ecd\u5982\u4f55\u4f7f\u7528\u5185\u7f6e\u7684\u5b9a\u65f6\u5de5\u5177":119,"\u6b64\u65f6\u53ea\u9700\u8981":110,"\u6b64\u65f6\u53ef\u4ee5\u5728\u8c03\u7528infer\u63a5\u53e3\u65f6\u901a\u8fc7\u8bbe\u7f6e":96,"\u6b64\u65f6\u53ef\u4ee5\u8df3\u8fc7paddlepaddle\u6a21\u578b\u53c2\u6570\u6587\u4ef6\u7684\u5934\u4fe1\u606f":98,"\u6b64\u65f6\u6bcf\u4e2a\u5c0f\u5206\u652f\u7684":65,"\u6b64\u65f6master\u5c06\u8d1f\u8d23\u542f\u52a8\u4e00\u4e2a\u65b0\u7684train":36,"\u6b64\u76ee\u5f55":124,"\u6b64\u793a\u4f8b":124,"\u6b64\u7c7b\u62a5\u9519\u901a\u5e38\u662f\u7531\u4e8e\u67d0\u4e00\u4e2a\u8282\u70b9\u7684\u9519\u8bef\u5bfc\u81f4\u8fd9\u4e2a\u8282\u70b9\u7684\u8bad\u7ec3\u8fdb\u7a0b\u9000\u51fa":94,"\u6b65\u9aa4":96,"\u6bb5\u843d\u53ef\u4ee5\u770b\u4f5c\u662f\u4e00\u4e2a\u5d4c\u5957\u7684\u53cc\u5c42\u7684\u5e8f\u5217":108,"\u6bb5\u843d\u662f\u7531\u53e5\u5b50\u6784\u6210\u7684\u5e8f\u5217":123,"\u6bcf\u4e00\u4e2a":[85,124],"\u6bcf\u4e00\u4e2a\u5916\u5c42\u5e8f\u5217\u53c8\u542b\u6709\u82e5\u5e72\u4e2a\u5185\u5c42\u5e8f\u5217":123,"\u6bcf\u4e00\u4e2a\u5e8f\u5217\u5728\u6574\u4e2a":123,"\u6bcf\u4e00\u4e2a\u6587\u4ef6\u662f\u6570\u636e\u96c6\u7684\u4e00\u4e2ashard":37,"\u6bcf\u4e00\u4e2a\u65f6\u95f4\u6b65":106,"\u6bcf\u4e00\u4e2a\u65f6\u95f4\u6b65\u4e4b\u95f4\u7684\u795e\u7ecf\u7f51\u7edc\u5177\u6709\u4e00\u5b9a\u7684\u76f8\u5173\u6027":106,"\u6bcf\u4e00\u4e2a\u8282\u70b9\u90fd\u6709\u76f8\u540c\u7684\u65e5\u5fd7\u7ed3\u6784":126,"\u6bcf\u4e00\u4e2a\u8f93\u5165":[123,124],"\u6bcf\u4e00\u4e2alayer\u8f93\u51fa\u77e9\u9635\u7684\u9ad8\u5ea6":96,"\u6bcf\u4e00\u5217\u7684\u542b\u4e49\u662f":118,"\u6bcf\u4e00\u7ec4\u5185\u7684\u6240\u6709\u53e5\u5b50\u548clabel":106,"\u6bcf\u4e00\u884c\u5143\u7d20\u5728":123,"\u6bcf\u4e2a":65,"\u6bcf\u4e2a\u503c\u7684\u7c7b\u578b\u53ef\u4ee5\u662f\u6574\u5f62":37,"\u6bcf\u4e2a\u5143\u7d20\u662f\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"\u6bcf\u4e2a\u5143\u7d20\u662f\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u6bcf\u4e2a\u5355\u5c42rnn":108,"\u6bcf\u4e2a\u53c2\u6570\u670d\u52a1\u5668\u53ea\u4fdd\u5b58\u6574\u4e2a\u795e\u7ecf\u7f51\u7edc\u6240\u6709\u53c2\u6570\u7684\u4e00\u90e8\u5206":125,"\u6bcf\u4e2a\u53e5\u5b50\u53c8\u662f\u5355\u8bcd\u7684\u6570\u7ec4":106,"\u6bcf\u4e2a\u53e5\u5b50\u90fd\u4ee5\u5f00\u59cb\u6807\u8bb0\u5f00\u5934":109,"\u6bcf\u4e2a\u53e5\u5b50\u90fd\u4ee5\u7ed3\u675f\u6807\u8bb0\u7ed3\u5c3e":109,"\u6bcf\u4e2a\u5b50\u5e8f\u5217\u957f\u5ea6\u53ef\u4ee5\u4e0d\u4e00\u81f4":106,"\u6bcf\u4e2a\u5c42\u5728\u5176":112,"\u6bcf\u4e2a\u6279\u6b21\u6570\u636e":134,"\u6bcf\u4e2a\u65f6\u95f4\u6b65\u4e4b\u5185\u7684\u8fd0\u7b97\u662f\u72ec\u7acb\u7684":108,"\u6bcf\u4e2a\u65f6\u95f4\u6b65\u90fd\u7528\u4e86\u4e0a\u4e00\u4e2a\u65f6\u95f4\u6b65\u7684\u8f93\u51fa\u7ed3\u679c":106,"\u6bcf\u4e2a\u6743\u91cd\u5bf9\u5e94\u4e00\u4e2a\u8f93\u5165":112,"\u6bcf\u4e2a\u6837\u672c\u7531\u4e24\u90e8\u5206\u7ec4\u6210":106,"\u6bcf\u4e2a\u6837\u672c\u95f4\u7528\u7a7a\u884c\u5206\u5f00":106,"\u6bcf\u4e2a\u6d4b\u8bd5\u4f1a\u5bf9\u6bd4paddlepaddle\u4e2dcpu\u7b97\u51fa\u7684\u7ed3\u679c\u4e0emkl":65,"\u6bcf\u4e2a\u72b6\u6001":108,"\u6bcf\u4e2a\u7ebf\u7a0b":134,"\u6bcf\u4e2a\u7ebf\u7a0b\u5206\u914d\u5230128\u4e2a\u6837\u672c\u7528\u4e8e\u8bad\u7ec3":134,"\u6bcf\u4e2a\u8bad\u7ec3\u8282\u70b9\u5fc5\u987b\u6307\u5b9a\u4e00\u4e2a\u552f\u4e00\u7684id\u53f7":134,"\u6bcf\u4e2a\u8f93\u5165\u90fd\u662f\u4e00\u4e2a":112,"\u6bcf\u4e2a\u8f93\u51fa\u8282\u70b9\u90fd\u8fde\u63a5\u5230\u6240\u6709\u7684\u8f93\u5165\u8282\u70b9\u4e0a":112,"\u6bcf\u4e2a\u90e8\u5206\u5206\u522b\u7ed9\u6bcf\u4e2atrainer\u4f7f\u7528":125,"\u6bcf\u4e2acommit\u53ea\u505a\u4e86\u5c11\u91cf\u7684\u4fee\u6539":111,"\u6bcf\u4e2adata":37,"\u6bcf\u4e2amkldnnlayer\u90fd\u5305\u542b\u7528\u4e8e\u5185\u90e8\u5b58\u50a8\u548c\u5916\u90e8\u5b58\u50a8\u7684\u4e00\u7cfb\u5217mkldnnmatrix":65,"\u6bcf\u4e2aparamet":36,"\u6bcf\u4e2apod\u5305\u542b\u4e00\u4e2apaddlepaddle\u5bb9\u5668":129,"\u6bcf\u4e2ashard\u5206\u522b\u5b58\u50a8\u5728\u5176\u4e2d\u4e00\u53f0paramet":36,"\u6bcf\u4e2atrainer\u542f\u52a8\u540e\u8bfb\u53d6\u5207\u5206\u597d\u7684\u4e00\u90e8\u5206\u6570\u636e":125,"\u6bcf\u4e2atrainer\u7684\u552f\u4e00id":125,"\u6bcf\u4e2atrainer\u8fdb\u7a0b\u9700\u8981\u80fd\u591f\u8bfb\u53d6\u5c5e\u4e8e\u81ea\u5df1\u7684\u4e00\u4efd\u6570\u636e":125,"\u6bcf\u53f0\u670d\u52a1\u5668\u5177\u6709\u96c6\u7fa4\u4e2d\u552f\u4e00\u7684ip\u5730\u5740":125,"\u6bcf\u5c42\u4e0a\u53ea\u80fd\u4fdd\u5b58\u56fa\u5b9a\u6570\u76ee\u4e2a\u6700\u597d\u7684\u72b6\u6001":134,"\u6bcf\u5c42\u4f7f\u7528\u7684gpu\u53f7\u4f9d\u8d56\u4e8e\u53c2\u6570train":136,"\u6bcf\u6279\u6b21":134,"\u6bcf\u6b21\u63d0\u4ea4\u4ee3\u7801":111,"\u6bcf\u6b21\u63d0\u4ea4\u65f6":111,"\u6bcf\u6b21\u8c03\u7528\u65f6\u5bf9\u539f\u6570\u636e\u7684\u91cd\u590dpacking\u4fbf\u6210\u4e3a\u4e86\u5197\u4f59":64,"\u6bcf\u6b21\u8c03\u7528\u7684\u8017\u65f6\u4e5f\u5f88\u957f":118,"\u6bcf\u6b21\u8f93\u51fa\u4e00\u4e2adata":37,"\u6bcf\u6b21\u90fd\u4f1a\u4ecepython\u7aef\u8bfb\u53d6\u6570\u636e":2,"\u6bcf\u884c\u8868\u793a\u4e00\u4e2a\u6279\u6b21\u4e2d\u7684\u5355\u4e2a\u8f93\u5165":112,"\u6bcf\u8f6e\u4f1a\u5c06\u6570\u636e\u96c6\u4e2d\u7684\u6240\u6709\u8bad\u7ec3\u6837\u672c\u4f7f\u7528\u4e00\u6b21":134,"\u6bcf\u8f6e\u7ed3\u675f\u65f6\u5bf9\u6240\u6709\u6d4b\u8bd5\u6570\u636e\u8fdb\u884c\u6d4b\u8bd5":134,"\u6bcf\u8f6e\u90fd\u4f1a\u4fdd\u5b58\u9884\u6d4b\u7ed3\u679c":134,"\u6bcf\u8fd0\u884c\u591a\u5c11\u4e2a\u6279\u6b21\u6267\u884c\u4e00\u6b21\u7a00\u758f\u53c2\u6570\u5206\u5e03\u7684\u68c0\u67e5":134,"\u6bcf\u969410\u5206\u949f":36,"\u6bcfdot":134,"\u6bcflog":134,"\u6bcfsave":134,"\u6bcftest":134,"\u6bd4\u5982":[37,65,94,96,100,110,111],"\u6bd4\u5982\u4e00\u53e5\u8bdd\u4e2d\u7684\u6bcf\u4e00\u4e2a\u5355\u8bcd":106,"\u6bd4\u5982\u53ef\u80fd\u4f1a\u7528openmp\u6539\u8fdbsgd\u7684\u66f4\u65b0\u6027\u80fd":65,"\u6bd4\u5982\u5728":100,"\u6bd4\u5982\u5982\u679c\u8981build\u4e00\u4e2a\u4e0d\u4f9d\u8d56gpu":111,"\u6bd4\u5982\u5c06":85,"\u6bd4\u5982\u5e0c\u671b\u6700\u5c0f\u5316\u751f\u6210\u5e93\u7684\u5927\u5c0f":139,"\u6bd4\u5982\u5e0c\u671b\u6700\u5c0f\u5316\u751f\u6210\u7684\u5e93\u7684\u5927\u5c0f":[138,140],"\u6bd4\u5982\u6bcf\u969410\u5206\u949f\u6700\u65b0\u7684\u5feb\u7167":36,"\u6bd4\u5982\u6d41\u5f0f\u6570\u636e\u5904\u7406":37,"\u6bd4\u5982\u8282\u70b9\u7684id":125,"\u6bd4\u5982\u8bbe\u7f6e\u4e00\u4e2a\u5168\u8fde\u63a5\u5c42\u7684\u53c2\u6570\u521d\u59cb\u5316\u65b9\u5f0f\u548cbias\u521d\u59cb\u5316\u65b9\u5f0f":98,"\u6bd4\u5982cento":102,"\u6bd4\u5982fpe":94,"\u6bd4\u5982ide\u914d\u7f6e\u91cc":111,"\u6bd4\u5982imagenet\u8fd9\u4e2a\u6570\u636e\u96c6\u53ef\u80fd\u88ab\u5206\u62101000\u4e2ashard":37,"\u6bd4\u5982pil\u5e93\u7b49":125,"\u6bd5\u7adf\u5355\u7ebf\u7a0b\u8c03\u8bd5\u66f4\u5bb9\u6613":118,"\u6c34\u6e29":106,"\u6c49\u5ead":106,"\u6ca1":106,"\u6ca1\u6709\u4f5c\u7528":2,"\u6ca1\u6709\u5fc5\u8981\u5728\u6bcf\u6b21\u524d\u5411\u4e2d\u6bcf\u4e2a\u65f6\u95f4\u6b65\u7684\u8ba1\u7b97\u65f6\u5bf9\u6743\u91cd\u8fdb\u884c\u91cd\u590d\u7684packing\u64cd\u4f5c":64,"\u6ca1\u6709\u627e\u5230\u548c\u5f53\u524d\u7cfb\u7edf\u5339\u914d\u7684paddlepaddle\u5b89\u88c5\u5305":[93,102],"\u6ca1\u6709\u6d4b\u8bd5\u6570\u636e":2,"\u6ca1\u6709\u8bbe\u7f6e":[138,140],"\u6ce8":[36,85,100,123],"\u6ce8\u518c":113,"\u6ce8\u518ccpu":113,"\u6ce8\u518clayer\u7684\u65f6\u5019\u4fdd\u8bc1":[64,65],"\u6ce8\u518cop":113,"\u6ce8\u518cop\u65f6\u7684\u7c7b\u578b\u540d":113,"\u6ce8\u610f":[2,65,99,103,109,112,115,118,124,125,129,138,139,140],"\u6ce8\u610f\u4e0a\u8ff0\u547d\u4ee4\u4e2d":129,"\u6ce8\u610f\u4e8b\u9879":123,"\u6ce8\u610f\u5230\u6211\u4eec\u5df2\u7ecf\u5047\u8bbe\u673a\u5668\u4e0a\u67094\u4e2agpu":136,"\u6ce8\u610f\u9884\u6d4b\u6570\u636e\u901a\u5e38\u4e0d\u5305\u542blabel":4,"\u6ce8\u610fnode":129,"\u6ce8\u91ca":113,"\u6cf3\u6c60":106,"\u6d41":106,"\u6d41\u7a0b\u6765\u63d0\u4ea4\u4ee3\u7801":111,"\u6d44":106,"\u6d4b\u8bd5":111,"\u6d4b\u8bd5\u5206\u4e3a\u6bcf\u4e2alayer":65,"\u6d4b\u8bd5\u65f6\u6307\u5b9a\u7684\u5b58\u50a8\u6a21\u578b\u5217\u8868\u7684\u6587\u4ef6":134,"\u6d4b\u8bd5\u65f6\u9ed8\u8ba4\u4e0dshuffl":2,"\u6d4b\u8bd5\u662f":111,"\u6d4b\u8bd5\u672c\u6b21release\u7684\u6b63\u786e\u6027":85,"\u6d4b\u8bd5\u7684\u6027\u80fd\u5bf9\u6bd4\u7ed3\u679c\u4f1a\u5728":65,"\u6d4b\u8bd5\u7684\u6a21\u578b\u5305\u62ec\u4ece\u7b2cm\u8f6e\u5230\u7b2cn":136,"\u6d4b\u8bd5model_list":133,"\u6d4b\u8bd5oper":113,"\u6d4b\u8bd5save_dir":133,"\u6d6e\u70b9\u578b\u6570\u636e":37,"\u6d6e\u70b9\u578b\u7a00\u758f\u77e9\u9635":123,"\u6d6e\u70b9\u578b\u7a20\u5bc6\u77e9\u9635":123,"\u6d6e\u70b9\u5f02\u5e38\u901a\u5e38\u7684\u539f\u56e0\u662f\u6d6e\u70b9\u6570\u6ea2\u51fa":96,"\u6d6e\u70b9\u6570":123,"\u6d6e\u70b9\u6570\u5411\u91cf\u7b49":123,"\u6d6e\u70b9\u7a00\u758f\u6570\u636e":112,"\u6df1\u5165paddlepaddl":65,"\u6df7\u5408\u4ee3\u7801\u7684\u6027\u80fd\u5206\u6790\u6765\u8fdb\u884c\u8c03\u4f18":118,"\u6df7\u5408\u4ee3\u7801\u7684\u6027\u80fd\u74f6\u9888\u4e5f\u662f\u8981\u770b":118,"\u6df7\u5408\u5f53\u524d\u8bcd\u5411\u91cf\u548cattention\u52a0\u6743\u7f16\u7801\u5411\u91cf":109,"\u6dfb\u52a0":64,"\u6dfb\u52a0\u4e86\u4e00\u4e2a\u8f93\u51fa":113,"\u6dfb\u52a0\u542f\u52a8\u811a\u672c":129,"\u6dfb\u52a0\u5e8f\u5217\u4fe1\u606f":123,"\u6dfb\u52a0\u7684\u76f8\u5173\u6587\u4ef6\u548c\u76ee\u5f55\u7ed3\u6784\u5982\u4e0b":[64,65],"\u6dfb\u52a0\u8f93\u5165\u53c2\u6570":113,"\u6dfb\u52a0\u8f93\u51fa\u53c2\u6570":113,"\u6dfb\u52a0op\u7684\u6ce8\u91ca":113,"\u6e05\u7406":110,"\u6e05\u7406\u548c\u7ed3\u675f":124,"\u6e05\u7406\u6389\u8001\u65e7\u7684paddlepaddle\u5b89\u88c5\u5305":93,"\u6e29\u99a8":106,"\u6e90\u4ee3\u7801\u683c\u5f0f":111,"\u6e90\u5e8f\u5217":109,"\u6e90\u7801\u6811\u6839\u76ee\u5f55":110,"\u6f5c\u5728\u4f1a\u5f15\u8d77\u672a\u5b9a\u4e49\u884c\u4e3a":123,"\u6fc0\u6d3b":112,"\u6fc0\u6d3b\u51fd\u6570\u662f\u72ec\u7acb\u4e8e":65,"\u6fc0\u6d3b\u65b9\u7a0b":112,"\u6fc0\u6d3b\u7684\u7c7b\u578b":112,"\u70b9\u51fb":[85,102],"\u70b9\u51fb\u8fd9\u91cc":115,"\u70ed\u60c5":106,"\u7136\u540e":[119,126],"\u7136\u540e\u4e0b\u8f7d\u4f18\u5316\u66f4\u65b0\u540e\u7684\u795e\u7ecf\u7f51\u7edc\u53c2\u6570":125,"\u7136\u540e\u4ea4\u7ed9step\u51fd\u6570":108,"\u7136\u540e\u4f7f\u7528":139,"\u7136\u540e\u4f7f\u7528resize\u63a5\u53e3\u8bbe\u7f6etensor\u7684\u5927\u5c0f":114,"\u7136\u540e\u5355\u51fb":111,"\u7136\u540e\u53ef\u4ee5\u4ecehead\u8282\u70b9ssh\u65e0\u5bc6\u7801\u767b\u5f55\u5230openmpi\u7684\u6bcf\u4e2a\u8282\u70b9\u4e0a":130,"\u7136\u540e\u53ef\u4ee5\u4f7f\u7528\u547d\u4ee4\u884c\u5de5\u5177\u521b\u5efajob":129,"\u7136\u540e\u5728\u4e0b\u4e00\u4e2a\u65f6\u95f4\u6b65\u8f93\u5165\u7ed9\u53e6\u4e00\u4e2a\u795e\u7ecf\u5143":106,"\u7136\u540e\u5728\u524d\u5411":64,"\u7136\u540e\u5728\u6d4f\u89c8\u5668\u4e2d\u8f93\u5165\u4ee5\u4e0b\u7f51\u5740":100,"\u7136\u540e\u5728dataprovider\u91cc\u9762\u6839\u636e\u8be5\u5730\u5740\u52a0\u8f7d\u5b57\u5178":98,"\u7136\u540e\u5728etcd\u7684":36,"\u7136\u540e\u5b89\u88c5paddle\u7684python\u73af\u5883":93,"\u7136\u540e\u5b9a\u4e49":109,"\u7136\u540e\u5c06\u6784\u5efa\u6210\u529f\u7684\u955c\u50cf\u4e0a\u4f20\u5230\u955c\u50cf\u4ed3\u5e93":129,"\u7136\u540e\u5c06\u8fd9\u4e9blayer\u7684\u53c2\u6570":97,"\u7136\u540e\u5c31\u53ef\u4ee5\u5e76\u53d1\u5199\u5165\u591a\u4e2achunk":51,"\u7136\u540e\u6240\u6709\u7528":111,"\u7136\u540e\u624d\u80fd\u4f7f\u7528pfsclient":51,"\u7136\u540e\u6253\u5370\u8f93\u51fa":103,"\u7136\u540e\u6309\u7167\u4e0a\u8ff0\u7684\u65b9\u6cd5":85,"\u7136\u540e\u63d0\u4ea4\u65b0\u6dfb\u52a0\u7684":111,"\u7136\u540e\u70b9\u51fb":[85,111],"\u7136\u540e\u7533\u660e\u4e00\u4e2a\u5b58\u50a8\u5377":129,"\u7136\u540e\u89c2\u5bdf\u5230\u8f93\u51fa\u7684\u53d8\u5316\u4e3a":112,"\u7136\u540e\u8fd4\u56de\u7ed9paddlepaddle\u8fdb\u7a0b":2,"\u7136\u540e\u901a\u8fc7\u51fd\u6570":129,"\u7136\u540e\u901a\u8fc7\u81ea\u8eab\u7684ip\u5730\u5740\u5728":129,"\u7136\u540e\u91cd\u65b0cmake\u5373\u53ef":93,"\u7136\u800c":[109,134],"\u7248\u672c":[99,102,110,139],"\u7248\u672c\u4e3acpu_avx_mkl":100,"\u7248\u672c\u4e3acpu_avx_openbla":[102,104],"\u7248\u672c\u5206\u652f":85,"\u7248\u672c\u53f7":85,"\u7248\u672c\u53f7\u5bf9\u5e94\u7684tag\u5373\u53ef":85,"\u7248\u672c\u53f7rc":85,"\u7248\u672c\u5728":111,"\u7248\u672c\u8bf4\u660e":102,"\u7248\u672cfork\u51fa\u81ea\u5df1\u7684\u529f\u80fd\u5206\u652f":85,"\u7279\u522b\u662f\u5728lstm\u7b49rnn\u4e2d":96,"\u7279\u6307":124,"\u7279\u6709\u7684\u8bbe\u5907id":65,"\u72ec\u7acb\u5b9a\u5236\u7684\u4e8c\u8fdb\u5236\u65f6\u624d\u9700\u8981\u7f16\u8bd1":101,"\u72ec\u7acb\u5de5\u5177\u94fe":138,"\u72ec\u7acb\u5de5\u5177\u94fe\u6240\u5728\u7684\u7edd\u5bf9\u8def\u5f84":138,"\u73af\u5883\u53d8\u91cf":125,"\u73af\u5883\u53d8\u91cf\u4e2d":121,"\u73af\u5883\u53d8\u91cf\u6765\u6307\u5b9a\u7279\u5b9a\u7684gpu":96,"\u73b0\u9636\u6bb5\u7684\u4f18\u5316\u4e3b\u8981\u9488\u5bf9":64,"\u73b0\u9636\u6bb5paddle\u6709\u4e00\u4e2a\u95ee\u9898\u662f":68,"\u7406\u89e3":110,"\u7406\u89e3\u4e3a\u4e00\u4e2a\u4e00\u7ef4\u7684\u6574\u578b\u6570\u7ec4":123,"\u751a\u81f3\u80fd\u89e3\u91ca\u4e3a\u4ec0\u4e48\u67d0\u4e2a\u64cd\u4f5c\u82b1\u4e86\u5f88\u957f\u65f6\u95f4":119,"\u751f\u4ea7\u73af\u5883\u4e2d\u7684\u8bad\u7ec3\u6570\u636e\u96c6\u901a\u5e38\u4f53\u79ef\u5f88\u5927":37,"\u751f\u4ea7\u73af\u5883\u7684\u65e5\u5fd7\u6570\u636e\u4f1a\u901a\u8fc7\u5b9e\u65f6\u6d41\u7684\u65b9\u5f0f":37,"\u751f\u4ea7\u955c\u50cf":111,"\u751f\u6210":129,"\u751f\u6210\u5404\u79cd\u8bed\u8a00\u7684\u7ed1\u5b9a\u4ee3\u7801":68,"\u751f\u6210\u540e\u7684\u6587\u6863\u5206\u522b\u5b58\u50a8\u5728\u7f16\u8bd1\u76ee\u5f55\u7684":115,"\u751f\u6210\u5e8f\u5217\u7684\u6700\u5927\u957f\u5ea6":109,"\u751f\u6210\u6587\u6863":68,"\u751f\u6210\u7684":37,"\u751f\u6210\u7684\u6027\u80fd\u5206\u6790\u6587\u4ef6\u4e3a":118,"\u751f\u6210\u7684\u6570\u636e\u5c06\u4f1a\u5b58\u50a8\u5728\u8fd9\u4e2avolume\u4e0b":129,"\u751f\u6210\u7684\u6570\u636e\u7f13\u5b58\u5728\u5185\u5b58\u91cc":96,"\u751f\u6210\u7ed9\u5b9a":37,"\u751f\u6210\u7f51\u7edc\u5c42\u914d\u7f6e":112,"\u751f\u6210\u81ea\u5df1\u76ee\u5f55\u4e0b\u7684\u4ed3\u5e93":111,"\u751f\u6210\u8c03\u8bd5\u4fe1\u606f":118,"\u751f\u6210\u968f\u673a\u7684\u8f93\u5165\u6570\u636e":113,"\u751f\u6210api\u6587\u6863":68,"\u751f\u6210pfsclient\u548cpfsserver\u7684\u6846\u67b6\u90e8\u5206":51,"\u751f\u6210python\u6027\u80fd\u5206\u6790\u7684\u547d\u4ee4\u5982\u4e0b":118,"\u7528":51,"\u75280\u548c1\u8868\u793a":2,"\u7528\u4e8e\u521d\u59cb\u5316\u53c2\u6570\u548c\u8bbe\u7f6e":112,"\u7528\u4e8e\u5c06\u4e0b\u4e00\u884c\u7684\u6570\u636e\u8f93\u5165\u51fd\u6570\u6807\u8bb0\u6210\u4e00\u4e2apydataprovider2":2,"\u7528\u4e8e\u5c06\u53c2\u6570\u4f20\u9012\u7ed9\u7f51\u7edc\u914d\u7f6e":136,"\u7528\u4e8e\u6307\u5b9a\u5176\u8981\u5173\u8054\u7684layer":97,"\u7528\u4e8e\u6307\u5b9a\u7f51\u7edc\u914d\u7f6e\u6587\u4ef6":134,"\u7528\u4e8e\u6ce8\u518c\u6ca1\u6709\u53cd\u5411\u7684op":113,"\u7528\u4e8e\u6d4b\u8bd5\u548c\u5bf9\u6bd4\u5728\u4f7f\u7528mkl":65,"\u7528\u4e8e\u7a00\u758f\u7c7b\u578b\u53c2\u6570\u901a\u4fe1\u7684\u7aef\u53e3\u4e2a\u6570":125,"\u7528\u4e8e\u7a00\u758f\u8bad\u7ec3\u4e2d":134,"\u7528\u4e8e\u7ba1\u7406mkl":65,"\u7528\u4e8e\u81ea\u5b9a\u4e49\u6bcf\u6761\u6570\u636e\u7684batch":2,"\u7528\u4e8e\u83b7\u53d6\u7279\u5b9alayer\u4e0a\u4e00\u65f6\u95f4\u6b65\u7684\u8f93\u51fa":97,"\u7528\u4e8e\u8ba1\u7b97\u7f16\u7801\u5411\u91cf\u7684\u52a0\u6743\u548c":109,"\u7528\u4e8e\u8bad\u7ec3\u795e\u7ecf\u7f51\u7edc\u7684\u6570\u636e":125,"\u7528\u4e8e\u9009\u62e9\u662f\u5426\u4f7f\u7528\u76f8\u5173\u529f\u80fd":64,"\u7528\u4e8e\u9009\u62e9\u662f\u5426\u4f7f\u7528mkl":65,"\u7528\u4e8emkl":[64,65],"\u7528\u53cc\u5411\u95e8\u63a7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7f16\u7801":109,"\u7528\u591a\u5bf9\u6548\u679c\u5b8c\u5168\u76f8\u540c\u7684":106,"\u7528\u6237\u4e00\u822c\u901a\u8fc7\u8c03\u7528":118,"\u7528\u6237\u4e0a\u4f20\u6570\u636e\u540e":37,"\u7528\u6237\u4e5f\u53ef\u4ee5\u4e0a\u4f20label":37,"\u7528\u6237\u4e5f\u53ef\u4ee5\u4f7f\u7528paddlepaddle\u63d0\u4f9b\u7684\u5b98\u65b9\u5f00\u53d1\u955c\u50cf":138,"\u7528\u6237\u4e5f\u53ef\u4ee5\u5728c":1,"\u7528\u6237\u4eceapp":139,"\u7528\u6237\u53ea\u9700\u5b9a\u4e49rnn\u5728\u4e00\u4e2a\u65f6\u95f4\u6b65\u5185\u5b8c\u6210\u7684\u8ba1\u7b97":108,"\u7528\u6237\u53ef\u4ee5\u5206\u522b\u67e5\u770b\u6700\u65b0\u7684":115,"\u7528\u6237\u53ef\u4ee5\u53c2\u8003\u4e0b\u6587":138,"\u7528\u6237\u53ef\u4ee5\u53c2\u8003sphinx\u6559\u7a0b\u8fdb\u884c\u4e66\u5199":115,"\u7528\u6237\u53ef\u4ee5\u5b89\u5168\u7684\u91ca\u653e\u67d0\u4e2ac":69,"\u7528\u6237\u53ef\u4ee5\u628a\u81ea\u5df1\u7684\u6570\u636e\u5206\u4eab\u7ed9\u522b\u4eba":37,"\u7528\u6237\u53ef\u4ee5\u76f4\u63a5\u4f7f\u7528\u8fd9\u4e2a\u52a8\u6001\u5e93\u6765\u5f15\u5165paddl":69,"\u7528\u6237\u53ef\u4ee5\u81ea\u5b9a\u4e49beam":134,"\u7528\u6237\u53ef\u4ee5\u8bbe\u7f6e":136,"\u7528\u6237\u53ef\u4ee5\u901a\u8fc7\u7b80\u5355\u4f7f\u7528python\u63a5\u53e3":1,"\u7528\u6237\u53ef\u5728\u81ea\u5df1\u719f\u6089\u7684\u5f00\u53d1\u5e73\u53f0\u4e0a\u7f16\u8bd1android\u5e73\u53f0\u4e0a\u9002\u7528\u7684paddlepaddle\u5e93":138,"\u7528\u6237\u53ef\u5728\u8c03\u7528cmake\u7684\u65f6\u5019\u8bbe\u7f6e\u5b83\u4eec":99,"\u7528\u6237\u53ef\u5c06":138,"\u7528\u6237\u53ef\u5c06\u5408\u6210\u7684fat\u5e93\u7528\u4e8e\u6df1\u5ea6\u5b66\u4e60\u76f8\u5173\u7684io":139,"\u7528\u6237\u53ef\u6839\u636e\u81ea\u5df1\u7684\u7f16\u8bd1\u76ee\u6807\u67b6\u6784":138,"\u7528\u6237\u53ef\u81ea\u884c\u524d\u5f80\u4e0b\u8f7d\u9884\u7f16\u8bd1\u597d\u7684\u7248\u672c":138,"\u7528\u6237\u53ef\u901a\u8fc7\u5982\u4e0b\u4e24\u79cd\u65b9\u5f0f":138,"\u7528\u6237\u5728\u4f7f\u7528\u8fd9\u4e00\u7c7brecurr":97,"\u7528\u6237\u5728\u4f7f\u7528paddlepaddl":93,"\u7528\u6237\u5728\u672c\u5730\u8f6c\u6362\u597d\u518d\u4e0a\u4f20":37,"\u7528\u6237\u5b9a\u4e49\u7684\u53c2\u6570":2,"\u7528\u6237\u5c06\u53c2\u6570\u8f7d\u5165":98,"\u7528\u6237\u5c06\u914d\u7f6e\u4e0e\u8bad\u7ec3\u6570\u636e\u5207\u5206\u597d\u653e\u5728\u5206\u5e03\u5f0f\u6587\u4ef6\u7cfb\u7edf\u9884\u5148\u5206\u914d\u597d\u7684\u76ee\u5f55\u4e2d":129,"\u7528\u6237\u5f3a\u5236\u6307\u5b9a\u7279\u5b9a\u7684python\u7248\u672c":93,"\u7528\u6237\u6587\u4ef6\u53ef\u80fd\u662f\u6bd4\u8f83\u5927\u7684":51,"\u7528\u6237\u8fd8\u53ef\u6839\u636e\u81ea\u5df1\u7684\u9700\u6c42\u8bbe\u7f6e\u5176\u4ed6\u7f16\u8bd1\u53c2\u6570":[138,139,140],"\u7528\u6237\u901a\u8fc7\u53c2\u6570":[97,98],"\u7528\u6237\u901a\u8fc7c":69,"\u7528\u6237\u9700\u8981\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d\u6307\u5b9a":136,"\u7528\u6237\u9700\u8981\u5728cmake\u65f6\u624b\u52a8\u8bbe\u7f6e\u8fd9\u4e9b\u503c":[138,140],"\u7528\u6237\u9700\u8981\u6307\u5b9a\u672c\u673a\u4e0apython\u7684\u8def\u5f84":93,"\u7528\u6237\u9700\u8981\u63d0\u524d\u51c6\u5907\u597d\u4ea4\u53c9\u7f16\u8bd1\u73af\u5883":138,"\u7528\u672c\u673a\u7684\u7b2c\u4e00\u4e2a":110,"\u7528\u6765\u4ece\u53c2\u6570\u670d\u52a1\u5668\u9884\u53d6\u53c2\u6570\u77e9\u9635\u76f8\u5e94\u7684\u884c":112,"\u7528\u6765\u5b58\u50a8\u672c\u6b21\u6027\u80fd\u5206\u6790\u7684\u7ed3\u679c":118,"\u7528\u8fd9\u4e2a\u955c\u50cf\u521b\u5efa\u7684\u5bb9\u5668\u9700\u8981\u6709\u4ee5\u4e0b\u4e24\u4e2a\u529f\u80fd":129,"\u7528docker\u7f16\u8bd1\u548c\u6d4b\u8bd5paddlepaddl":101,"\u7528web\u6d4f\u89c8\u5668\u8bbf\u95ee\u5bf9\u5e94\u7f51\u5740":118,"\u7531":[97,108,123],"\u7531\u4e8e":121,"\u7531\u4e8e\u5728\u73b0\u6709\u7684\u67d0\u4e9b\u60c5\u51b5\u4e0b":64,"\u7531\u4e8e\u5b83\u5185\u90e8\u5305\u542b\u4e86\u6bcf\u7ec4\u6570\u636e\u4e2d\u7684\u6240\u6709\u53e5\u5b50":106,"\u7531\u4e8e\u5bf9parameters\u7684\u66f4\u65b0\u9700\u8981\u83b7\u53d6parameters\u5185\u5b58\u7684":36,"\u7531\u4e8e\u6211\u4eec\u60f3\u8981\u7684\u53d8\u6362\u662f\u53cc\u5c42\u65f6\u95f4\u5e8f\u5217":106,"\u7531\u4e8e\u6211\u4eec\u652f\u6301\u8bad\u7ec3\u6570\u636e\u6709\u4e0d\u540c\u7684\u6279\u6b21\u5927\u5c0f":112,"\u7531\u4e8e\u8fd9\u4e2a\u5730\u5740\u4f1a\u88abdataprovider\u4f7f\u7528":1,"\u7531\u4e8e\u8fd9\u6837\u505a\u53ef\u4ee5\u907f\u514d\u5f88\u591a\u6b7b\u9501\u95ee\u9898":2,"\u7531\u4e8e\u96c6\u7fa4\u4e2d\u540c\u65f6\u5b58\u5728\u4e24\u53f0\u673a\u5668\u6545\u969c\u7684\u6982\u7387\u6781\u4f4e":36,"\u7531\u4e8e\u987a\u5e8f\u8c03\u7528\u8fd9\u4e9bgenerator\u4e0d\u4f1a\u51fa\u73b0\u4e0a\u8ff0\u95ee\u9898":2,"\u7531\u4e8earm64\u67b6\u6784\u8981\u6c42android":138,"\u7531\u4e8ec":68,"\u7531\u4e8echunk\u6bd4\u8f83\u5c0f":51,"\u7531\u4e8eeigen":114,"\u7531\u4e8emkl":65,"\u7531\u4e8epypi":85,"\u7531\u4e8estep":108,"\u7531\u4e8etensor\u7684rank\u662f\u6a21\u677f\u53c2\u6570":114,"\u7531\u4e8etest_data\u5305\u542b\u4e24\u6761\u9884\u6d4b\u6570\u636e":4,"\u7531\u5206\u652f\u5904\u7684layer\u8d1f\u8d23\u6c42\u548c":65,"\u7531\u8bcd\u8bed\u6784\u6210\u7684\u53e5\u5b50":105,"\u7531\u94fe\u63a5\u65b9\u5f0f\u51b3\u5b9a":121,"\u7533\u8bf7\u7528\u6237\u7a7a\u95f4":51,"\u7535\u8111":106,"\u767b\u5f55\u5230head\u8282\u70b9":130,"\u7684":[102,106,110,111,114,123,124,126,129,139],"\u768410\u7ef4\u6574\u6570\u6807\u7b7e":2,"\u7684\u4e00\u4e2a\u5b50\u96c6":65,"\u7684\u4e00\u4e2a\u7b80\u5355\u8c03\u7528\u5982\u4e0b":108,"\u7684\u4e3a0":134,"\u7684\u4efb\u4e00\u4e00\u79cd":96,"\u7684\u4f5c\u7528\u662f\u5ef6\u8fdf\u5206\u914d\u5185\u5b58":114,"\u7684\u4f7f\u7528\u793a\u4f8b\u5982\u4e0b":105,"\u7684\u4fe1\u606f":65,"\u7684\u503c":[138,139,140],"\u7684\u503c\u81ea\u52a8\u63a8\u5bfc\u5f97\u5230":138,"\u7684\u504f\u7f6e\u5411\u91cf":112,"\u7684\u5171\u4eab\u5df2\u7ecf\u52a0\u8f7d\u7684\u9884\u6d4b\u6a21\u578b":124,"\u7684\u5177\u4f53\u8ba1\u7b97\u903b\u8f91":113,"\u7684\u5185\u5b58":96,"\u7684\u5185\u5bb9\u6765\u5b9a\u5236imag":129,"\u7684\u5185\u6838block\u4f7f\u7528\u60c5\u51b5":119,"\u7684\u522b\u540d":[5,6,8],"\u7684\u5355\u5143\u6d4b\u8bd5":113,"\u7684\u5355\u5143\u6d4b\u8bd5\u548c\u7b80\u5355\u7f51\u7edc\u7684\u6574\u4f53\u6d4b\u8bd5":65,"\u7684\u53cd\u5411\u4f20\u64ad\u5c06\u4f1a\u6253\u5370\u65e5\u5fd7\u4fe1\u606f":134,"\u7684\u53d8\u6362\u77e9\u9635":112,"\u7684\u540d\u5b57":2,"\u7684\u540d\u79f0\u76f8\u540c":109,"\u7684\u5411\u91cf":112,"\u7684\u542f\u52a8\u53c2\u6570":129,"\u7684\u542f\u52a8\u53c2\u6570\u5e76\u6267\u884c\u8fdb\u7a0b":129,"\u7684\u547d\u4ee4\u548c\u4e00\u822c\u7684":118,"\u7684\u547d\u540d\u98ce\u683c\u5e76\u4e0d\u80fd\u9002\u5e94\u5176\u4ed6\u7b2c\u4e09\u65b9\u8bed\u8a00":68,"\u7684\u5730\u65b9":111,"\u7684\u5747\u5300\u5206\u5e03":98,"\u7684\u57fa\u672c\u903b\u8f91":65,"\u7684\u591a\u79cd\u5b89\u88c5\u65b9\u5f0f":125,"\u7684\u5934\u6587\u4ef6":68,"\u7684\u5b50\u7c7b\u53ea\u9700\u8981\u4f7f\u7528\u5185\u90e8\u5b58\u50a8\u5c31\u53ef\u4ee5\u4e86":65,"\u7684\u5b9e\u73b0":113,"\u7684\u5de5\u4f5c\u6d41\u7a0b\u5982\u56fe1\u6240\u793a":124,"\u7684\u5e73\u5747\u503c":105,"\u7684\u5e8f\u5217":123,"\u7684\u5e8f\u5217\u5f62\u72b6\u4e00\u81f4":106,"\u7684\u5f00\u53d1\u5de5\u4f5c\u90fd\u5e94\u8be5\u5728\u4e00\u4e2a\u65b0\u7684\u5206\u652f\u4e0a\u5b8c\u6210":111,"\u7684\u5f00\u53d1\u6d41\u7a0b":110,"\u7684\u5f00\u59cb\u8bf7\u52a0\u4e0a\u5b8f\u5b9a\u4e49":113,"\u7684\u6027\u80fd\u5206\u6790\u4e0e\u8c03\u4f18\u5206\u4e3a\u4e24\u4e2a\u90e8\u5206":118,"\u7684\u6027\u80fd\u5206\u6790\u5de5\u5177\u975e\u5e38\u591a":118,"\u7684\u6027\u80fd\u6709\u95ee\u9898":118,"\u7684\u60c5\u51b5\u4e0b":64,"\u7684\u63a5\u53e3\u6837\u5f0f":68,"\u7684\u63a5\u53e3\u8bf7\u67e5\u770b":123,"\u7684\u63cf\u8ff0\u8bf4\u660e\u4e2d":111,"\u7684\u64cd\u4f5c":114,"\u7684\u6570\u636e\u6d41\u56fe":37,"\u7684\u6570\u76ee\u4e00\u81f4":105,"\u7684\u6587\u4ef6\u4e5f\u5e26\u5230\u65b0\u5206\u652f\u4e0a":111,"\u7684\u65b9\u7a0b":112,"\u7684\u65f6\u5019":65,"\u7684\u65f6\u95f4\u6b65\u4fe1\u606f\u6210\u6b63\u6bd4":96,"\u7684\u66f4\u8be6\u7ec6\u51c6\u786e\u7684\u5b9a\u4e49":106,"\u7684\u6700\u5c0f\u503c":134,"\u7684\u6700\u65b0\u4ee3\u7801\u5e76\u66f4\u65b0\u5f53\u524d\u5206\u652f":111,"\u7684\u6784\u9020\u51fd\u6570":113,"\u7684\u67b6\u6784\u7684\u793a\u4f8b":109,"\u7684\u6837\u5f0f":111,"\u7684\u6838\u5fc3\u662f\u8bbe\u8ba1step\u51fd\u6570\u7684\u8ba1\u7b97\u903b\u8f91":108,"\u7684\u6839\u76ee\u5f55":139,"\u7684\u683c\u5f0f\u59cb\u7ec8\u662f":65,"\u7684\u683c\u5f0f\u5b58\u50a8":65,"\u7684\u6982\u5ff5":65,"\u7684\u6bb5\u843d\u5b9a\u4e49\u4e3a\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":108,"\u7684\u6bcf\u4e2a\u8fdb\u7a0b\u90fd\u53ef\u4ee5\u4ececeph\u8bfb\u53d6\u6570\u636e":128,"\u7684\u6e90\u7801\u4ee5\u53ca\u751f\u6210\u6587\u6863\u9700\u8981\u591a\u79cd\u5f00\u53d1\u5de5\u5177":111,"\u7684\u6e90\u7801\u91cc\u4f7f\u7528\u4e86":68,"\u7684\u7248\u672c":[85,110,140],"\u7684\u72b6\u6001":108,"\u7684\u72ec\u7acb\u5de5\u5177\u94fe":138,"\u7684\u77e9\u9635":[96,112],"\u7684\u7a20\u5bc6\u5411\u91cf\u4f5c\u4e3a\u8f93\u5165":112,"\u7684\u7a20\u5bc6\u77e9\u9635":123,"\u7684\u7a20\u5bc6\u77e9\u9635\u662f\u4e00\u4e2a\u7531":123,"\u7684\u7b2c\u4e00\u4e2a\u53c2\u6570":124,"\u7684\u7b2ci\u4e2a\u503c":112,"\u7684\u7b2cj\u4e2a\u503c":112,"\u7684\u7cfb\u7edf":110,"\u7684\u7ed3\u679c":64,"\u7684\u7f16\u5199":125,"\u7684\u7f16\u8bd1\u5de5\u5177\u94fe":138,"\u7684\u7f29\u5199":51,"\u7684\u7f51\u7edc\u6a21\u578b":64,"\u7684\u89c4\u8303":68,"\u7684\u89d2\u5ea6":37,"\u7684\u8ba1\u7b97\u4ee3\u7801":114,"\u7684\u8ba1\u7b97\u8fc7\u7a0b\u4e66\u5199\u66f4\u52a0\u7b80\u5355":113,"\u7684\u8bdd":96,"\u7684\u8be6\u7ec6\u4fe1\u606f":118,"\u7684\u8f93\u5165":108,"\u7684\u8f93\u51fa":119,"\u7684\u8f93\u51fa\u4fe1\u606f\u5165\u624b\u662f\u4e2a\u4e0d\u9519\u7684\u9009\u62e9":119,"\u7684\u8f93\u51fa\u51fd\u6570\u8fd4\u56de\u7684\u662f\u4e0b\u4e00\u4e2a\u65f6\u523b\u8f93\u51fa\u8bcd\u7684":109,"\u7684\u8f93\u51fa\u683c\u5f0f":106,"\u7684\u8f93\u51fa\u88ab\u7528\u4f5c":109,"\u7684\u8f93\u51fab\u662f\u4e00\u4e2a":96,"\u7684\u8fd0\u884c\u73af\u5883":110,"\u7684\u8fdc\u7a0b\u4ed3\u5e93\u7684\u540d\u5b57":111,"\u7684\u914d\u7f6e\u5199\u5230\u914d\u7f6e\u6587\u4ef6\u4e2d":37,"\u7684\u96c6\u88c5\u7bb1\u6280\u672f":110,"\u7684\u9875\u9762\u5220\u9664\u8fdc\u7a0b\u4ed3\u5e93\u7684\u5206\u652f":111,"\u7684cpu":113,"\u7684docker\u955c\u50cf":100,"\u7684flag":[64,65],"\u7684linux\u670d\u52a1\u5668\u7ec4\u6210":125,"\u7684paddlepaddle\u5e93":138,"\u7684vanilla":64,"\u76d1\u542c\u7684\u7aef\u53e3\u4e2a\u6570":125,"\u76ee\u524d":108,"\u76ee\u524d\u4f7f\u7528":111,"\u76ee\u524d\u53ea\u8003\u8651":65,"\u76ee\u524d\u53ea\u8003\u8651\u52a8\u6001\u6269\u5bb9trainer\u6570\u91cf":36,"\u76ee\u524d\u5728paddlepaddle\u4e2d":65,"\u76ee\u524d\u5728paddlepaddle\u4e2d\u6570\u636e\u90fd\u662f\u4ee5":65,"\u76ee\u524d\u5d4c\u5165python\u89e3\u91ca\u5668":68,"\u76ee\u524d\u5fc5\u987b\u8bbe\u7f6e\u6210":140,"\u76ee\u524d\u6211\u4eec\u7528cephfs\u6765\u642d\u5efa":51,"\u76ee\u524d\u63d0\u4f9b\u4e09\u79cd\u94fe\u63a5\u65b9\u5f0f":121,"\u76ee\u524d\u652f\u6301":138,"\u76ee\u524d\u652f\u6301\u4e24\u79cd":105,"\u76ee\u524d\u652f\u6301cento":104,"\u76ee\u524d\u652f\u6301fail":134,"\u76ee\u524d\u7684\u4f18\u5316":65,"\u76ee\u524d\u8be5\u53c2\u6570\u4ec5\u7528\u4e8eaucvalidationlayer\u548cpnpairvalidationlayer\u5c42":134,"\u76ee\u524d\u8fd8\u672a\u652f\u6301":108,"\u76ee\u524dpaddle\u7684\u8fdb\u7a0b\u6a21\u578b\u662fc":68,"\u76ee\u524dpaddlepaddle\u7684develop\u5206\u652f\u7684\u6587\u6863\u662f\u81ea\u52a8\u89e6\u53d1\u66f4\u65b0\u7684":115,"\u76ee\u524dpaddlepaddle\u91c7\u7528\u4e86":64,"\u76ee\u5f55":[100,110,126,128,129,138,139,140],"\u76ee\u5f55\u4e0b":[69,112,126],"\u76ee\u5f55\u4e0b\u5bf9\u5e94\u7684\u5730\u65b9":65,"\u76ee\u5f55\u4e0b\u65b0\u589e\u7684":113,"\u76ee\u5f55\u4e0b\u6700\u65b0\u7684":139,"\u76ee\u5f55\u4e0b\u7684\u4ee3\u7801\u793a\u4f8b":124,"\u76ee\u5f55\u4e0b\u7684\u751f\u6210\u6587\u4ef6\u7528\u4e8e\u6df1\u5ea6\u5b66\u4e60\u76f8\u5173android":138,"\u76ee\u5f55\u4e0b\u7684demo\u8bad\u7ec3\u51fa\u6765":4,"\u76ee\u5f55\u4e0b\u7684python\u5305":93,"\u76ee\u5f55\u4e2d":[121,124,126],"\u76ee\u5f55\u4e2d\u4f1a\u5305\u542b":[138,140],"\u76ee\u5f55\u4e2d\u4f1a\u5305\u542b\u4ee5\u4e0b\u5185\u5bb9":139,"\u76ee\u5f55\u4e2d\u7684":119,"\u76ee\u5f55\u4e2dpaddl":129,"\u76ee\u5f55\u548c":[138,139,140],"\u76ee\u5f55\u5c31\u6210\u4e3a\u4e86\u5171\u4eab\u5b58\u50a8":129,"\u76ee\u5f55\u751f\u6210\u4e00\u5957\u72ec\u7acb\u7f16\u8bd1\u5de5\u5177\u94fe":138,"\u76ee\u5f55\u91cc\u627e\u5230\u4ea4\u53c9\u7f16\u8bd1\u5668":140,"\u76ee\u6807\u5411\u91cf":109,"\u76ee\u6807\u5de5\u5177\u94fe":138,"\u76ee\u6807\u673a\u7248protobuf\u5e93":140,"\u76ee\u6807\u67b6\u6784":139,"\u76ee\u6807\u67b6\u6784abi":138,"\u76f4\u5230\u8bad\u7ec3\u6536\u655b\u4e3a\u6b62":98,"\u76f4\u63a5\u4f7f\u7528\u4e0a\u8ff0\u5b89\u88c5\u6d41\u7a0b":101,"\u76f4\u63a5\u4f7f\u7528c\u8bed\u8a00\u7684":68,"\u76f4\u63a5\u5220\u9664\u8fd9\u4e2a\u53c2\u6570\u5373\u53ef":69,"\u76f4\u63a5\u5347\u7ea7\u5230\u66f4\u65b0\u7684\u7248\u672c":99,"\u76f4\u63a5\u5bfc\u51fa\u5230c\u7684\u63a5\u53e3\u6bd4\u8f83\u56f0\u96be":68,"\u76f4\u63a5\u8c03\u7528\u76f8\u5e94\u63a5\u53e3\u5373\u53ef":113,"\u76f4\u63a5\u8fd0\u884c":100,"\u76f4\u63a5\u8fd4\u56de\u8ba1\u7b97\u7ed3\u679c":4,"\u76f8\u5173\u5c42":64,"\u76f8\u5173\u6982\u5ff5\u662f":2,"\u76f8\u540c\u540d\u5b57\u7684\u53c2\u6570":98,"\u76f8\u5bf9":106,"\u76f8\u5bf9\u4e8epaddlepaddle\u7a0b\u5e8f\u8fd0\u884c\u65f6\u7684\u8def\u5f84":1,"\u76f8\u5bf9mnist\u800c\u8a00":2,"\u76f8\u5f53":106,"\u76f8\u6bd4":113,"\u770b\u5f53\u524dmpi\u96c6\u7fa4\u662f\u5426\u652f\u6301resourc":94,"\u77a7":104,"\u77e9\u9635":133,"\u77e9\u9635\u4e2d\u6bcf\u4e2a\u5143\u7d20\u7684\u503c\u968f\u673a\u751f\u6210":123,"\u77e9\u9635\u4e58\u6cd5\u7684\u516c\u5f0f":113,"\u77e9\u9635\u5927\u5c0f\u662f":64,"\u77e9\u9635\u662f\u5426\u662f\u4e00\u4e2a\u5e8f\u5217":123,"\u77e9\u9635\u7684\u9ad8\u5ea6":123,"\u77e9\u9635\u91cc\u7684\u5143\u7d20\u662f\u6d6e\u70b9\u6570":123,"\u786e\u4fdd\u7f16\u8bd1\u5668\u9009\u9879":111,"\u78c1\u76d8\u4e0d\u591f":110,"\u78c1\u76d8\u7a7a\u95f4\u4e0d\u8db3\u7b49":94,"\u793a\u4f8b":[96,98,124],"\u793a\u4f8b3\u5bf9\u4e8e\u5355\u5c42rnn\u548c\u53cc\u5c42rnn\u6570\u636e\u5b8c\u5168\u76f8\u540c":106,"\u793a\u4f8b3\u7684\u914d\u7f6e\u4f7f\u7528\u4e86\u5355\u5c42rnn\u548c\u53cc\u5c42rnn":106,"\u793a\u4f8b3\u7684\u914d\u7f6e\u5206\u522b\u4e3a":106,"\u793a\u4f8b\u4ee3\u7801\u5982\u4e0b":[96,124],"\u793a\u4f8b\u5982\u4e0b":98,"\u793a\u4f8b\u7a0b\u5e8f":125,"\u793e\u533a\u53c2\u4e0e\u56f0\u96be":68,"\u793e\u533a\u8d21\u732e\u4ee3\u7801\u5b66\u4e60\u6210\u672c\u9ad8":68,"\u795e\u7ecf\u7f51\u7edc\u4e2d\u4e00\u4e2a\u8ba1\u7b97\u5c42\u7684\u8f93\u5165":123,"\u795e\u7ecf\u7f51\u7edc\u4e2d\u4e00\u4e2a\u8ba1\u7b97\u5c42\u7684\u8f93\u5165\u8f93\u51fa\u88ab\u7ec4\u7ec7\u4e3a\u4e00\u4e2a":124,"\u795e\u7ecf\u7f51\u7edc\u4e2d\u7684\u53c2\u6570":36,"\u795e\u7ecf\u7f51\u7edc\u4e5f\u9700\u8981\u4e00\u4e9b\u7279\u5b9a\u7684layer\u4f5c\u4e3a\u8f93\u5165\u63a5\u53e3":103,"\u795e\u7ecf\u7f51\u7edc\u53c2\u6570\u4ee5\u53ca\u8fed\u4ee3\u65b9\u7a0b":103,"\u795e\u7ecf\u7f51\u7edc\u5728\u8bad\u7ec3\u7684\u65f6\u5019":96,"\u795e\u7ecf\u7f51\u7edc\u672c\u8d28\u4e0a\u662f\u4e00\u4e2a\u8ba1\u7b97\u56fe":114,"\u795e\u7ecf\u7f51\u7edc\u6a21\u578b\u7ed3\u6784\u548c\u8bad\u7ec3\u597d\u7684\u6a21\u578b\u5c06\u88ab\u5e8f\u5217\u5316\u5408\u5e76\u5165\u4e00\u4e2a\u6587\u4ef6":124,"\u795e\u7ecf\u7f51\u7edc\u7684\u7f51\u7edc\u7ed3\u6784\u4e2d\u5177\u6709\u6709\u5411\u73af\u7ed3\u6784":106,"\u795e\u7ecf\u7f51\u7edc\u7684\u8bad\u7ec3\u672c\u8eab\u662f\u4e00\u4e2a\u975e\u5e38\u6d88\u8017\u5185\u5b58\u548c\u663e\u5b58\u7684\u5de5\u4f5c":96,"\u79bb":106,"\u79bb\u7ebf\u6279\u5904\u7406":37,"\u79f0\u4e3a":[109,111],"\u79f0\u4e3a\u5f00\u53d1\u955c\u50cf":138,"\u79f0\u4e4b\u4e3a":123,"\u79f0\u4e4b\u4e3a\u53cc\u5c42\u5e8f\u5217\u7684\u4e00\u4e2a\u5b50\u5e8f\u5217":105,"\u79f0\u4e4b\u4e3a\u96c6\u675f\u5927\u5c0f":134,"\u79f0\u4f5c\u6709kernel":113,"\u79f0\u4f5ckernel":113,"\u79fb\u52a8\u7aef\u9884\u6d4b":123,"\u7a00\u758f\u6570\u636e\u7684\u683c\u5f0f":112,"\u7a00\u758f\u66f4\u65b0\u7684\u7aef\u53e3\u6570\u91cf":129,"\u7a00\u758f\u768401\u5411\u91cf":[2,103],"\u7a00\u758f\u7684\u5411\u91cf":[2,103],"\u7a00\u758f\u77e9\u9635":123,"\u7a00\u758f\u77e9\u9635\u4f7f\u7528":123,"\u7a00\u758f\u77e9\u9635\u53ca\u76f8\u5173\u7684\u63a5\u53e3":123,"\u7a00\u758f\u77e9\u9635\u5b58\u50a8\u793a\u610f\u56fe":123,"\u7a00\u758f\u77e9\u9635\u7684\u4e58\u79ef\u5e94\u7528\u4e8e\u524d\u5411\u4f20\u64ad\u8fc7\u7a0b":136,"\u7a0b\u5e8f\u4ece\u6b64\u76ee\u5f55\u62f7\u8d1d\u6587\u4ef6\u5230\u5bb9\u5668\u5185\u8fdb\u884c\u8bad\u7ec3":129,"\u7a0b\u5e8f\u4f9d\u8d56":125,"\u7a0b\u5e8f\u505c\u6b62":134,"\u7a0b\u5e8f\u662f\u4e00\u6837\u7684":118,"\u7a0b\u5e8f\u76f4\u63a5\u9000\u51fa":134,"\u7a20\u5bc6\u5411\u91cf":112,"\u7a20\u5bc6\u66f4\u65b0\u7684\u7aef\u53e3\u6570\u91cf":129,"\u7a20\u5bc6\u7684\u6d6e\u70b9\u6570\u5411\u91cf":[2,103],"\u7a20\u5bc6\u77e9\u9635":123,"\u7a97\u6237":106,"\u7acb\u523b\u9000\u51fa":96,"\u7acb\u5373\u6267\u884c\u5355\u5143\u6d4b\u8bd5":99,"\u7ae0\u8282":138,"\u7aef\u53e3":94,"\u7aef\u6570\u636e\u7c7b\u578b":123,"\u7aef\u7684":118,"\u7aef\u81ea\u5b9a\u4e49\u4e00\u4e2a":1,"\u7aef\u8bfb\u53d6\u6570\u636e":96,"\u7b2c":106,"\u7b2c\u4e00\u4e2a":111,"\u7b2c\u4e00\u4e2a\u53c2\u6570":113,"\u7b2c\u4e00\u4e2a\u53c2\u6570\u662fsettings\u5bf9\u8c61":2,"\u7b2c\u4e00\u4e2a\u6837\u672c\u540c\u65f6encode\u4e24\u6761\u6570\u636e\u6210\u4e24\u4e2a\u5411\u91cf":106,"\u7b2c\u4e00\u4e2apass\u4f1a\u4ecepython\u7aef\u8bfb\u53d6\u6570\u636e":2,"\u7b2c\u4e00\u4e2atag\u4e3a":85,"\u7b2c\u4e00\u5929":106,"\u7b2c\u4e00\u6b65\u9700\u8c03\u7528":124,"\u7b2c\u4e00\u7ae0\u8282":103,"\u7b2c\u4e00\u90e8\u5206\u662f\u56fe\u7247\u7684\u6807\u7b7e":2,"\u7b2c\u4e09\u4e2a\u53c2\u6570":113,"\u7b2c\u4e09\u65b9\u4f9d\u8d56\u5e93\u9700\u8981\u6309\u7167\u4e0e\u65b9\u5f0f2\u540c\u6837\u65b9\u6cd5\u663e\u793a\u5730\u8fdb\u884c\u94fe\u63a5":121,"\u7b2c\u4e09\u65b9\u94fe\u63a5\u5e93\u548c\u5934\u6587\u4ef6":121,"\u7b2c\u4e09\u6b65\u5b8c\u6210\u540e":85,"\u7b2c\u4e8c\u4e2a":96,"\u7b2c\u4e8c\u4e2a\u4e3a":85,"\u7b2c\u4e8c\u4e2a\u53c2\u6570":113,"\u7b2c\u4e8c\u7c7b":97,"\u7b2c\u4e8c\u90e8\u5206\u662f28":2,"\u7b2ci\u884c\u7b2cj\u5217\u7684\u6570\u503c":112,"\u7b49":[65,69,94,113,124],"\u7b49\u4e8e\u6837\u672c\u6570":96,"\u7b49\u5168\u90e8\u9759\u6001\u5e93\u4e2d\u7684\u76ee\u6807\u6587\u4ef6\u5168\u90e8\u6253\u5305\u540e\u4ea7\u751f\u7684\u6587\u4ef6":69,"\u7b49\u53c2\u6570":129,"\u7b49\u5f85\u7f16\u8bd1\u5b8c\u6210\u540e":85,"\u7b49\u6587\u4ef6":69,"\u7b49\u7b2c\u4e09\u65b9\u5e93":121,"\u7b80\u5199":113,"\u7b80\u5355\u4ecb\u7ecd\u9700\u8981\u7528\u5230\u57fa\u7c7b":113,"\u7b80\u5355\u603b\u7ed3op\u9700\u8981\u5305\u542b\u7684\u5185\u5bb9\u5982\u4e0b":113,"\u7b80\u5355\u6765\u8bf4":119,"\u7b80\u5355\u7684\u5168\u8fde\u63a5\u7f51\u7edc":98,"\u7b80\u5355\u7684\u6027\u80fd\u5206\u6790":119,"\u7b80\u5355\u7684pydataprovider2\u6837\u4f8b\u5c31\u8bf4\u660e\u5b8c\u6bd5\u4e86":2,"\u7b80\u5355\u7684yaml\u6587\u4ef6\u5982\u4e0b":128,"\u7b80\u76f4":106,"\u7b97\u6cd5":[96,109],"\u7b97\u6cd5\u4e2d\u7684beam\u5927\u5c0f":109,"\u7ba1\u7406\u4e86\u6bcf\u4e2a\u8ba1\u7b97\u5c42\u8f93\u51fa\u7684\u5b58\u50a8\u7a7a\u95f4":124,"\u7c7b\u4f3c":[69,105],"\u7c7b\u4f5c\u4e3a\u53c2\u6570\u7684\u62bd\u8c61":112,"\u7c7b\u522b\u4e2d\u7684\u53c2\u6570\u53ef\u7528\u4e8e\u6240\u6709\u573a\u5408":133,"\u7c7b\u522b\u6807\u7b7e\u4e4b\u4e00":124,"\u7c7b\u522b\u6807\u7b7e\u5c42":124,"\u7c7b\u540d\u548cc":68,"\u7c7b\u578b":[68,113,123,134],"\u7c7b\u578b\u4e3a":113,"\u7c7b\u578b\u4ecd\u7136\u4e3aeigenvector":114,"\u7c7b\u578b\u53ef\u4ee5\u662fpaddlepaddle\u652f\u6301\u7684\u4efb\u610f\u8f93\u5165\u6570\u636e\u7c7b\u578b":105,"\u7c7b\u578b\u540d\u4e3a":113,"\u7c7b\u578b\u662fnumpy\u7684ndarrai":96,"\u7c7b\u578b\u662fsparse_binary_vector":[2,103],"\u7c7b\u578b\u662fsparse_float_vector":[2,103],"\u7c7b\u578b\u6765\u8bbe\u7f6e":2,"\u7c7b\u578b\u7684":106,"\u7c7b\u578b\u7b49\u662f\u5426\u5408\u6cd5":113,"\u7c7b\u578b\u8fd8\u662f":123,"\u7c7b\u7684\u5b9a\u4e49\u5199\u5728":113,"\u7c7b\u7684\u5bf9\u8c61":124,"\u7c7b\u7684\u6784\u9020\u51fd\u6570\u548c\u6790\u6784\u51fd\u6570":112,"\u7c7b\u91cd\u5199":113,"\u7c7b\u9700\u8981\u5b9e\u73b0\u521d\u59cb\u5316":112,"\u7cfb\u6570":113,"\u7cfb\u7edf\u4e2d\u7684\u74f6\u9888\u53ef\u80fd\u548c\u7a0b\u5e8f\u5458\u5f00\u53d1\u8fc7\u7a0b\u4e2d\u60f3\u8c61\u7684\u74f6\u9888\u76f8\u53bb\u751a\u8fdc":118,"\u7cfb\u7edf\u4f1a\u5bf9\u65b0\u589e\u7684op\u81ea\u52a8\u7ed1\u5b9apython":113,"\u7cfb\u7edf\u4f1a\u63d0\u4f9b\u4e00\u4e2a\u5206\u5e03\u5f0f\u5b58\u50a8\u670d\u52a1":125,"\u7cfb\u7edf\u4f1a\u6839\u636e\u6587\u4ef6\u540d\u81ea\u52a8\u6784\u5efaop\u548c\u5176\u5bf9\u5e94\u7684python\u6269\u5c55":113,"\u7ebf\u7a0bid\u53f7":136,"\u7ec6\u8282\u63cf\u8ff0":135,"\u7ecf\u5e38\u4f1a\u6d88\u8017\u657010gb\u7684\u5185\u5b58\u548c\u6570gb\u7684\u663e\u5b58":96,"\u7ed3\u5c3e":113,"\u7ed3\u675f\u6807\u8bb0":109,"\u7ed3\u675f\u9884\u6d4b\u4e4b\u540e":124,"\u7ed3\u6784\u4f53":[123,124],"\u7ed3\u679c\u4f1a\u5199\u5165\u5f53\u524d\u8fd0\u884c\u76ee\u5f55\u4e0b\u7684":124,"\u7ed3\u679c\u5982\u4e0b\u56fe\u6240\u793a":118,"\u7ed3\u679c\u8f93\u51fa\u5230":110,"\u7ed3\u8bba":68,"\u7ed9":106,"\u7ed9\u4e2a\u7b80\u5355\u7684":111,"\u7ed9\u5b9aencoder\u8f93\u51fa\u548c\u5f53\u524d\u8bcd":108,"\u7edf\u4e00\u7528":37,"\u7ee7\u627f\u81ea":113,"\u7ee7\u627f\u81eaoperatorbas":113,"\u7ee7\u7eed\u8bad\u7ec3\u6216\u9884\u6d4b":2,"\u7ef4\u57fa\u767e\u79d1\u4e2d\u6587\u9875\u9762":106,"\u7ef4\u57fa\u767e\u79d1\u9875\u9762":106,"\u7ef4\u7a7a\u95f4":109,"\u7ef4\u7a7a\u95f4\u5b8c\u6210":109,"\u7f13\u5b58\u6c60\u7684\u51cf\u5c0f":96,"\u7f13\u5b58\u8bad\u7ec3\u6570\u636e\u5230\u5185\u5b58":2,"\u7f16\u5199":100,"\u7f16\u5199\u4e86\u4e00\u4e2apaddlepaddle\u7684\u7a0b\u5e8f":100,"\u7f16\u5199\u5b8cyaml\u6587\u4ef6\u540e":129,"\u7f16\u5199\u672c\u6b21\u8bad\u7ec3\u7684yaml\u6587\u4ef6":129,"\u7f16\u5199\u6df1\u5ea6\u5b66\u4e60\u7a0b\u5e8f":118,"\u7f16\u5199\u7684\u90e8\u5206":102,"\u7f16\u5199\u96c6\u7fa4\u4efb\u52a1\u63d0\u4ea4\u548c\u7ba1\u7406\u811a\u672c":125,"\u7f16\u53f7\u4ece0\u5f00\u59cb":96,"\u7f16\u7801\u5411\u91cf":109,"\u7f16\u7801\u5668\u8f93\u51fa":109,"\u7f16\u7801\u6e90\u5e8f\u5217":109,"\u7f16\u8bd1":[100,110,111,122,138],"\u7f16\u8bd1\u51fa\u7684paddlepaddle\u9884\u6d4b\u5e93\u548c\u5934\u6587\u4ef6":121,"\u7f16\u8bd1\u540e\u7684\u6587\u4ef6\u5c06\u88ab\u5b58\u50a8\u5728\u5de5\u4f5c\u76ee\u5f55":115,"\u7f16\u8bd1\u548c\u5b89\u88c5paddlepaddl":140,"\u7f16\u8bd1\u548c\u5b89\u88c5paddlepaddle\u9884\u6d4b\u5e93":[138,139],"\u7f16\u8bd1\u5668":[138,139,140],"\u7f16\u8bd1\u5668\u6ca1\u6709":68,"\u7f16\u8bd1\u5668\u8981\u6c42\u7cfb\u7edf\u652f\u6301":138,"\u7f16\u8bd1\u578b\u8bed\u8a00":68,"\u7f16\u8bd1\u5b89\u88c5\u4e0e\u5355\u5143\u6d4b\u8bd5":95,"\u7f16\u8bd1\u5b89\u88c5\u7ed3\u675f\u4e4b\u540e":138,"\u7f16\u8bd1\u5b8c\u6210\u4e4b\u540e":115,"\u7f16\u8bd1\u5b8c\u6210\u540e\u4f1a\u5728build":99,"\u7f16\u8bd1\u5de5\u5177\u94fe":138,"\u7f16\u8bd1\u5de5\u5177\u94fe\u6240\u5728\u7684\u7edd\u5bf9\u8def\u5f84":140,"\u7f16\u8bd1\u6027\u80fd\u4f1a\u548c":118,"\u7f16\u8bd1\u6210\u529f\u540e":113,"\u7f16\u8bd1\u6210\u529f\u540e\u5728":121,"\u7f16\u8bd1\u6210\u52a8\u6001\u5e93":134,"\u7f16\u8bd1\u65f6\u4e00\u5b9a\u8981\u5f00\u542f\u4f18\u5316":118,"\u7f16\u8bd1\u65f6\u4f1a\u628a\u5bf9\u5e94\u7684\u5934\u6587\u4ef6\u548c\u5e93\u653e\u5728":65,"\u7f16\u8bd1\u65f6\u53ef\u80fd\u4f1a\u53bb\u6389\u8c03\u8bd5\u4fe1\u606f":118,"\u7f16\u8bd1\u65f6\u6307\u5b9a":118,"\u7f16\u8bd1\u751f\u6210":115,"\u7f16\u8bd1\u8fd9\u4e2a\u7248\u672c\u7684docker\u53d1\u884c\u955c\u50cf":85,"\u7f16\u8bd1\u8fd9\u4e2a\u7248\u672c\u7684python":85,"\u7f16\u8bd1c":69,"\u7f16\u8bd1paddlepaddl":99,"\u7f51\u7edc\u5c42\u53ef\u4ee5\u6709\u591a\u4e2a\u8f93\u5165":112,"\u7f51\u7edc\u5c42\u7684\u6807\u8bc6\u7b26\u4e3a":112,"\u7f51\u7edc\u5c42\u7684\u7c7b\u578b":112,"\u7f51\u7edc\u5c42\u7684\u7ec6\u8282\u53ef\u4ee5\u901a\u8fc7\u4e0b\u9762\u8fd9\u4e9b\u4ee3\u7801\u7247\u6bb5\u6765\u6307\u5b9a":112,"\u7f51\u7edc\u5c42\u7684\u8f93\u51fa\u662f\u7ecf\u8fc7\u6fc0\u6d3b\u51fd\u6570\u4e4b\u540e\u7684\u503c":134,"\u7f51\u7edc\u5c42\u914d\u7f6e\u5305\u542b\u4ee5\u4e0b\u51e0\u9879":112,"\u7f51\u7edc\u63a5\u53d7\u4e00\u5e45\u56fe\u7247\u4f5c\u4e3a\u8f93\u5165":124,"\u7f51\u7edc\u7ed3\u6784\u7684\u5e8f\u5217\u5316\u7ed3\u679c\u548c\u6a21\u578b\u53c2\u6570\u5b58\u50a8\u76ee\u5f55":124,"\u7f51\u7edc\u901a\u4fe1":112,"\u7f51\u901f\u6216ssl\u94fe\u63a5\u539f\u56e0":93,"\u800c":[97,109,118],"\u800c\u4e0d\u4f1a\u6539\u53d8\u539f\u6709tensor\u7684shape\u4fe1\u606f":114,"\u800c\u4e0d\u5fc5\u5728\u610fpaddl":69,"\u800c\u4e0d\u652f\u6301pypy\u89e3\u91ca\u5668":68,"\u800c\u4e0d\u662f\u5728layer\u91cc\u5b9e\u73b0":97,"\u800c\u4e0d\u662f\u6e90\u7801\u76ee\u5f55\u91cc":93,"\u800c\u4e0d\u662f\u7279\u5f81\u7684\u96c6\u5408":106,"\u800c\u4e0d\u662f\u76f8\u5bf9":123,"\u800c\u4e0d\u662fc":123,"\u800c\u4e0d\u66b4\u9732\u6982\u5ff5\u7684\u5b9e\u73b0":69,"\u800c\u4e0d\u7528\u5173\u5fc3\u6570\u636e\u5982\u4f55\u4f20\u8f93":2,"\u800c\u4e14\u4e2a\u6570\u5e76\u4e0d\u786e\u5b9a":125,"\u800c\u4e14\u5305\u542b\u4e86c":102,"\u800c\u4e14\u5728\u4f20\u8f93\u7684\u8fc7\u7a0b\u4e2d\u4e5f\u53ef\u80fd\u51fa\u73b0\u7f51\u7edc\u4e0d\u7a33\u5b9a\u7684\u60c5\u51b5":51,"\u800c\u4e14cento":102,"\u800c\u4e4b\u524d\u7684\u53c2\u6570\u5c06\u4f1a\u88ab\u5220\u9664":134,"\u800c\u4ece\u5e94\u7528\u7684\u89d2\u5ea6":119,"\u800c\u4f18\u5316\u6027\u80fd\u7684\u9996\u8981\u4efb\u52a1":119,"\u800c\u5176\u4ed6\u5c42\u4f7f\u7528cpu\u8ba1\u7b97":136,"\u800c\u51fa\u73b0\u9636\u6bb5\u6027\u7684\u8fd0\u884c\u505c\u6ede":36,"\u800c\u53cc\u5c42rnn\u662f\u53ef\u4ee5\u5904\u7406\u8fd9\u79cd\u8f93\u5165\u6570\u636e\u7684\u7f51\u7edc\u7ed3\u6784":106,"\u800c\u53cd\u5411\u6d4b\u8bd5\u4e2d":113,"\u800c\u53ea\u9700\u8981\u83b7\u5f97recurr":97,"\u800c\u5728\u8ba1\u7b97\u7ed3\u675f\u4e4b\u540e":114,"\u800c\u5728cpp\u91cc\u9762\u5b9e\u73b0\u8fd9\u4e2ac\u7684\u63a5\u53e3":68,"\u800c\u591a\u8bed\u8a00\u63a5\u53e3\u9700\u8981\u76f4\u63a5\u8bfb\u53d6\u751f\u6210\u7684\u4e8c\u8fdb\u5236":68,"\u800c\u5b89\u88c5\u5305":[93,102],"\u800c\u5b89\u88c5\u5305\u662f":[93,102],"\u800c\u5bf9\u4e8e\u53cc\u5c42\u5e8f\u5217":106,"\u800c\u5bf9\u4e8e\u6bcf\u4e00\u4e2a\u5185\u5c42\u7279\u5f81\u6570\u636e\u800c\u8a00":106,"\u800c\u5bf9\u4e8egolang":68,"\u800c\u5bf9\u4e8egolang\u9519\u8bef\u5904\u7406\u5e94\u8be5\u4f7f\u7528\u8fd4\u56de\u503c":68,"\u800c\u5c06\u8fd9\u4e2a\u6bb5\u843d\u7684\u6bcf\u4e00\u53e5\u8bdd\u7528lstm\u7f16\u7801\u6210\u4e00\u4e2a\u5411\u91cf":106,"\u800c\u5f53\u524d\u5df2\u7ecf\u67095":119,"\u800c\u662f\u5c06\u8f93\u5165":[123,124],"\u800c\u662f\u76f4\u63a5\u4ece\u5185\u5b58\u7684\u7f13\u5b58\u91cc\u8bfb\u53d6\u6570\u636e":96,"\u800c\u662f\u76f4\u63a5\u4fee\u6539paddl":69,"\u800c\u662f\u76f4\u63a5\u7528api\u7684\u63a5\u53e3\u8fdc\u7a0b\u8bbf\u95ee":37,"\u800c\u66f4\u6df1\u5165\u7684\u5206\u6790":119,"\u800c\u6709\u4e9b\u53c2\u6570\u9700\u8981\u5728\u96c6\u7fa4\u591a\u673a\u8bad\u7ec3\u4e2d\u4f7f\u7528\u7b49":133,"\u800c\u6e90\u5e8f\u5217\u7684\u7f16\u7801\u5411\u91cf\u53ef\u4ee5\u88ab\u65e0\u8fb9\u754c\u7684memory\u8bbf\u95ee":109,"\u800c\u795e\u7ecf\u7f51\u7edc\u662f\u6211\u4eec\u8981\u642d\u5efa\u7684\u5b9d\u5854":103,"\u800c\u7a00\u758f\u66f4\u65b0\u5728\u53cd\u5411\u4f20\u64ad\u4e4b\u540e\u7684\u6743\u91cd\u66f4\u65b0\u65f6\u8fdb\u884c":136,"\u800c\u8ba1\u7b97\u8fc7\u7a0b\u662f\u7531":114,"\u800c\u8fd9\u4e00\u53e5\u8bdd\u5c31\u53ef\u4ee5\u8868\u793a\u6210\u8fd9\u4e9b\u4f4d\u7f6e\u7684\u6570\u7ec4":106,"\u800c\u8fd9\u4e2acontext\u53ef\u80fd\u4f1a\u975e\u5e38\u5927":2,"\u800c\u8fd9\u6bcf\u4e00\u4e2a\u6570\u7ec4\u5143\u7d20":106,"\u800c\u975e\u76f4\u63a5\u56de\u590d\u7684\u65b9\u5f0f":111,"\u800c\u975e\u9759\u6001\u52a0\u8f7dcuda\u52a8\u6001\u5e93":99,"\u800ceigenvector":114,"\u800cpaddlepaddle\u5219\u4f1a\u5e2e\u7528\u6237\u505a\u4ee5\u4e0b\u5de5\u4f5c":2,"\u800crnn\u662f\u6700\u6d41\u884c\u7684\u9009\u62e9":108,"\u800cswig\u53ea\u80fd\u7b80\u5355\u7684\u66b4\u9732c":68,"\u800ctrainer\u9700\u8981\u8bfb\u53d6\u8bad\u7ec3\u6570\u636e\u8fdb\u884c\u8bad\u7ec3":103,"\u800cy_predict\u662f\u63a5\u6536x\u4f5c\u4e3a\u8f93\u5165":103,"\u8054\u901a":125,"\u80fd\u591f\u5904\u7406\u53cc\u5c42\u5e8f\u5217":108,"\u80fd\u591f\u5bf9\u53cc\u5411\u5e8f\u5217\u8fdb\u884c\u5904\u7406\u7684\u6709":108,"\u80fd\u591f\u8bb0\u5f55\u4e0a\u4e00\u4e2asubseq":108,"\u80fd\u591f\u9488\u5bf9cpu\u548cgpu\u7684\u8ba1\u7b97\u505a\u66f4\u591a\u4f18\u5316":97,"\u80fd\u83b7\u53d6":126,"\u811a\u672c":[110,124,138],"\u811a\u672c\u5f00\u59cb\u65f6":129,"\u811a\u672c\u96c6\u6210\u4e86\u5e8f\u5217\u5316\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u7684\u8fc7\u7a0b":124,"\u81ea\u52a8\u5173\u95ed\u5bf9\u5e94\u7684":111,"\u81ea\u52a8\u5730\u5c06\u8fd9\u4e9b\u9009\u9879\u5e94\u7528\u5230":126,"\u81ea\u52a8\u5b8c\u6210\u8fd9\u4e00\u8fc7\u7a0b":108,"\u81ea\u52a8\u6302\u8f7d\u5206\u5e03\u5f0f\u5b58\u50a8\u76ee\u5f55":36,"\u81ea\u52a8\u6784\u5efa\u72ec\u7acb\u5de5\u5177\u94fe":138,"\u81ea\u52a8\u751f\u6210":115,"\u81ea\u52a8\u83b7\u53d6\u4e0a\u4e00\u4e2a\u751f\u6210\u7684\u8bcd":109,"\u81ea\u52a8\u9009\u62e9":139,"\u81ea\u6b64":[138,139],"\u81ea\u7136\u4e5f\u5c31\u6709\u7ba1\u7406\u5458\u6743\u9650":110,"\u81ea\u7136\u8bed\u8a00\u4e2d\u7684\u53e5\u5b50\u662f\u4e00\u4e2a\u5e8f\u5217":123,"\u81ea\u7136\u8bed\u8a00\u4e2d\u7684\u6bb5\u843d\u662f\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":123,"\u81ea\u7136\u8bed\u8a00\u5904\u7406\u7b49":136,"\u81f3\u4e8e\u4e3a\u4ec0\u4e48\u9700\u8981c":69,"\u81f3\u5c11\u5305\u542bgcc_3":102,"\u81f3\u5c11\u5305\u542bglibcxx_3":102,"\u81f3\u6b64":[2,106,111],"\u8212\u9002":106,"\u826f\u597d\u7684\u6587\u6863":68,"\u8282\u70b9":[125,130],"\u8282\u7701\u4e86\u4e0d\u5fc5\u8981\u7684\u64cd\u4f5c":65,"\u82e5":112,"\u82e5\u5728paddlepaddle\u7f16\u8bd1\u65f6":98,"\u82e5\u5e0c\u671b\u5f97\u5230\u6700\u5feb\u7684\u6267\u884c\u901f\u5ea6":139,"\u82e5\u5e0c\u671b\u6700\u5feb\u7684\u6267\u884c\u901f\u5ea6":[138,140],"\u82e5\u5e72\u4e2a\u53e5\u5b50\u6784\u6210\u4e00\u4e2a\u6bb5\u843d":105,"\u82e5\u6709\u4e0d\u4e00\u81f4\u4e4b\u5904":119,"\u82e5\u6709\u5fc5\u8981":112,"\u82e5\u672a\u663e\u5f0f\u6307\u5b9a":139,"\u82e5\u6ca1\u6709\u663e\u5f0f\u8bbe\u7f6e":138,"\u82e5\u73af\u5883\u53d8\u91cf":[138,139,140],"\u82e5\u8981\u5bf9\u8fd9\u51e0\u4e2alayer\u4f7f\u7528dropout":97,"\u82e5\u8f93\u51fa\u662f\u5355\u5c42\u5e8f\u5217":105,"\u82e5\u8f93\u51fa\u662f\u53cc\u5c42\u5e8f\u5217":105,"\u82f1\u6587\u6587\u6863":115,"\u82f1\u6587\u6587\u6863\u76ee\u5f55":115,"\u8303\u56f4":136,"\u83b7\u53d6":111,"\u83b7\u53d6\u53ef\u9009\u7684tag":100,"\u83b7\u53d6\u5f53\u524d\u7cfb\u7edf\u652f\u6301\u7684\u5b89\u88c5\u5305\u683c\u5f0f":102,"\u83b7\u53d6\u5f53\u524d\u7cfb\u7edf\u652f\u6301\u7684python\u5305\u7684\u540e\u7f00":93,"\u83b7\u53d6\u6700\u65b0\u7684\u68c0\u67e5\u70b9\u7684\u6587\u4ef6uuid":36,"\u83b7\u53d6\u6e90\u7801":110,"\u83b7\u53d6\u8f93\u51fa\u65f6":124,"\u83b7\u53d6trainer":129,"\u83b7\u5f97\u53c2\u6570\u5c3a\u5bf8":112,"\u83b7\u5f97\u57fa\u672c\u7684docker\u5b89\u88c5\u548c\u4f7f\u7528\u65b9\u6cd5":100,"\u83b7\u5f97\u8ba1\u7b97\u7ed3\u679c":124,"\u83b7\u5f97\u8fd9\u4e9b\u8282\u70b9\u7684ip\u5730\u5740":126,"\u83b7\u5f97head\u548cnode\u8282\u70b9\u7684ip\u5730\u5740":130,"\u865a\u62df\u673a\u4e0a":110,"\u867d\u7136\u4e0d\u9f13\u52b1\u8fd9\u6837":69,"\u867d\u7136\u5f02\u6b65sgd\u65b9\u5f0f\u4f1a\u63d0\u9ad8\u53c2\u6570\u66f4\u65b0\u5e76\u884c\u5ea6":125,"\u867d\u7136\u6bcf\u4e2agenerator\u5728\u6ca1\u6709\u8c03\u7528\u7684\u65f6\u5019":2,"\u867d\u7136paddle\u770b\u8d77\u6765\u5305\u542b\u4e86\u4f17\u591a\u53c2\u6570":133,"\u884c":123,"\u884c\u504f\u79fb":123,"\u884c\u5185\u4f7f\u7528":2,"\u884c\u53f7":118,"\u8865\u5145\u4e0a\u6b21\u7684commit":111,"\u8868\u660e\u4e86\u8fd9\u4e9b\u884c\u7684\u6807\u53f7":112,"\u8868\u660e\u8fd9\u4e2a\u5c42\u7684\u4e00\u4e2a\u5b9e\u4f8b\u662f\u5426\u9700\u8981\u504f\u7f6e":112,"\u8868\u793a":113,"\u8868\u793a\u4e3adeviceid":136,"\u8868\u793a\u5bf9\u8f93\u5165\u6570\u636e":65,"\u8868\u793a\u5c06\u5916\u5c42\u7684outer_mem\u4f5c\u4e3a\u5185\u5c42memory\u7684\u521d\u59cb\u72b6\u6001":106,"\u8868\u793a\u5f53\u524d\u96c6\u7fa4\u4f5c\u4e1a\u7684\u8282\u70b9":126,"\u8868\u793a\u6570\u636e\u7c7b\u578b":113,"\u8868\u793a\u7528\u4e8e\u8bad\u7ec3\u6216\u9884\u6d4b":2,"\u8868\u793a\u7684\u504f\u79fb\u662f\u4ee5":123,"\u8868\u793a\u8bbe\u5907\u7c7b\u578b":113,"\u8868\u793a\u8bcd\u8bed\u5728\u8bcd\u5178\u4e2d\u7684\u5e8f\u53f7":123,"\u8868\u793a\u8bfb\u8005\u6240\u4f7f\u7528\u7684docker\u955c\u50cf\u4ed3\u5e93\u5730\u5740":129,"\u8868\u793a\u8fd9\u4e2ajob\u7684\u540d\u5b57":129,"\u8868\u793a\u9700\u8981\u6784\u5efa\u63a8\u7406\u5e93":140,"\u88ab":111,"\u88ab\u5207\u5206\u6210\u591a\u4e2a\u90e8\u5206":125,"\u88ab\u6269\u5c55\u4e3a\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u88ab\u653e\u5728":112,"\u88ab\u79f0\u4e3a":109,"\u8981\u4f7f\u7528\u547d\u4ee4\u884c\u5206\u6790\u5de5\u5177":119,"\u8981\u5728\u5df2\u6709\u7684kubernetes\u96c6\u7fa4\u4e0a\u8fdb\u884cpaddlepaddle\u7684\u5206\u5e03\u5f0f\u8bad\u7ec3":129,"\u8981\u6c42\u5355\u5c42\u5e8f\u5217\u542b\u6709\u5143\u7d20\u7684\u6570\u76ee":105,"\u8981\u751f\u6210\u7684\u76ee\u6807\u5e8f\u5217":108,"\u8981\u8c03\u7528":112,"\u89c6\u9891\u7b49":123,"\u89e3\u51b3\u529e\u6cd5\u662f":93,"\u89e3\u51b3\u65b9\u6848\u662f":98,"\u89e3\u6790\u6a21\u578b\u914d\u7f6e\u6587\u4ef6":4,"\u89e3\u6790\u73af\u5883\u53d8\u91cf\u5f97\u5230":129,"\u89e3\u6790\u8bad\u7ec3\u6a21\u578b\u65f6\u7528\u7684\u914d\u7f6e\u6587\u4ef6":4,"\u89e3\u7801\u5668\u4f7f\u7528":109,"\u89e3\u7801\u5668\u57fa\u4e8e\u7f16\u7801\u6e90\u5e8f\u5217\u548c\u6700\u540e\u751f\u6210\u7684\u76ee\u6807\u8bcd\u9884\u6d4b\u4e0b\u4e00\u76ee\u6807\u8bcd":109,"\u89e3\u7801\u5668\u662f\u95e8\u63a7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc":109,"\u89e3\u91ca\u578b\u8bed\u8a00\u53ea\u80fd\u8c03\u7528\u52a8\u6001\u5e93":68,"\u89e3\u91ca\u6027\u8bed\u8a00\u5b9e\u9645\u8fd0\u884c\u7684\u4e8c\u8fdb\u5236\u662f\u89e3\u91ca\u5668\u672c\u8eab":68,"\u8ba1\u5212\u5728":[64,65],"\u8ba1\u7b97":[109,125],"\u8ba1\u7b97\u504f\u7f6e\u7684\u68af\u5ea6":112,"\u8ba1\u7b97\u53cd\u5411rnn\u7684\u7b2c\u4e00\u4e2a\u5b9e\u4f8b":109,"\u8ba1\u7b97\u53d8\u6362\u77e9\u9635\u7684\u5927\u5c0f\u548c\u683c\u5f0f":112,"\u8ba1\u7b97\u5f53\u524d\u5c42\u6743\u91cd\u7684\u68af\u5ea6":112,"\u8ba1\u7b97\u6548\u7387\u66f4\u9ad8":97,"\u8ba1\u7b97\u6bcf\u4e2a\u8bcd\u7684\u8bcd\u5411\u91cf":109,"\u8ba1\u7b97\u6fc0\u6d3b\u51fd\u6570\u7684\u68af\u5ea6":112,"\u8ba1\u7b97\u7684\u7ec6\u8282\u5c06\u5728\u4e0b\u9762\u7684\u5c0f\u8282\u7ed9\u51fa":112,"\u8ba1\u7b97\u8282\u70b9":125,"\u8ba1\u7b97\u8282\u70b9\u4e4b\u95f4\u4e5f\u4e0d\u4f1a\u76f8\u4e92\u4f9d\u8d56":125,"\u8ba1\u7b97\u8f6c\u6362\u77e9\u9635\u548c\u8f93\u5165\u7684\u68af\u5ea6":112,"\u8ba1\u7b97\u8f93\u5165\u548c\u53c2\u6570\u7684\u68af\u5ea6":112,"\u8ba1\u7b97\u8f93\u5165\u5c42\u7684\u504f\u5dee":112,"\u8ba1\u7b97\u8f93\u51fa":112,"\u8ba1\u7b97\u8fd9\u4e2a\u6587\u4ef6\u7684md5":36,"\u8ba1\u7b97\u96c6\u7fa4\u901a\u5e38\u7531\u4e00\u7ec4":125,"\u8ba1\u7b97\u9700\u8981\u7684\u6570\u636e\u5b58\u653e\u5728":114,"\u8ba9\u795e\u7ecf\u7f51\u7edc\u53ef\u4ee5\u8fdb\u884c\u8bad\u7ec3\u6216\u9884\u6d4b":1,"\u8ba9paddle\u6838\u5fc3\u4e2d":69,"\u8bad\u7ec3":133,"\u8bad\u7ec3\u4e0e\u5e94\u7528":0,"\u8bad\u7ec3\u4efb\u52a1\u7684\u8fd0\u884c\u53ef\u80fd\u4f1a\u5360\u6ee1trainer\u548cparamet":36,"\u8bad\u7ec3\u548c\u7eaf\u4f7f\u7528":85,"\u8bad\u7ec3\u5931\u8d25\u65f6\u53ef\u4ee5\u68c0\u67e5\u9519\u8bef\u65e5\u5fd7":126,"\u8bad\u7ec3\u597d\u4e00\u4e2a\u6df1\u5c42\u795e\u7ecf\u7f51\u7edc\u901a\u5e38\u8981\u8017\u8d39\u975e\u5e38\u957f\u7684\u65f6\u95f4":119,"\u8bad\u7ec3\u597d\u7684\u6a21\u578b\u9ed8\u8ba4\u4fdd\u5b58\u5728\u5f53\u524d\u8fd0\u884c\u76ee\u5f55\u4e0b\u7684":124,"\u8bad\u7ec3\u6570\u636e\u662f":2,"\u8bad\u7ec3\u6570\u636e\u6709\u95ee\u9898":96,"\u8bad\u7ec3\u6570\u636e\u683c\u5f0f\u548c\u8bad\u7ec3\u7a0b\u5e8f\u7684":125,"\u8bad\u7ec3\u65f6":129,"\u8bad\u7ec3\u65f6\u9ed8\u8ba4shuffl":2,"\u8bad\u7ec3\u6a21\u578b\u540e":109,"\u8bad\u7ec3\u6a21\u578b\u6b63\u786e\u6027":85,"\u8bad\u7ec3\u7a0b\u5e8f":125,"\u8bad\u7ec3\u7ed3\u675f\u540e\u67e5\u770b\u8f93\u51fa\u7ed3\u679c":129,"\u8bad\u7ec3\u8282\u70b9\u6570\u91cf":129,"\u8bad\u7ec3\u8bed\u8a00\u6a21\u578b\u8ddd\u79bb":96,"\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u53c2\u6570\u6216\u8005\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u7684\u68af\u5ea6\u5c3a\u5ea6\u8fc7\u5927":96,"\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u6d4b\u8bd5test_period":133,"\u8bad\u7ec3\u8fc7\u7a0b\u662f\u5426\u4e3a\u672c\u5730\u6a21\u5f0f":134,"\u8bad\u7ec3\u8fc7\u7a0b\u662f\u5426\u4f7f\u7528gpu":134,"\u8bad\u7ec3\u914d\u7f6e\u4e2d\u7684\u8bbe\u5907\u5c5e\u6027\u5c06\u4f1a\u65e0\u6548":134,"\u8bad\u7ec3dot_period":133,"\u8bb0\u5f55\u4e0b\u6240\u6709\u5931\u8d25\u7684\u4f8b\u5b50":85,"\u8bb0\u5fc6\u6a21\u5757":109,"\u8bbe\u4e3a\u5df2\u90e8\u7f72\u7684\u5de5\u4f5c\u7a7a\u95f4\u76ee\u5f55":126,"\u8bbe\u4e3a\u672c\u5730":126,"\u8bbe\u5b9a":97,"\u8bbe\u7f6e":[69,96,97,99,138,139],"\u8bbe\u7f6e\u4e3a":112,"\u8bbe\u7f6e\u4e3a\u4e0d\u540c\u7684\u503c":97,"\u8bbe\u7f6e\u4e3atrue\u4f7f\u7528\u672c\u5730\u8bad\u7ec3\u6216\u8005\u4f7f\u7528\u96c6\u7fa4\u4e0a\u7684\u4e00\u4e2a\u8282\u70b9":134,"\u8bbe\u7f6e\u4e3atrue\u4f7f\u7528gpu\u6a21\u5f0f":134,"\u8bbe\u7f6e\u4e86\u76f8\u540c\u7684\u53d6\u503c":97,"\u8bbe\u7f6e\u5176\u53c2\u6570\u5c5e\u6027":98,"\u8bbe\u7f6e\u5185\u5b58\u4e2d\u6682\u5b58\u7684\u6570\u636e\u6761\u6570":2,"\u8bbe\u7f6e\u5185\u5b58\u4e2d\u6700\u5c0f\u6682\u5b58\u7684\u6570\u636e\u6761\u6570":2,"\u8bbe\u7f6e\u53c2\u6570\u7684\u540d\u5b57":98,"\u8bbe\u7f6e\u547d\u4ee4\u884c\u53c2\u6570":[96,116],"\u8bbe\u7f6e\u5b66\u4e60\u7387\u8870\u51cf\u56e0\u5b50\u5206\u6bb5\u51fd\u6570":98,"\u8bbe\u7f6e\u5e8f\u5217\u4fe1\u606f\u7684\u63a5\u53e3":123,"\u8bbe\u7f6e\u6210":98,"\u8bbe\u7f6e\u6210\u4e00\u4e2a\u5c0f\u4e00\u4e9b\u7684\u503c":96,"\u8bbe\u7f6e\u8f93\u51fa\u7684\u5c3a\u5bf8":112,"\u8bbe\u7f6e\u8f93\u51fatensor\u7684\u5f62\u72b6":113,"\u8bbe\u7f6e\u8fd9\u4e2apydataprovider2\u8fd4\u56de\u4ec0\u4e48\u6837\u7684\u6570\u636e":2,"\u8bbe\u7f6e\u9ed8\u8ba4\u8bbe\u5907\u53f7\u4e3a0":136,"\u8bbe\u7f6egpu":134,"\u8bbf\u95ee\u5bf9\u5e94\u7684\u7f51\u5740":118,"\u8bbf\u95eekubernetes\u7684\u63a5\u53e3\u6765\u67e5\u8be2\u6b64job\u5bf9\u5e94\u7684\u6240\u6709pod\u4fe1\u606f":129,"\u8bc4\u5ba1\u4eba\u4e00\u822c\u4e0d\u505a\u8bc4\u5ba1":111,"\u8bc4\u5ba1\u4eba\u7684\u6bcf\u4e2a\u610f\u89c1\u90fd\u5fc5\u987b\u56de\u590d":111,"\u8bc4\u5ba1\u4eba\u9700\u8981\u9010\u4e00\u67e5\u770b\u6bcf\u4e2acommit\u624d\u80fd\u77e5\u9053\u505a\u4e86\u54ea\u4e9b\u4fee\u6539":111,"\u8bc4\u8bba\u6846\u4e2d\u52a0\u4e0a":111,"\u8bc6\u522b\u6570\u5b57":85,"\u8bcd\u5411\u91cf":85,"\u8bd5\u7740\u8ba9\u8f93\u51fa\u7684\u5206\u6790\u6570\u636e\u548c\u7406\u8bba\u503c\u5bf9\u5e94":119,"\u8be5\u51fd\u6570\u5177\u6709\u4e24\u4e2a\u53c2\u6570":2,"\u8be5\u51fd\u6570\u5728\u521d\u59cb\u5316\u7684\u65f6\u5019\u4f1a\u88ab\u8c03\u7528":2,"\u8be5\u51fd\u6570\u7684\u529f\u80fd\u662f":2,"\u8be5\u53c2\u6570\u5728\u7f51\u7edc\u914d\u7f6e\u7684output":134,"\u8be5\u53c2\u6570\u5728\u96c6\u7fa4\u63d0\u4ea4\u73af\u5883\u4e2d\u81ea\u52a8\u8bbe\u7f6e":134,"\u8be5\u53c2\u6570\u5df2\u7ecf\u5728\u96c6\u7fa4\u63d0\u4ea4\u73af\u5883\u4e2d\u5b8c\u6210\u8bbe\u7f6e":134,"\u8be5\u53c2\u6570\u5fc5\u987b\u80fd\u88abflag":134,"\u8be5\u53c2\u6570\u6307\u793a\u662f\u5426\u6253\u5370\u65e5\u5fd7\u622a\u65ad\u4fe1\u606f":134,"\u8be5\u53c2\u6570\u6307\u793a\u662f\u5426\u6253\u5370\u9519\u8bef\u622a\u65ad\u65e5\u5fd7":134,"\u8be5\u53c2\u6570\u7528\u4e8e\u6307\u5b9a\u52a8\u6001\u5e93\u8def\u5f84":134,"\u8be5\u53c2\u6570\u7684\u610f\u601d\u662f\u8bad\u7ec3num":134,"\u8be5\u53c2\u6570\u9ed8\u8ba4\u4e3anull":134,"\u8be5\u5bf9\u8c61\u5177\u6709\u4ee5\u4e0b\u4e24\u4e2a\u5c5e\u6027":2,"\u8be5\u5c42\u4ec5\u9700\u8981\u8fd9\u4e9b\u975e\u96f6\u6837\u672c\u4f4d\u7f6e\u6240\u5bf9\u5e94\u7684\u53d8\u6362\u77e9\u9635\u7684\u90a3\u4e9b\u884c":112,"\u8be5\u622a\u65ad\u4f1a\u5f71\u54cd":134,"\u8be5\u6279\u6b21\u7684\u8f93\u5165\u4e2d\u4ec5\u6709\u4e00\u4e2a\u5b50\u96c6\u662f\u975e\u96f6\u7684":112,"\u8be5\u63a5\u53e3\u4f7f\u7528\u591a\u7ebf\u7a0b\u8bfb\u53d6\u6570\u636e":2,"\u8be5\u63a5\u53e3\u53ef\u7528\u4e8e\u9884\u6d4b\u548c\u5b9a\u5236\u5316\u8bad\u7ec3":99,"\u8be5\u63a5\u53e3\u63a5\u53d7\u4e24\u4e2a\u53c2\u6570":124,"\u8be5\u6570\u76ee\u662f\u63d0\u524d\u5b9a\u4e49\u597d\u7684":134,"\u8be5\u6587\u4ef6\u5bf9\u76f8\u5173gemm":64,"\u8be5\u65f6\u95f4\u53bb\u9664\u6389\u672c\u51fd\u6570\u8c03\u7528\u5176\u4ed6\u51fd\u6570\u7684\u65f6\u95f4":118,"\u8be5\u6a21\u578b\u7684\u8bf4\u660e\u5982\u4e0b\u56fe\u6240\u793a":109,"\u8be5\u7c7b\u7684":113,"\u8be5\u7c7b\u7684\u5b9e\u73b0\u7ec6\u8282\u5728":112,"\u8be5\u7c7b\u7ee7\u627f\u4e8epaddlepaddle\u7684\u57fa\u7c7b":65,"\u8be5\u811a\u672c\u4e2d\u8bb0\u5f55\u4e86\u4ea4\u53c9\u7f16\u8bd1android\u7248paddlepaddle\u5e93\u5e38\u7528\u7684cmake\u914d\u7f6e":138,"\u8be5\u8bed\u53e5\u4f1a\u4e3a\u6bcf\u4e2a\u5c42\u521d\u59cb\u5316\u5176\u6240\u9700\u8981\u7684\u53d8\u91cf\u548c\u8fde\u63a5":112,"\u8be5layer\u662f\u901a\u8fc7\u53c2\u6570":97,"\u8be6\u7ec6\u4ecb\u7ecd\u53ef\u4ee5\u53c2\u8003":106,"\u8be6\u7ec6\u4ecb\u7ecd\u8bf7\u53c2\u8003\u8bbe\u8ba1\u6587\u6863":113,"\u8be6\u7ec6\u4fe1\u606f\u8bf7\u68c0\u67e5":126,"\u8be6\u7ec6\u53c2\u8003":99,"\u8be6\u7ec6\u53ef\u53c2\u8003":111,"\u8be6\u7ec6\u6587\u6863\u53c2\u8003":96,"\u8be6\u7ec6\u7684cmake\u4f7f\u7528\u65b9\u6cd5\u53ef\u4ee5\u53c2\u8003":99,"\u8be6\u7ec6\u89c1":105,"\u8be6\u7ec6\u8bbe\u8ba1":51,"\u8bed\u610f\u89d2\u8272\u6807\u6ce8":85,"\u8bed\u8a00\u91cd\u6784\u540e\u7684":118,"\u8bf4\u660e":[36,99,102,123],"\u8bf4\u660e\u63d0\u4ea4\u7684\u4ee3\u7801\u5b58\u5728\u95ee\u9898":111,"\u8bf4\u660e\u8fd9\u4e2a\u5c42\u7684\u8f93\u5165":112,"\u8bf7\u4e0d\u8981\u521b\u5efa\u7a7a\u7684":113,"\u8bf7\u4e0d\u8981\u5fd8\u8bb0\u63d0\u524d\u5728\u7269\u7406\u673a\u4e0a\u5b89\u88c5gpu\u6700\u65b0\u9a71\u52a8":100,"\u8bf7\u4fdd\u8bc1travi":111,"\u8bf7\u5148\u4f7f\u7528":[138,139,140],"\u8bf7\u53c2\u7167\u7f51\u7edc\u914d\u7f6e\u7684\u6587\u6863\u4e86\u89e3\u66f4\u8be6\u7ec6\u7684\u4fe1\u606f":136,"\u8bf7\u53c2\u8003":[2,69,93,96,103,106,112,113,124],"\u8bf7\u53c2\u8003\u6b64":124,"\u8bf7\u53c2\u89c1":111,"\u8bf7\u53c2\u9605":109,"\u8bf7\u5728\u8be5pull":111,"\u8bf7\u5728\u8f93\u5165\u65f6\u8fdb\u884c\u5408\u6cd5\u6027\u68c0\u67e5":123,"\u8bf7\u60a8\u6bcf\u6b21\u63d0\u4ea4\u4ee3\u7801\u65f6":111,"\u8bf7\u60a8\u9075\u5b88\u4ee5\u4e0b\u7ea6\u5b9a":111,"\u8bf7\u6307\u5b9a\u7684paddlepaddle\u5de5\u4f5c\u76ee\u5f55\u7ed9\u73af\u5883\u53d8\u91cf":115,"\u8bf7\u6307\u5b9a\u8be5\u76ee\u5f55":134,"\u8bf7\u663e\u793a\u5730\u8c03\u7528":113,"\u8bf7\u68c0\u67e5python\u7248\u672c\u662f\u5426\u4e3a2":102,"\u8bf7\u6ce8\u610f":[109,113,128],"\u8bf7\u6ce8\u610f\u662f\u5426\u9700\u8981\u4fee\u6539\u7f51\u7edc\u7ed3\u6784":124,"\u8bf7\u6ce8\u610f\u6bcf\u4e2acommit\u7684\u540d\u79f0":111,"\u8bf7\u6ce8\u610f\u8fd9\u4e2a\u547d\u4ee4\u7ed3\u5c3e\u5904\u7684":110,"\u8bf7\u6ce8\u610fcommit\u7684\u6570\u91cf":111,"\u8bf7\u76f4\u63a5\u586b\u51450":98,"\u8bf7\u770b\u4e0b\u9762\u7684\u4f8b\u5b50":136,"\u8bf7\u786e\u4fdd":111,"\u8bf7\u7ed9\u51fa\u603b\u4f53\u7684\u4fee\u6539\u60c5\u51b5":111,"\u8bf7\u7ed9\u51fa\u60a8\u81ea\u5df1\u7684\u53cd\u9a73\u7406\u7531":111,"\u8bf7\u9009\u62e9\u5408\u9002\u7684\u8bcd\u6c47":111,"\u8bf7\u9009\u62e9\u6b63\u786e\u7684\u7248\u672c":93,"\u8bf7\u9075\u5b88":111,"\u8bf7\u91c7\u7528":111,"\u8bf8\u5982\u56fe\u50cf\u5206\u7c7b":136,"\u8bfb\u53d6\u6570\u636e":2,"\u8bfb\u53d6\u6bcf\u4e00\u884c":2,"\u8bfb\u53d6\u9700\u8981\u7684\u7ed3\u679c\u5373\u53ef":123,"\u8bfb\u53d6volume\u4e2d\u7684\u6570\u636e\u8fdb\u884c\u8fd9\u6b21\u5206\u5e03\u5f0f\u8bad\u7ec3":129,"\u8bfb\u8005\u53ef\u4ee5\u67e5\u770b":129,"\u8bfb\u8005\u9700\u8981\u66ff\u6362\u6210\u81ea\u5df1\u4f7f\u7528\u7684\u4ed3\u5e93\u5730\u5740":129,"\u8c03\u7528":[112,124,139],"\u8c03\u7528\u4e00\u6b21":2,"\u8c03\u7528\u5bf9\u5e94":114,"\u8c03\u7528\u65b9\u6cd5\u89c1c":[138,139],"\u8c03\u7528\u7528":118,"\u8c03\u7528\u7684\u4e00\u4e9b\u7528\u6237\u5b9a\u4e49\u7684\u5e93\u51fd\u6570":125,"\u8c03\u7528\u7684\u51fd\u6570\u662f\u5426\u652f\u6301\u4e0d\u540c\u8bbe\u5907":113,"\u8c03\u7528\u7684pydataprovider2\u662f":2,"\u8c03\u7528\u7b2c\u4e8c\u6b21\u7684\u65f6\u5019":2,"\u8c03\u7528\u8be5\u51fd\u6570\u540e":112,"\u8c03\u7528\u8fd9\u4e2apydataprovider2\u7684\u65b9\u6cd5":2,"\u8c03\u7528c":[123,124],"\u8d21\u732e\u6587\u6863":115,"\u8d77":106,"\u8d77\u59cb\u5b58\u50a8\u5730\u5740\u4ee5\u6570\u636e\u7684\u5b58\u50a8\u5927\u5c0f\u4e3a\u5355\u4f4d\u7684\u504f\u79fb":123,"\u8df3\u8f6c\u5230":111,"\u8df3\u8fc7":96,"\u8f6c\u5316\u65b9\u6cd5\u5728\u76f8\u5e94\u7684\u9886\u57df\u90fd\u6709\u901a\u7528\u89e3\u51b3\u65b9\u6848":123,"\u8f6c\u6362\u5185\u5b58\u7684\u5de5\u4f5c":65,"\u8f6c\u6362\u5197\u4f59":64,"\u8f6c\u6362\u51fd\u6570":65,"\u8f6c\u6362\u751f\u6210\u7684\u6587\u4ef6\u540d\u4f1a\u662f\u4ee5\u4e0b\u683c\u5f0f":37,"\u8f6c\u6362\u8017\u65f6":64,"\u8f83":106,"\u8f93\u5165":[105,109,122,124],"\u8f93\u5165\u4e86\u6027\u80fd\u5206\u6790\u7ed3\u679c":118,"\u8f93\u5165\u548c\u8f93\u51fa\u90fd\u662f\u5355\u5c42\u5e8f\u5217":108,"\u8f93\u5165\u548c\u8f93\u51fa\u90fd\u662f\u53cc\u5c42\u5e8f\u5217":108,"\u8f93\u5165\u5e8f\u5217\u4e2d\u5143\u7d20\u7684\u603b\u6570":96,"\u8f93\u5165\u6570\u636e\u4e3a\u4e00\u4e2a\u5b8c\u6574\u7684\u65f6\u95f4\u5e8f\u5217":106,"\u8f93\u5165\u6570\u636e\u4e3a\u5728\u5355\u5c42rnn\u6570\u636e\u91cc\u9762":106,"\u8f93\u5165\u6570\u636e\u53ef\u5206\u4e3a":123,"\u8f93\u5165\u6570\u636e\u6574\u4f53\u4e0a\u662f\u4e00\u4e2a\u65f6\u95f4\u5e8f\u5217":106,"\u8f93\u5165\u6570\u636e\u7684\u5b57\u5178\u7ef4\u6570\u662f1\u767e\u4e07":136,"\u8f93\u5165\u6570\u636e\u7c7b\u578b":123,"\u8f93\u5165\u662f\u5426\u662f\u8f6c\u7f6e\u7684":112,"\u8f93\u5165\u662f\u7531\u4e00\u4e2alist\u4e2d\u7684\u7f51\u7edc\u5c42\u5b9e\u4f8b\u7684\u540d\u5b57\u7ec4\u6210\u7684":112,"\u8f93\u5165\u68af\u5ea6":65,"\u8f93\u5165\u7684\u540d\u5b57":112,"\u8f93\u5165\u7684\u5927\u5c0f":112,"\u8f93\u5165\u7684\u7c7b\u578b":112,"\u8f93\u5165\u9700\u8981\u9884\u6d4b\u7684\u5411\u91cf\u7ec4":103,"\u8f93\u51fa":[105,109,113,124],"\u8f93\u51fa\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":108,"\u8f93\u51fa\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":108,"\u8f93\u51fa\u4fe1\u606f\u6709\u673a\u5730\u7ec4\u7ec7\u5728\u4e00\u8d77":123,"\u8f93\u51fa\u51fd\u6570":109,"\u8f93\u51fa\u521b\u5efa":[123,124],"\u8f93\u51fa\u5e8f\u5217\u7684\u7c7b\u578b":105,"\u8f93\u51fa\u5e8f\u5217\u7684\u8bcd\u8bed\u6570\u548c\u8f93\u5165\u5e8f\u5217\u4e00\u81f4":108,"\u8f93\u51fa\u6240\u643a\u5e26\u7684\u5e8f\u5217\u4fe1\u606f":123,"\u8f93\u51fa\u6570\u636e\u548c\u8f93\u51fa\u68af\u5ea6":65,"\u8f93\u51fa\u6570\u636e\u548c\u8f93\u51fa\u68af\u5ea6\u7684\u8f6c\u6362":65,"\u8f93\u51fa\u6570\u636e\u662f\u5728\u4e0a\u6587\u4ecb\u7ecd\u7684":123,"\u8f93\u51fa\u6570\u636e\u6709\u673a\u5730\u7ec4\u7ec7\u5728\u4e00\u8d77":124,"\u8f93\u51fa\u6570\u636e\u7ec4\u7ec7":[122,124],"\u8f93\u51fa\u7531":123,"\u8f93\u51fa\u7684\u5e8f\u5217\u4fe1\u606f":123,"\u8f93\u51fa\u7684\u68af\u5ea6":134,"\u8f93\u51fa\u7ed3\u679c\u53ef\u80fd\u4f1a\u968f\u7740\u5bb9\u5668\u7684\u6d88\u8017\u800c\u88ab\u5220\u9664":128,"\u8f93\u51fa\u88ab\u7ec4\u7ec7\u4e3a":123,"\u8f93\u51fa\u88ab\u7ec4\u7ec7\u4e3a\u4e00\u4e2a":123,"\u8f93\u51fa\u90fd\u4f1a\u5bf9\u5e94\u6709\u81ea\u5df1\u7684":[123,124],"\u8fbe\u5230\u5bb9\u707e\u7684\u76ee\u7684":36,"\u8fc7\u4e86\u4e00\u4e2a\u5f88\u7b80\u5355\u7684recurrent_group":106,"\u8fc7\u5b8c\u6240\u6709\u8bad\u7ec3\u6570\u636e\u5373\u4e3a\u4e00\u4e2apass":96,"\u8fc7\u7a0b\u4e2d\u6240\u6709\u65f6\u95f4\u6b65":64,"\u8fd0\u884c":124,"\u8fd0\u884c\u4e00\u4e2a":110,"\u8fd0\u884c\u4e0b\u9762\u547d\u4ee4\u53ef\u4ee5\u8fdb\u884c\u7f16\u8bd1":113,"\u8fd0\u884c\u5355\u5143\u6d4b\u8bd5":110,"\u8fd0\u884c\u5355\u5143\u6d4b\u8bd5\u6d4b\u65f6\u9700\u8981\u7f16\u8bd1\u6574\u4e2a\u5de5\u7a0b":113,"\u8fd0\u884c\u5931\u8d25":136,"\u8fd0\u884c\u5b8c\u6210\u540e":126,"\u8fd0\u884c\u5b8c\u6bd5\u540e\u8f93\u51fa":118,"\u8fd0\u884c\u6027\u80fd\u5206\u6790\u7684\u65f6\u5019":118,"\u8fd0\u884c\u65e5\u5fd7":126,"\u8fd0\u884c\u65f6\u4e5f\u53ef\u80fd\u56e0\u4e3a\u591a\u7ebf\u7a0b\u4ea7\u751f\u6df7\u4e71\u4e0d\u53ef\u8bfb\u7684\u6027\u80fd\u5206\u6790\u7ed3\u679c":118,"\u8fd0\u884c\u65f6\u4f1a\u81ea\u52a8\u627e\u5230\u7cfb\u7edf\u4e2d\u5b89\u88c5\u7684cuda\u548ccudnn\u5e93\u8fdb\u884c\u7f16\u8bd1\u548c\u6267\u884c":99,"\u8fd0\u884c\u65f6c":124,"\u8fd0\u884c\u7684\u4e00\u4e9b\u53c2\u6570\u901a\u8fc7\u8fd9\u79cd\u65b9\u5f0f\u4f20\u9012\u5230\u5bb9\u5668\u5185":129,"\u8fd0\u884c\u8be5\u7f16\u8bd1\u5de5\u5177\u94fe\u9700\u8981\u4e00\u53f0":140,"\u8fd1":106,"\u8fd1\u671f\u76ee\u6807":65,"\u8fd4\u56de":[7,8,9,13,14,15,21,22,23,24,29],"\u8fd4\u56de0":2,"\u8fd4\u56de\u4e00\u6761\u5b8c\u6574\u7684\u6837\u672c":2,"\u8fd4\u56de\u65f6":2,"\u8fd4\u56de\u7684\u662f":[2,103],"\u8fd4\u56de\u7684\u987a\u5e8f\u9700\u8981\u548cinput_types\u4e2d\u5b9a\u4e49\u7684\u987a\u5e8f\u4e00\u81f4":2,"\u8fd4\u56de\u7b2c\u4e8c\u6b65":85,"\u8fd4\u56de\u7b2ci\u4e2a\u8f93\u5165\u77e9\u9635":112,"\u8fd4\u56de\u7c7b\u578b":[7,8,9,13,14,15,22,23,24,29],"\u8fd4\u56depython\u7aef\u7684\u8ba1\u7b97\u7ed3\u679c":113,"\u8fd8\u4f1a":106,"\u8fd8\u4f1a\u4e0b\u8f7dmkl":99,"\u8fd8\u4f1a\u5f3a\u5236\u8bbe\u7f6e\u4e00\u4e9bpaddlepaddle\u53c2\u6570\u7684\u503c":138,"\u8fd8\u4f1a\u8f93\u51fa\u4e00\u4e2a":111,"\u8fd8\u53ef\u4ee5\u901a\u8fc7\u51cf\u5c0f\u5b66\u4e60\u7387\u6216\u8005\u5bf9\u6570\u636e\u8fdb\u884c\u5f52\u4e00\u5316\u5904\u7406\u6765\u89e3\u51b3\u8fd9\u7c7b\u95ee\u9898":96,"\u8fd8\u662f":106,"\u8fd8\u662f\u4ece":37,"\u8fd8\u662f\u865a\u62df\u673a":110,"\u8fd8\u6709":106,"\u8fd8\u9700\u8981\u5728\u8282\u70b9\u4e0a\u5b89\u88c5\u5bf9\u5e94\u7684gpu\u9a71\u52a8\u4ee5\u53cacuda":125,"\u8fd8\u9700\u8981\u91cd\u5199":113,"\u8fd9":[96,106],"\u8fd98\u79cdlearning_rate_schedule\u53ca\u5176\u5bf9\u5e94\u5b66\u4e60\u7387\u8ba1\u7b97\u65b9\u5f0f\u5982\u4e0b":98,"\u8fd9\u4e00\u4e2a\u5e93":121,"\u8fd9\u4e00\u5757\u7684\u8017\u65f6\u6bd4\u4f8b\u771f\u7684\u592a\u9ad8":119,"\u8fd9\u4e00\u5c42\u8fdb\u884c\u5c01\u88c5":69,"\u8fd9\u4e00\u6570\u636e\u683c\u5f0f\u7684\u8f6c\u6362\u64cd\u4f5c":64,"\u8fd9\u4e00\u6982\u5ff5\u4e0d\u518d\u7410\u788e":69,"\u8fd9\u4e00\u8282\u5bf9\u56fe1\u4e2d\u9884\u6d4b\u4ee3\u7801\u7f16\u5199\u76845\u4e2a\u6b65\u9aa4\u8fdb\u884c\u4ecb\u7ecd\u548c\u8bf4\u660e":124,"\u8fd9\u4e00\u8ba1\u7b97\u5355\u5143":97,"\u8fd9\u4e00\u8fc7\u7a0b\u5bf9\u7528\u6237\u662f\u5b8c\u5168\u900f\u660e\u7684":108,"\u8fd9\u4e09\u4e2a\u5206\u652f":85,"\u8fd9\u4e24\u4e2a\u6307\u6807\u4ee3\u8868\u4e86\u67d0\u4e00\u4e2a\u51fd\u6570\u771f\u5b9e\u7684\u8fd0\u884c\u65f6\u95f4":118,"\u8fd9\u4e2a":[102,106,110],"\u8fd9\u4e2a\u4efb\u52a1\u7684\u914d\u7f6e\u4e3a":96,"\u8fd9\u4e2a\u4efb\u52a1\u7684dataprovider\u4e3a":96,"\u8fd9\u4e2a\u4f8b\u5b50\u6709\u4e24\u5904\u4e0d\u540c":113,"\u8fd9\u4e2a\u51fd\u6570\u672c\u8eab\u4f1a\u5728\u8ba1\u7b97\u524d\u5c06\u539f\u6570\u636e\u8f6c\u6362\u4e3a\u66f4\u9002\u5408\u82f1\u7279\u5c14\u5e73\u53f0\u7684\u5185\u90e8\u683c\u5f0f":64,"\u8fd9\u4e2a\u51fd\u6570\u7684":109,"\u8fd9\u4e2a\u51fd\u6570\u8fdb\u884c\u53d8\u6362":106,"\u8fd9\u4e2a\u51fd\u6570\u9700\u8981\u8bbe\u7f6e":109,"\u8fd9\u4e2a\u52a8\u6001\u5e93\u7684\u8fde\u63a5\u53c2\u6570\u4e0epaddle\u7684\u5176\u4ed6\u4e8c\u8fdb\u5236":69,"\u8fd9\u4e2a\u53c2\u6570\u4e5f\u4e0d\u4f1a\u4e00\u5e76\u5220\u9664":69,"\u8fd9\u4e2a\u5730\u5740\u5219\u4e3a\u5b83\u7684\u7edd\u5bf9\u8def\u5f84\u6216\u76f8\u5bf9\u8def\u5f84":1,"\u8fd9\u4e2a\u5730\u5740\u6765\u8868\u793a\u6b64\u6b65\u9aa4\u6240\u6784\u5efa\u51fa\u7684\u955c\u50cf":129,"\u8fd9\u4e2a\u57fa\u7c7b":112,"\u8fd9\u4e2a\u5934\u6587\u4ef6\u4e0d\u5047\u8bbe\u5176\u4ed6\u6587\u4ef6\u7684\u5f15\u7528\u987a\u5e8f":69,"\u8fd9\u4e2a\u5e8f\u5217\u7684\u6bcf\u4e2a\u5143\u7d20\u53c8\u662f\u4e00\u4e2a\u5e8f\u5217":108,"\u8fd9\u4e2a\u60c5\u51b5\u4e0b\u6240\u6709\u7684\u6587\u4ef6\u4f1a\u5b58\u5728\u6574\u7406\u8fc7\u7684\u7684\u6587\u4ef6\u76ee\u5f55":115,"\u8fd9\u4e2a\u63a5\u53e3\u9700\u8981\u505a\u5230":68,"\u8fd9\u4e2a\u6570\u636e\u4e5f\u88ab\u5355\u5c42rnn\u7f51\u7edc\u76f4\u63a5\u4f7f\u7528":106,"\u8fd9\u4e2a\u6587\u4ef6\u5177\u6709\u72ec\u7279\u7684\u8bed\u6cd5":68,"\u8fd9\u4e2a\u662f\u76ee\u524d\u63a8\u8350\u7684\u4f7f\u7528\u65b9\u6cd5":115,"\u8fd9\u4e2a\u73af\u5883\u53d8\u91cf\u5173\u95edopenmp\u4f18\u5316":118,"\u8fd9\u4e2a\u76ee\u5f55\u4e2d\u9664\u4e86":69,"\u8fd9\u4e2a\u793a\u4f8b":124,"\u8fd9\u4e2a\u795e\u7ecf\u7f51\u7edc\u5355\u5143\u5c31\u53ebmemori":106,"\u8fd9\u4e2a\u7c7b\u7684\u53c2\u6570\u5305\u62ec":112,"\u8fd9\u4e2a\u7c7b\u9700\u8981\u7ee7\u627f":112,"\u8fd9\u4e2a\u7ed3\u6784\u4f53\u4e2d\u7684\u53e6\u4e00\u4e2a\u9879\u76ee\u662f":69,"\u8fd9\u4e2a\u7ed3\u6784\u4f53\u5305\u542b\u4e24\u4e2a\u9879\u76ee":69,"\u8fd9\u4e2a\u811a\u672c\u8c03\u7528":110,"\u8fd9\u4e2a\u8f93\u5165\u4e0d\u53c2\u4e0e":113,"\u8fd9\u4e2a\u8fc7\u7a0b\u5bf9\u7528\u6237\u4e5f\u662f\u900f\u660e\u7684":108,"\u8fd9\u4e2a\u8fc7\u7a0b\u9664\u4e86\u7f16\u8bd1paddlepaddle\u4e3a":111,"\u8fd9\u4e2a\u9009\u62e9":[64,65],"\u8fd9\u4e2a\u95e8\u63a7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u751f\u6210\u4e00\u7cfb\u5217\u6743\u91cd":109,"\u8fd9\u4e2a\u95ee\u9898\u662fpydataprovider\u8bfb\u6570\u636e\u65f6\u5019\u7684\u903b\u8f91\u95ee\u9898":2,"\u8fd9\u4e2a\u9759\u6001\u5e93\u5305\u542b\u4e86paddle\u7684\u5168\u90e8\u7b26\u53f7":69,"\u8fd9\u4e2adataprovider\u8f83\u590d\u6742":2,"\u8fd9\u4e2ainstance\u53ef\u4ee5\u662f\u5355\u4e2a\u503c":37,"\u8fd9\u4e2aissu":110,"\u8fd9\u4e2ajob\u624d\u7b97\u6210\u529f\u7ed3\u675f":129,"\u8fd9\u4e2alayer\u7684\u8f93\u51fa\u4f1a\u4f5c\u4e3a\u6574\u4e2a":108,"\u8fd9\u4e5f\u4f1a\u6781\u5927\u51cf\u5c11\u6570\u636e\u8bfb\u5165\u7684\u8017\u65f6":96,"\u8fd9\u4e9b\u4f1a\u5728":[64,65],"\u8fd9\u4e9b\u4f8b\u5b50\u90fd\u53ef\u4ee5\u5728":125,"\u8fd9\u4e9b\u51fd\u6570\u4f1a\u5c06\u5bf9\u5e94\u5185\u5bb9\u6dfb\u52a0\u5230":113,"\u8fd9\u4e9b\u51fd\u6570\u4f1a\u6839\u636e\u8f93\u5165\u53c2\u6570\u91cd\u65b0\u8bbe\u7f6e\u5185\u90e8\u548c\u5916\u90e8\u5b58\u50a8":65,"\u8fd9\u4e9b\u5206\u5e03\u5f0f\u5b58\u50a8\u670d\u52a1\u901a\u5e38\u4f1a\u628a\u6570\u636e\u5207\u5272\u6210\u591a\u4e2a\u5206\u7247\u5206\u5e03\u5f0f\u7684\u5b58\u50a8\u5728\u591a\u4e2a\u8282\u70b9\u4e4b\u4e0a":37,"\u8fd9\u4e9b\u53c2\u6570\u53ef\u4ee5\u901a\u8fc7":125,"\u8fd9\u4e9b\u53c2\u6570\u7684\u5177\u4f53\u63cf\u8ff0":129,"\u8fd9\u4e9b\u540d\u5b57\u5fc5\u987b\u8981\u5199\u5bf9":112,"\u8fd9\u4e9b\u6570\u636e\u4f1a\u88ab\u7528\u6765\u66f4\u65b0\u53c2\u6570":96,"\u8fd9\u4e9b\u6570\u636e\u4f7f\u7528\u7684\u5185\u5b58\u4e3b\u8981\u548c\u4e24\u4e2a\u53c2\u6570\u6709\u5173\u7cfb":96,"\u8fd9\u4e9b\u7279\u5f81\u6570\u636e\u4e4b\u95f4\u7684\u987a\u5e8f\u662f\u6709\u610f\u4e49\u7684":106,"\u8fd9\u4e9b\u955c\u50cf\u4e5f\u53ef\u4ee5\u4ece":85,"\u8fd9\u4efd\u6559\u7a0b\u5c55\u793a\u4e86\u5982\u4f55\u5728paddlepaddle\u4e2d\u5b9e\u73b0\u4e00\u4e2a\u81ea\u5b9a\u4e49\u7684\u7f51\u7edc\u5c42":112,"\u8fd9\u4f1a\u63d0\u793a\u5f53\u524d\u76ee\u5f55\u7684\u4e00\u4e9b\u53d8\u5316":111,"\u8fd9\u4f1a\u7ed9\u8bc4\u5ba1\u4eba\u5e26\u6765\u5f88\u5927\u56f0\u6270":111,"\u8fd9\u4f1a\u81ea\u52a8\u8fdb\u884c\u7f51\u7edc\u914d\u7f6e\u4e2d\u58f0\u660e\u7684\u6fc0\u6d3b\u64cd\u4f5c":112,"\u8fd9\u4fbf\u662f\u4e00\u79cd\u53cc\u5c42rnn\u7684\u8f93\u5165\u6570\u636e":106,"\u8fd9\u51e0\u4e2a\u7f16\u8bd1\u9009\u9879\u7684\u8bbe\u7f6e":99,"\u8fd9\u53e5\u8868\u793a\u4f7f\u7528\u57fa\u7c7b":113,"\u8fd9\u53ef\u4ee5\u5e2e\u60a8\u7701\u6389\u82b1\u4e00\u5c0f\u65f6\u5b89\u88c5\u548c\u914d\u7f6e\u5404\u79cd\u5f00\u53d1\u5de5\u5177":110,"\u8fd9\u53ef\u4ee5\u8ba9\u5176\u4ed6\u4eba\u77e5\u9053\u8fd9\u6b21\u63d0\u4ea4\u505a\u4e86\u54ea\u4e9b\u6539\u53d8":111,"\u8fd9\u53ef\u4ee5\u901a\u8fc7":111,"\u8fd9\u548c\u5355\u5c42rnn\u7684\u914d\u7f6e\u662f\u7b49\u4ef7\u7684":106,"\u8fd9\u56db\u4e2a\u5e8f\u5217\u53c8\u5206\u522b\u542b\u67093":123,"\u8fd9\u56db\u6761\u6570\u636e\u540c\u65f6\u5904\u7406\u7684\u53e5\u5b50\u6570\u91cf\u4e3a":106,"\u8fd9\u5728\u6784\u9020\u975e\u5e38\u590d\u6742\u7684\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u65f6\u662f\u6709\u7528\u7684":109,"\u8fd9\u5bf9\u4e8e\u901a\u5e38\u7684java\u7684\u5f00\u53d1\u8005\u6765\u8bf4":68,"\u8fd9\u5c06\u4f1a\u5bfc\u81f4\u5355\u5143\u6d4b\u8bd5\u51fa\u9519":113,"\u8fd9\u5c06\u4f1a\u5bfc\u81f4\u7f16\u8bd1\u51fa\u9519":113,"\u8fd9\u610f\u5473\u7740":109,"\u8fd9\u610f\u5473\u7740\u9664\u4e86\u6307\u5b9adevic":136,"\u8fd9\u65f6":[96,124],"\u8fd9\u65f6\u5728\u4f7f\u7528":98,"\u8fd9\u65f6\u7684":123,"\u8fd9\u65f6\u7684\u9700\u8981\u540c\u65f6\u63d0\u4f9b":123,"\u8fd9\u65f6\u884c\u504f\u79fb\u548c\u5217\u53f7\u6307\u5b9a\u7684\u5143\u7d20\u9ed8\u8ba4\u5176\u503c\u4e3a1":123,"\u8fd9\u65f6\u8fdb\u884c\u77e9\u9635\u4e58\u6cd5\u8fd0\u7b97\u5c31\u53ef\u80fd\u5bfc\u81f4\u6d6e\u70b9\u6570\u6ea2\u51fa":96,"\u8fd9\u65f6\u9700\u8981\u8c03\u7528\u521b\u5efa\u5e8f\u5217\u4fe1\u606f\u548c\u4e3a":123,"\u8fd9\u662f\u4e00\u79cd\u6309\u5df2\u8bad\u7ec3\u6837\u672c\u6570\u5206\u6bb5\u53d6\u503c\u7684\u5b66\u4e60\u7387\u9000\u706b\u65b9\u6cd5":98,"\u8fd9\u662f\u4e00\u79cd\u6309\u5df2\u8bad\u7ec3pass\u6570\u5206\u6bb5\u53d6\u503c\u7684\u5b66\u4e60\u7387\u9000\u706b\u65b9\u6cd5":98,"\u8fd9\u662f\u4e00\u79cd\u975e\u5e38\u7075\u6d3b\u7684\u6570\u636e\u7ec4\u7ec7\u65b9\u5f0f":105,"\u8fd9\u662f\u56e0\u4e3a":68,"\u8fd9\u662f\u5f00\u6e90\u793e\u533a\u7684\u57fa\u672c\u793c\u8c8c":111,"\u8fd9\u662f\u666e\u901a\u7684\u5355\u5c42\u65f6\u95f4\u5e8f\u5217\u7684dataprovider\u4ee3\u7801":106,"\u8fd9\u662f\u76ee\u524dcmake\u5bfb\u627epython\u7684\u903b\u8f91\u5b58\u5728\u7f3a\u9677":93,"\u8fd9\u6837":[69,125],"\u8fd9\u6837\u4e0b\u4e00\u4e2acpu":65,"\u8fd9\u6837\u4fdd\u5b58\u5728\u5206\u5e03\u5f0f\u5b58\u50a8\u4e2d\u7684\u6570\u636e\u53ef\u4ee5\u88ab\u96c6\u7fa4\u4e2d\u7684\u6bcf\u4e2a\u8282\u70b9\u8bfb\u53d6\u5230":125,"\u8fd9\u6837\u4fdd\u8bc1":85,"\u8fd9\u6837\u4fdd\u8bc1\u8fd0\u884c\u7ed3\u675f\u4e4b\u540e\u7684":110,"\u8fd9\u6837\u505a\u53ef\u4ee5\u6781\u5927\u7684\u51cf\u5c11\u5185\u5b58\u5360\u7528":96,"\u8fd9\u6837\u53ef\u4ee5\u514d\u53bb\u5355\u72ec\u5b89\u88c5\u7f16\u8bd1\u4f9d\u8d56\u7684\u6b65\u9aa4":99,"\u8fd9\u6837\u53ef\u4ee5\u51cf\u5c0fgpu\u5185\u5b58":136,"\u8fd9\u6837\u5982\u679c\u9047\u5230\u95ee\u9898":110,"\u8fd9\u6837\u5bb9\u5668\u7684":129,"\u8fd9\u6837\u5c31\u53ef\u4ee5\u5728\u4e91\u7aef\u6267\u884c\u591a\u79cd\u6570\u636e\u7c7b\u8ba1\u7b97\u4efb\u52a1":37,"\u8fd9\u6837\u5df2\u7ecf\u4f20\u8f93\u6210\u529f\u7684\u90e8\u5206\u5c31\u4e0d\u7528\u91cd\u65b0\u4f20\u8f93\u4e86":51,"\u8fd9\u6837\u5e26\u6765\u7684\u597d\u5904\u5c31\u662f\u4e0d\u9700\u8981\u4e00\u76f4\u6e05\u7a7amemori":65,"\u8fd9\u6837\u5f53\u8be5pull":111,"\u8fd9\u6837\u65e2\u4f7f\u5f97\u6700\u7ec8\u4fdd\u5b58\u7684\u53c2\u6570\u683c\u5f0f\u4e0epaddlepaddle\u4e00\u81f4":65,"\u8fd9\u6837\u6781\u5927\u5730\u63d0\u9ad8\u4e86\u8ba1\u7b97\u7684\u5e76\u884c\u6027":125,"\u8fd9\u6837\u7684\u88c5\u9970\u5668":112,"\u8fd9\u6837\u7684\u8bdd":128,"\u8fd9\u6837\u8bad\u7ec3\u6587\u4ef6\u7684\u4e2a\u6570\u4f1a\u6bd4\u8f83\u591a":125,"\u8fd9\u6b63\u662f\u5b83\u4eec\u901f\u5ea6\u5feb\u7684\u539f\u56e0":119,"\u8fd9\u7528\u4e8e\u5728\u591a\u7ebf\u7a0b\u548c\u591a\u673a\u4e0a\u66f4\u65b0\u53c2\u6570":112,"\u8fd9\u79cd\u521d\u59cb\u5316\u65b9\u5f0f\u5728\u4e00\u822c\u60c5\u51b5\u4e0b\u4e0d\u4f1a\u4ea7\u751f\u5f88\u5dee\u7684\u7ed3\u679c":98,"\u8fd9\u79cd\u60c5\u51b5\u4e0b\u4e0d\u9700\u8981\u91cd\u5199\u8be5\u51fd\u6570":112,"\u8fd9\u79cd\u60c5\u51b5\u591a\u51fa\u73b0\u5728\u4f7f\u7528\u591a\u7ebf\u7a0b\u9884\u6d4b\u65f6":124,"\u8fd9\u79cd\u60c5\u51b5\u5e38\u5e38\u53d1\u751f\u5728":96,"\u8fd9\u79cd\u65b9\u5f0f\u5bf9\u5185\u5b58\u6d88\u8017\u8f83\u5927":97,"\u8fd9\u79cd\u65b9\u5f0f\u5fc5\u987b\u4f7f\u7528paddle\u5b58\u50a8\u7684\u6a21\u578b\u8def\u5f84\u683c\u5f0f":136,"\u8fd9\u79cd\u65b9\u5f0f\u6700\u4e3a\u7b80\u4fbf":121,"\u8fd9\u79cd\u751f\u6210\u6280\u672f\u53ea\u7528\u4e8e\u7c7b\u4f3c\u89e3\u7801\u5668\u7684\u751f\u6210\u8fc7\u7a0b":109,"\u8fd9\u79cd\u7c7b\u578b\u7684\u8f93\u5165\u5fc5\u987b\u901a\u8fc7":108,"\u8fd9\u79cd\u94fe\u63a5\u65b9\u5f0f\u4e3b\u8981\u7528\u4e8e\u79fb\u52a8\u7aef\u9884\u6d4b":121,"\u8fd9\u79cd\u96c6\u7fa4\u8282\u70b9\u7ba1\u7406\u65b9\u5f0f\u4f1a\u5728\u5c06\u6765\u4f7f\u7528":129,"\u8fd9\u7bc7":100,"\u8fd9\u7bc7\u6587\u6863":111,"\u8fd9\u7bc7\u6587\u6863\u4e4b\u540e\u90e8\u5206\u4f1a\u4f7f\u7528":124,"\u8fd9\u7bc7\u6587\u6863\u4e4b\u540e\u90e8\u5206\u4f1a\u7edf\u4e00\u4f7f\u7528":123,"\u8fd9\u7bc7\u6587\u6863\u4e4b\u540e\u90e8\u5206\u5c06\u4f1a\u7edf\u4e00\u4f7f\u7528":123,"\u8fd9\u7bc7\u6587\u6863\u4ecb\u7ecd":124,"\u8fd9\u7bc7\u6587\u6863\u4ecb\u7ecd\u5728":140,"\u8fd9\u7bc7\u6587\u6863\u4ecb\u7ecd\u5728\u4f7f\u7528":123,"\u8fd9\u7bc7\u6587\u6863\u4ecb\u7ecd\u57fa\u4e8e":110,"\u8fd9\u7bc7\u6587\u6863\u7684\u4e4b\u540e\u90e8\u5206\u4f1a\u4f7f\u7528":124,"\u8fd9\u7bc7\u6587\u7ae0":110,"\u8fd9\u7ec4\u8bed\u4e49\u76f8\u540c\u7684\u793a\u4f8b\u914d\u7f6e\u5982\u4e0b":106,"\u8fd9\u884c\u547d\u4ee4\u4e2d":118,"\u8fd9\u901a\u8fc7\u83b7\u5f97\u53cd\u5411\u5faa\u73af\u7f51\u7edc\u7684\u7b2c\u4e00\u4e2a\u5b9e\u4f8b":109,"\u8fd9\u90fd\u9700\u8981\u8fd9\u4e2a\u63a5\u53e3\u6309\u7167\u7ea6\u5b9a\u4fd7\u6210\u7684\u89c4\u5219\u6765\u6ce8\u91ca\u5b8c\u5907":68,"\u8fd9\u91cc":[65,98,99,109,111,129],"\u8fd9\u91cc\u4e0d\u518d\u8d58\u8ff0":113,"\u8fd9\u91cc\u4ecb\u7ecdc":124,"\u8fd9\u91cc\u4f7f\u7528\u4e86\u7528":118,"\u8fd9\u91cc\u4f7f\u7528\u4e86paddlepaddle\u9884\u5b9a\u4e49\u597d\u7684rnn\u5904\u7406\u51fd\u6570":106,"\u8fd9\u91cc\u4f7f\u7528\u7b80\u5355\u7684":96,"\u8fd9\u91cc\u5c06\u4ecb\u7ecdpaddlepaddle\u7684\u57fa\u672c\u4f7f\u7528\u6982\u5ff5":103,"\u8fd9\u91cc\u6211\u4eec\u5c55\u793a\u4e00\u4efd\u7b80\u5316\u8fc7\u7684\u4ee3\u7801":112,"\u8fd9\u91cc\u6211\u4eec\u901a\u8fc7\u5728kubernetes\u96c6\u7fa4\u4e0a\u542f\u52a8\u4e00\u4e2ajob\u6765\u4e0b\u8f7d\u5e76\u5207\u5272\u6570\u636e":129,"\u8fd9\u91cc\u6709\u4e24\u79cd\u6709\u6548\u7684\u89e3\u51b3\u65b9\u6cd5":96,"\u8fd9\u91cc\u68c0\u9a8c\u8fd0\u884c\u65f6\u95f4\u6a21\u578b\u7684\u6536\u655b":126,"\u8fd9\u91cc\u7684dockerimage\u4f5c\u4e3a\u7f16\u8bd1\u73af\u5883\u4ee5\u652f\u6301\u66f4\u591a\u7684linux":85,"\u8fd9\u91cc\u7684eigentensor\u4e4b\u95f4\u7684\u8fd0\u7b97\u53ea\u662f\u6539\u53d8\u4e86\u539f\u6709tensor\u4e2d\u7684\u6570\u636e":114,"\u8fd9\u91cc\u9009\u62e90":85,"\u8fd9\u91cc\u9700\u8981\u7528\u6237\u989d\u5916\u6ce8\u610f":36,"\u8fd9\u9700\u8981\u8054\u5408\u6211\u4eec\u7b2c\u4e8c\u8282":118,"\u8fdb\u4e00\u6b65\u4f18\u5316":65,"\u8fdb\u4e3b\u4ed3\u5e93\u540e":111,"\u8fdb\u5165":85,"\u8fdb\u5165\u5bb9\u5668":128,"\u8fdb\u5165\u5bf9\u5e94\u7684\u76ee\u5f55":93,"\u8fdb\u7a0b\u542f\u52a8\u7684\u5fc5\u8981\u53c2\u6570":129,"\u8fdb\u7a0b\u7684":126,"\u8fdb\u7a0b\u7684\u542f\u52a8\u53c2\u6570":129,"\u8fdb\u7a0b\u7684\u8fd0\u884c\u73af\u5883":129,"\u8fdb\u7a0b\u9700\u8981\u7684":129,"\u8fdb\u800c\u591a\u673a":118,"\u8fdb\u800c\u6211\u4eec\u53ef\u4ee5\u4f7f\u7528\u5982\u4e0b\u547d\u4ee4\u5f00\u542f\u4e00\u4e2ahttp\u670d\u52a1":118,"\u8fdb\u800c\u6307\u5b9a\u4e86python\u53ef\u6267\u884c\u6587\u4ef6\u7684\u8def\u5f84":118,"\u8fdb\u800c\u8fdb\u884c\u4ee3\u7801\u8bc4\u5ba1":85,"\u8fdb\u884c\u4e86":106,"\u8fdb\u884c\u5206\u5e03\u5f0f\u8bad\u7ec3\u7684\u65b9\u6848":129,"\u8fdb\u884c\u5206\u5e03\u5f0f\u8bad\u7ec3\u7684\u65b9\u6cd5":129,"\u8fdb\u884c\u524d\u5411\u8ba1\u7b97":124,"\u8fdb\u884c\u56de\u590d":111,"\u8fdb\u884c\u5e8f\u5217\u5316":124,"\u8fdb\u884c\u5f00\u53d1":111,"\u8fdb\u884c\u62c6\u89e3":106,"\u8fdb\u884c\u6fc0\u6d3b\u64cd\u4f5c":112,"\u8fdb\u884c\u7f16\u8bd1\u548c\u5b89\u88c5":138,"\u8fdb\u884c\u8bad\u7ec3":124,"\u8fdb\u884c\u8bbe\u7f6e":113,"\u8fdb\u884c\u94fe\u63a5":121,"\u8fdb\u884c\u9884\u6d4b\u4f9d\u8d56\u4e8e\u5c06":121,"\u8fdb\u884c\u9884\u6d4b\u65f6":124,"\u8fdb\u884cpython\u4e0ec":118,"\u8fdb\u9636\u6307\u5357":[103,137],"\u8fde\u63a5":108,"\u8fde\u63a5\u5230pserver\u7684\u7aef\u53e3":125,"\u8fde\u63a5\u5230pserver\u7684\u7aef\u53e3\u4e2a\u6570":125,"\u9000\u51fa\u5bb9\u5668":128,"\u9002\u4e2d":106,"\u9009":106,"\u9009\u62e9":106,"\u9009\u62e9\u4e0b\u8f7d\u4f7f\u7528\u4e0d\u540c\u7684blas\u5e93\u7684docker\u955c\u50cf":100,"\u9009\u62e9\u662f\u5426\u7f16\u8bd1mkl":65,"\u9009\u62e9\u76ee\u6807\u5206\u652f":111,"\u9009\u62e9\u8def\u5f84\u6765\u52a8\u6001\u52a0\u8f7dnvidia":134,"\u9009\u62e9\u9700\u8981\u53d1\u5e03\u7684\u7248\u672c":85,"\u9009\u9879":[99,110],"\u900f\u4f20\u7528\u6237\u8eab\u4efd\u7684\u529e\u6cd5":51,"\u9012\u5f52\u795e\u7ecf\u7f51\u7edc":133,"\u901a\u5e38":[69,113,118],"\u901a\u5e38\u4f1a\u4f7f\u7528\u73af\u5883\u53d8\u91cf\u914d\u7f6ejob\u7684\u914d\u7f6e\u4fe1\u606f":129,"\u901a\u5e38\u4f1a\u4f7f\u7528mapreduce\u4efb\u52a1\u7684\u8f93\u51fa\u7ed3\u679c\u4f5c\u4e3a\u8bad\u7ec3\u7ed3\u679c":125,"\u901a\u5e38\u4f7f\u7528\u7a00\u758f\u8bad\u7ec3\u6765\u52a0\u901f\u8ba1\u7b97\u8fc7\u7a0b":136,"\u901a\u5e38\u4f7f\u7528cento":102,"\u901a\u5e38\u505a\u6cd5\u662f\u4ece\u4e00\u4e2a\u6bd4\u8f83\u5927\u7684learning_rate\u5f00\u59cb\u8bd5":98,"\u901a\u5e38\u5305\u542b\u4e00\u4e2acpu\u7248\u672c\u548c\u4e00\u4e2agpu\u7248\u672c":85,"\u901a\u5e38\u540d\u5b57\u662f":111,"\u901a\u5e38\u60c5\u51b5\u4e0b":119,"\u901a\u5e38\u6211\u4eec\u4f1a\u5b89\u88c5ceph\u7b49\u5206\u5e03\u5f0f\u6587\u4ef6\u7cfb\u7edf\u6765\u5b58\u50a8\u8bad\u7ec3\u6570\u636e":128,"\u901a\u5e38\u6307\u5c06\u4e00\u4e2a\u6574\u4f53\u62c6\u5206\u6210\u591a\u4efd\u7684\u5176\u4e2d\u7684\u4e00\u4efd":36,"\u901a\u5e38\u6709\u4e24\u4e2a\u65b9\u6cd5\u6765\u6784\u5efa\u57fa\u4e8e":140,"\u901a\u5e38\u7528\u4e8e\u8868\u793a\u79bb\u6563\u7684\u7c7b\u522b\u6807\u7b7e":123,"\u901a\u5e38\u7684\u505a\u6cd5\u662f\u4f7f\u7528":109,"\u901a\u5e38\u7684\u505a\u6cd5\u662f\u5c06\u914d\u7f6e\u5b58\u4e8e":112,"\u901a\u5e38\u8981\u6c42\u65f6\u95f4\u6b65\u4e4b\u95f4\u5177\u6709\u4e00\u4e9b\u4f9d\u8d56\u6027":106,"\u901a\u5e38\u89c2\u5bdf\u70ed\u70b9\u51fd\u6570\u95f4\u7684\u8c03\u7528\u5173\u7cfb":118,"\u901a\u5e38\u90fd\u4f1a\u4f7f\u7528\u4e0b\u9762\u8fd9\u4e9b\u547d\u4ee4\u884c\u53c2\u6570":136,"\u901a\u5e38\u9700\u8981\u53bb\u6389\u7f51\u7edc\u4e2d\u7684":124,"\u901a\u7528":133,"\u901a\u77e5":106,"\u901a\u8fc7":[96,106,111,112,113,123],"\u901a\u8fc7\u4e24\u4e2a\u5d4c\u5957\u7684":108,"\u901a\u8fc7\u4f7f\u7528":99,"\u901a\u8fc7\u4f7f\u7528\u8fd9\u4e9bapi":64,"\u901a\u8fc7\u51fd\u6570":129,"\u901a\u8fc7\u547d\u4ee4\u884c\u53c2\u6570":96,"\u901a\u8fc7\u591a\u4e2a\u7ebf\u7a0b\u5171\u4eab\u540c\u4e00\u4e2a\u6a21\u578b\u6765\u51cf\u5c11\u5185\u5b58\u5f00\u9500":124,"\u901a\u8fc7\u5f15\u7528memory\u5f97\u5230\u8fd9\u4e2alayer\u4e0a\u4e00\u4e2a\u65f6\u523b\u7684\u8f93\u51fa":108,"\u901a\u8fc7\u5f15\u7528memory\u5f97\u5230\u8fd9\u4e2alayer\u4e0a\u4e00\u4e2a\u65f6\u523b\u8f93\u51fa":108,"\u901a\u8fc7\u6240\u6709\u5355\u5143\u6d4b\u8bd5":111,"\u901a\u8fc7\u6a21\u578b\u63a8\u65adapi\u7684\u5b9e\u73b0\u4f5c\u4e3a\u4e00\u4e2a\u6837\u4f8b":69,"\u901a\u8fc7\u7075\u6d3b\u4f7f\u7528\u4ee5\u4e0a\u4e24\u4e2a\u63a5\u53e3":124,"\u901a\u8fc7\u7ec4\u5408\u4e0d\u540c\u7684layer":103,"\u901a\u8fc7\u7f16\u8bd1\u4f1a\u751f\u6210py_paddle\u8f6f\u4ef6\u5305":4,"\u901a\u8fc7\u7f51\u7edc\u5c42\u7684\u6807\u8bc6\u7b26\u6765\u6307\u5b9a":112,"\u901a\u8fc7\u8ba1\u7b97\u8282\u70b9\u548c\u53c2\u6570\u670d\u52a1\u5668\u7684\u5206\u5e03\u5f0f\u534f\u4f5c":125,"\u901a\u8fc7\u8be5\u53c2\u6570\u53ef\u83b7\u53d6\u5230\u8f93\u5165\u8f93\u51fa\u4ee5\u53ca\u5c5e\u6027":113,"\u901a\u8fc7\u8c03\u7528":[4,123,124],"\u901a\u8fc7\u8c03\u7528\u4ee5\u4e0b\u63a5\u53e3\u521b\u5efa\u7a00\u758f\u77e9\u9635":123,"\u901a\u8fc7data":108,"\u901a\u8fc7ssh\u7b49\u65b9\u5f0f\u767b\u5f55\u5230raspberri":140,"\u903b\u8f91\u4e0a\u9ad8\u4e8e\u4e8c\u7ef4\u7684\u6570\u636e":123,"\u903b\u8f91\u5212\u4e0a\u6587\u4ef6\u5206\u5757\u7684\u5355\u4f4d":51,"\u9047\u5230\u8be5\u9519\u8bef\u65f6":97,"\u9053\u6b49":106,"\u9069":106,"\u9075\u5b88\u4ee5\u4e0b\u7ea6\u5b9a":111,"\u9075\u5faa\u4ee5\u4e0b\u6d41\u7a0b":85,"\u90a3\u4e48":[69,108,112],"\u90a3\u4e480\u5c42\u5e8f\u5217\u5373\u4e3a\u4e00\u4e2a\u8bcd\u8bed":108,"\u90a3\u4e48\u4f1a\u643a\u5e26\u6709":123,"\u90a3\u4e48\u53ef\u4ee5\u8ba4\u4e3a\u8bad\u7ec3\u4e0d\u6536\u655b":98,"\u90a3\u4e48\u5728":113,"\u90a3\u4e48\u5728\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u4e0d\u4f1a\u6267\u884c\u6d4b\u8bd5\u64cd\u4f5c":1,"\u90a3\u4e48\u5982\u4f55\u5224\u65ad\u8bad\u7ec3\u4e0d\u6536\u655b\u5462":98,"\u90a3\u4e48\u5bf9\u5e94\u7684\u5185\u90e8\u5b58\u50a8\u4e5f\u4f1a\u4e0e\u5b83\u4eec\u5171\u4eab\u5185\u5b58":65,"\u90a3\u4e48\u5c31\u4f1a\u4f7f":65,"\u90a3\u4e48\u5e38\u6570\u8f93\u51fa\u6240\u80fd\u8fbe\u5230\u7684\u6700\u5c0fcost\u662f":98,"\u90a3\u4e48\u5f53check\u51fa\u6570\u636e\u4e0d\u5408\u6cd5\u65f6":2,"\u90a3\u4e48\u6211\u4eec\u4e5f\u5c31\u4e0d\u9700\u8981":110,"\u90a3\u4e48\u6211\u4eec\u53ef\u4ee5\u5224\u65ad\u4e3a\u8bad\u7ec3\u4e0d\u6536\u655b":98,"\u90a3\u4e48\u63a8\u8350\u4f7f\u7528":109,"\u90a3\u4e48\u63a8\u8350\u4f7f\u7528\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684\u65b9\u6cd5":109,"\u90a3\u4e48\u6536\u655b\u53ef\u80fd\u5f88\u6162":98,"\u90a3\u4e48\u6700\u597d\u5c06\u6570\u636e\u6587\u4ef6\u5728\u6bcf\u6b21\u8bfb\u53d6\u4e4b\u524d\u505a\u4e00\u6b21shuffl":96,"\u90a3\u4e48\u7528\u6237\u9700\u8981\u62c9\u53d6\u6240\u6709\u7684\u8fdc\u7a0b\u5206\u652f\u5230\u672c\u673a":93,"\u90a3\u4e48\u7f16\u8bd1\u8fc7\u7a0b\u53ea\u4f1a\u4ea7\u751f":110,"\u90a3\u4e48\u8bad\u7ec3\u6709\u53ef\u80fd\u4e0d\u6536\u655b":98,"\u90a3\u4e48\u8be5\u4f18\u5316\u7b97\u6cd5\u81f3\u5c11\u9700\u8981":96,"\u90a3\u4e48fc1\u548cfc2\u5c42\u5c06\u4f1a\u4f7f\u7528\u7b2c1\u4e2agpu\u6765\u8ba1\u7b97":136,"\u90a3\u4e48paddlepaddle\u4f1a\u6839\u636elayer\u7684\u58f0\u660e\u987a\u5e8f":2,"\u90a3\u4e5f\u5c31\u4e0d\u9700\u8981\u6025\u7740\u4f18\u5316\u6027\u80fd\u5566":119,"\u90a3\u4f30\u8ba1\u8fd9\u91cc\u7684\u6f5c\u529b\u5c31\u6ca1\u5565\u597d\u6316\u7684\u4e86":119,"\u90a3\u51cf\u5c11\u5b66\u4e60\u738710\u500d\u7ee7\u7eed\u8bd5\u9a8c":98,"\u90a3\u6211\u4f1a\u671f\u671b\u5206\u6790\u5de5\u5177\u7edf\u8ba1\u5230\u901f\u5ea6\u662f100gb":119,"\u90a3\u7a0b\u5e8f\u5206\u6790\u5de5\u5177\u662f\u5fc5\u4e0d\u53ef\u5c11\u7684\u5229\u5668":119,"\u90fd":106,"\u90fd\u4e0d\u4f1a\u60f3\u8981\u77e5\u9053next":65,"\u90fd\u4e0d\u9700\u8981":110,"\u90fd\u4f1a\u4ea7\u751f\u5f53\u524d\u5c42\u72b6\u6001\u7684\u6240\u6709\u7ee7\u627f\u7ed3\u679c":134,"\u90fd\u4f1a\u7ba1\u7406\u7ef4\u62a4\u4e00\u4efd\u8bad\u7ec3\u597d\u7684\u6a21\u578b":124,"\u90fd\u4f7f\u7528":123,"\u90fd\u53ea\u662f\u4ecb\u7ecd\u53cc\u5c42rnn\u7684api\u63a5\u53e3":106,"\u90fd\u53ef\u4ee5\u8fd0\u884c":110,"\u90fd\u53ef\u4ee5\u901a\u8fc7\u8c03\u7528\u4e0b\u9762\u7684\u63a5\u53e3\u4e3a\u539f\u6709\u7684\u6570\u636e\u8f93\u5165\u9644\u52a0\u4e0a\u5e8f\u5217\u4fe1\u606f":123,"\u90fd\u5e94\u4f7f\u7528c":123,"\u90fd\u662f\u4e94\u4f4d\u7684\u6570\u5b57":37,"\u90fd\u662f\u4ee5ext\u5f00\u5934":65,"\u90fd\u662f\u5bf9layer1\u5143\u7d20\u7684\u62f7\u8d1d":105,"\u90fd\u662f\u5c06\u6bcf\u4e00\u53e5\u5206\u597d\u8bcd\u540e\u7684\u53e5\u5b50":106,"\u90fd\u662fabi\u8c03\u7528\u6807\u51c6\u7684":68,"\u90fd\u7528":111,"\u90fd\u7ee7\u627f\u4e8epaddlepaddle\u7684\u57fa\u7c7b":64,"\u90fd\u9700\u8981\u5199\u63d0\u4ea4\u8bf4\u660e":111,"\u90fd\u9700\u8981\u8c03\u7528\u4e00\u6b21":112,"\u914d\u5236\u7f16\u8bd1\u9009\u9879":121,"\u914d\u7f6e\u6253\u5f00":119,"\u914d\u7f6e\u6587\u4ef6\u63a5\u53e3\u662ffc_layer":112,"\u914d\u7f6e\u6587\u4ef6\u91cc\u52a0\u4e24\u884c":110,"\u914d\u7f6e\u7684\u65b9\u6cd5\u53c2\u8003":51,"\u914d\u7f6e\u7b80\u5355\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684\u4f8b\u5b50":109,"\u914d\u7f6e\u7f51\u7edc\u5c42\u7684\u8f93\u5165":112,"\u914d\u7f6eapi":105,"\u9152\u5e97":106,"\u91c7\u7528\u5747\u5300\u5206\u5e03\u6216\u8005\u9ad8\u65af\u5206\u5e03\u521d\u59cb\u5316":134,"\u91c7\u7528multi":98,"\u91ca\u653e\u5bf9paramters\u5185\u5b58\u7684\u9501\u5b9a":36,"\u91cc":110,"\u91cc\u53ef\u4ee5\u6807\u51c6\u5316\u7f16\u8bd1\u73af\u5883":110,"\u91cc\u5b8c\u6210":113,"\u91cc\u6240\u6709\u7684\u7b26\u53f7\u90fd\u5199\u5165\u81ea\u5df1\u7684\u7a0b\u5e8f\u7684\u4e8c\u8fdb\u5236\u6587\u4ef6\u91cc":68,"\u91cc\u7684":110,"\u91cc\u7684\u65e5\u5fd7":126,"\u91cc\u7684\u6e90\u7801":110,"\u91cc\u8fd0\u884c\u7684\u7f16\u8bd1\u5de5\u5177\u5b9e\u9645\u4e0a\u90fd\u662f\u5728\u672c\u673a\u7684":110,"\u91cc\u9009\u62e9\u9700\u8981\u53d1\u5e03\u7684\u5206\u652f":85,"\u91cc\u9762":113,"\u91cc\u9762\u6db5\u76d6\u4e86\u4ea4\u53c9\u7f16\u8bd1android\u7248paddlepaddle\u5e93\u9700\u8981\u7684\u6240\u6709\u7f16\u8bd1\u5de5\u5177":138,"\u91cc\u9762\u6dfb\u52a0":65,"\u91cd\u5199\u7236\u7c7blayer\u7684":65,"\u91cd\u547d\u540d\u6210":68,"\u91cd\u65b0\u7f16\u8bd1paddlepaddl":119,"\u9488\u5bf9\u4e0d\u540c\u7684":139,"\u9488\u5bf9\u4efb\u52a1\u8fd0\u884c\u5b8c\u6210\u540e\u5bb9\u5668\u81ea\u52a8\u9000\u51fa\u7684\u573a\u666f":128,"\u9488\u5bf9\u5185\u5b58\u548c\u663e\u5b58":96,"\u94fe\u63a5":121,"\u94fe\u63a5\u4e2d\u627e\u5230":102,"\u94fe\u63a5\u4f55\u79cdblas\u5e93\u7b49":99,"\u94fe\u63a5\u5230\u81ea\u5df1\u7684\u7a0b\u5e8f\u91cc":68,"\u94fe\u63a5\u76f8\u5bf9\u5bb9\u6613":121,"\u94fe\u63a5\u9009\u9879":121,"\u94fe\u63a5\u9759\u6001\u5e93":121,"\u9519\u8bef":93,"\u9519\u8bef\u5904\u7406":68,"\u9519\u8bef\u5904\u7406\u65b9\u5f0f\u662f\u8fd4\u56de\u503c":68,"\u9519\u8bef\u5904\u7406\u7684\u65b9\u5f0f\u4e5f\u4e0d\u5c3d\u76f8\u540c":68,"\u9519\u8bef\u7684define_py_data_sources2\u7c7b\u4f3c":98,"\u952e\u6765\u542f\u52a8\u7f16\u8bd1\u4e86":110,"\u955c\u50cf\u91cc\u6709paddlepaddle\u7684\u6e90\u7801\u4e0edemo":128,"\u957f\u5ea6":96,"\u95e8\u63a7\u5faa\u73af\u5355\u5143\u5355\u6b65\u51fd\u6570\u548c\u8f93\u51fa\u51fd\u6570":109,"\u95e8\u63a7\u5faa\u73af\u5355\u5143\u7684\u8f93\u51fa\u88ab\u7528\u4f5c\u8f93\u51famemori":109,"\u9644\u52a0\u4e0a\u5e8f\u5217\u4fe1\u606f":123,"\u9650\u5236\u5957\u63a5\u5b57\u53d1\u9001\u7f13\u51b2\u533a\u7684\u5927\u5c0f":134,"\u9650\u5236\u5957\u63a5\u5b57\u63a5\u6536\u7f13\u51b2\u533a\u7684\u5927\u5c0f":134,"\u9664\u4e86":2,"\u9664\u4e86\u53ef\u4ee5\u81ea\u52a8\u7f16\u8bd1\u6587\u6863":115,"\u9664\u4e86boot_lay":106,"\u9664\u6784\u9020\u67d0\u79cd\u7c7b\u578b\u7684\u51fd\u6570":69,"\u9664\u6b64\u4e4b\u5916":96,"\u9664\u96f6\u7b49\u95ee\u9898":96,"\u968f\u540e\u53ef\u4ee5\u7528\u8fd9\u4e2a\u5f00\u53d1\u955c\u50cf\u5f00\u59cbbuild":111,"\u968f\u673a\u6570\u7684\u79cd\u5b50":134,"\u968f\u673a\u6570seed":133,"\u9694\u5f00":125,"\u96c6\u6210\u5230":64,"\u96c6\u6210\u5230paddlepaddl":65,"\u96c6\u675f\u641c\u7d22\u4f7f\u7528\u5e7f\u5ea6\u4f18\u5148\u641c\u7d22\u7684\u65b9\u5f0f\u6784\u5efa\u67e5\u627e\u6811":134,"\u96c6\u7fa4\u4e0a\u542f\u52a8\u4e00\u4e2a\u5355\u673a\u4f7f\u7528cpu\u7684paddlepaddle\u8bad\u7ec3\u4f5c\u4e1a":128,"\u96c6\u7fa4\u4e2d\u7684\u6bcf\u53f0\u8ba1\u7b97\u673a\u901a\u5e38\u88ab\u6210\u4e3a\u4e00\u4e2a":125,"\u96c6\u7fa4\u4efb\u52a1":126,"\u96c6\u7fa4\u4f5c\u4e1a\u5c06\u4f1a\u5728\u51e0\u79d2\u540e\u542f\u52a8":126,"\u96c6\u7fa4\u6d4b\u8bd5":133,"\u96c6\u7fa4\u7ba1\u7406\u5de5\u5177":125,"\u96c6\u7fa4\u8bad\u7ec3":133,"\u96c6\u7fa4\u8bad\u7ec3\u4e0e\u9884\u6d4b":95,"\u96c6\u7fa4\u8fdb\u7a0b":126,"\u9700\u52a0\u8be5\u6a21\u677f\u53c2\u6570":113,"\u9700\u5728nvvp\u754c\u9762\u4e2d\u9009\u4e0a\u624d\u80fd\u5f00\u542f":119,"\u9700\u6307\u5b9a":121,"\u9700\u63d0\u4f9b\u975e\u96f6\u5143\u7684\u503c":123,"\u9700\u6ce8\u610f":121,"\u9700\u8981":[37,110,113,124],"\u9700\u8981\u4e3a":113,"\u9700\u8981\u4f7f\u7528\u5176\u5236\u5b9a\u7684\u65b9\u5f0f\u6302\u8f7d\u540e\u5e76\u5bfc\u5165\u6570\u636e":129,"\u9700\u8981\u4f7f\u7528\u6700\u65b0\u7684pip":102,"\u9700\u8981\u4f7f\u7528\u8005\u81ea\u5df1\u4e86\u89e3\u5e76\u5b8c\u6210\u8f6c\u5316":123,"\u9700\u8981\u4fdd\u6301\u5f53\u524d\u5206\u652f\u76ee\u5f55":111,"\u9700\u8981\u4fee\u6539build":85,"\u9700\u8981\u521b\u5efa\u5e76\u586b\u5199":123,"\u9700\u8981\u5347\u7ea7pip\u7248\u672c\u5230\u6700\u65b0":[93,102],"\u9700\u8981\u5355\u72ec":100,"\u9700\u8981\u53ef\u4ee5\u8de8\u5e73\u53f0\u6267\u884c":51,"\u9700\u8981\u540c\u65f6\u63d0\u4f9b\u6bcf\u4e00\u4e2a\u5185\u5c42\u5e8f\u5217\u5728\u6574\u4e2a":123,"\u9700\u8981\u540c\u6b65\u539f\u4ed3\u5e93":111,"\u9700\u8981\u542f\u52a8\u7684\u8282\u70b9\u4e2a\u6570\u4ee5\u53ca":129,"\u9700\u8981\u548c\u8be5op\u7684\u540d\u5b57\u4e00\u6837":113,"\u9700\u8981\u54ea\u4e9b\u5c42\u7684\u8ba1\u7b97\u7ed3\u679c\u4f5c\u4e3a\u8f93\u51fa":124,"\u9700\u8981\u5728":113,"\u9700\u8981\u5728\u521b\u5efa\u5bb9\u5668\u524d\u6302\u8f7d\u5377\u4ee5\u4fbf\u6211\u4eec\u4fdd\u5b58\u8bad\u7ec3\u7ed3\u679c":128,"\u9700\u8981\u5728\u7cfb\u7edf\u91cc\u5148\u5b89\u88c5\u597ddocker\u5de5\u5177\u5305":115,"\u9700\u8981\u5728cmake\u7684\u65f6\u5019":69,"\u9700\u8981\u5728macos\u7cfb\u7edf\u4e0a\u8fdb\u884c":139,"\u9700\u8981\u5c06\u5176parameter\u8bbe\u7f6e\u6210":96,"\u9700\u8981\u5c06\u7f51\u7edc\u7ed3\u6784\u4f7f\u7528":124,"\u9700\u8981\u5c06bugfix\u7684\u5206\u652f\u540c\u65f6merge\u5230":85,"\u9700\u8981\u5c06cuda\u76f8\u5173\u7684\u5e93\u8bbe\u7f6e\u5230":121,"\u9700\u8981\u5c06paddl":121,"\u9700\u8981\u5f15\u7528":69,"\u9700\u8981\u5f3a\u8c03\u7684\u662f":110,"\u9700\u8981\u601d\u8003\u5b8c\u6210\u4ee5\u4e0b\u5de5\u4f5c":[123,124],"\u9700\u8981\u624b\u52a8\u8fdb\u884c\u89e3\u538b":124,"\u9700\u8981\u6267\u884c":[99,102,104],"\u9700\u8981\u6307\u5b9a":121,"\u9700\u8981\u6307\u5b9a\u4e0e\u67d0\u4e00\u4e2a\u8f93\u5165\u7684\u5e8f\u5217\u4fe1\u606f\u662f\u4e00\u81f4\u7684":106,"\u9700\u8981\u6307\u5b9alayer\u7684\u8f93\u5165\u6765\u6e90":103,"\u9700\u8981\u660e\u786e\u6307\u5b9a":134,"\u9700\u8981\u663e\u5f0f\u5730\u94fe\u63a5":121,"\u9700\u8981\u663e\u793a\u5730\u94fe\u63a5":121,"\u9700\u8981\u663e\u793a\u5730\u94fe\u63a5mkl\u7684\u52a8\u6001\u5e93":121,"\u9700\u8981\u6709\u7a33\u5b9a\u7684\u5bfc\u51fa\u7b26\u53f7":68,"\u9700\u8981\u6839\u636e\u4e0d\u540c\u7684\u5206\u5e03\u5f0f\u5b58\u50a8\u6765\u7ed1\u5b9a\u4e00\u4e2a":129,"\u9700\u8981\u6ce8\u610f":113,"\u9700\u8981\u6ce8\u610f\u7684\u662f":[65,85,96,134],"\u9700\u8981\u6ce8\u610f\u7684\u662f\u68af\u5ea6\u68c0\u67e5\u4ec5\u4ec5\u9a8c\u8bc1\u4e86\u68af\u5ea6\u7684\u8ba1\u7b97":112,"\u9700\u8981\u6ce8\u610f\u7684\u662fpaddlepaddle\u76ee\u524d\u53ea\u652f\u6301\u5b50\u5e8f\u5217\u6570\u76ee\u4e00\u6837\u7684\u591a\u8f93\u5165\u53cc\u5c42rnn":106,"\u9700\u8981\u7528\u5230\u7684\u7f16\u8bd1\u5de5\u5177\u548c\u7cfb\u7edf\u5e93":138,"\u9700\u8981\u7528\u6237\u663e\u5f0f\u8bbe\u5b9a":97,"\u9700\u8981\u7d2f\u52a0\u4e0d\u540clayer\u4f20\u8fc7\u6765\u7684\u68af\u5ea6":65,"\u9700\u8981\u81ea\u5df1\u94fe\u63a5mkl\u94fe\u63a5\u5e93":121,"\u9700\u8981\u88ab\u66b4\u9732\u5230\u5176\u4ed6\u8bed\u8a00":69,"\u9700\u8981\u8bf7\u7ba1\u7406\u5458\u5b89\u88c5\u548c\u914d\u7f6e\u597d":110,"\u9700\u8981\u9075\u5faa\u4ee5\u4e0b\u7ea6\u5b9a":108,"\u9700\u8981\u91cd\u547d\u540dwheel\u5305\u4e2dplatform\u76f8\u5173\u7684\u540e\u7f00":85,"\u9700\u8981\u989d\u5916\u6ce8\u610f\u7684\u662f":114,"\u9700\u9644\u52a0\u53cc\u5c42\u5e8f\u5217\u4fe1\u606f":123,"\u9700\u9644\u52a0\u5e8f\u5217\u4fe1\u606f":123,"\u975e\u5e38\u6570":112,"\u975e\u5e8f\u5217\u8f93\u5165\u4e0d\u643a\u5e26":123,"\u975e\u5e8f\u5217\u8f93\u5165\u65e0\u9700\u6784\u9020":123,"\u975e\u96f6\u5143\u4e2a\u6570":123,"\u975e\u96f6\u5143\u7d20\u7684\u503c":123,"\u975e\u96f6\u5143\u7d20\u7684\u5217\u53f7":123,"\u975e\u96f6\u6570\u5b57\u7684\u4e2a\u6570":112,"\u9762\u5411\u67b6\u6784\u4e3a32\u4f4darm\u67b6\u6784":138,"\u9762\u5411\u67b6\u6784\u4e3a64\u4f4darm64\u67b6\u6784":138,"\u9879\u76ee\u5728\u52aa\u529b\u5f00\u59cb\u652f\u6301\u5176\u4ed6\u4e0d\u9700\u8981":110,"\u987a\u5e8f":106,"\u9884\u63d0\u4ea4\u94a9\u5b50":111,"\u9884\u6d4b\u4ee3\u7801\u66f4\u591a\u8be6\u7ec6\u793a\u4f8b\u4ee3\u7801\u8bf7\u53c2\u8003":124,"\u9884\u6d4b\u4f7f\u7528\u7684\u7f51\u7edc\u7ed3\u6784\u5f80\u5f80\u4e0d\u540c\u4e8e\u8bad\u7ec3":124,"\u9884\u6d4b\u5e93":122,"\u9884\u6d4b\u65f6":124,"\u9884\u6d4b\u65f6\u53ea\u9700\u52a0\u8f7d\u4e00\u4e2a\u6587\u4ef6\u4fbf\u4e8e\u53d1\u5e03":124,"\u9884\u6d4b\u7a0b\u5e8f\u5f00\u53d1\u4e24\u5927\u90e8\u5206":124,"\u9996\u5148":[2,106,109,112],"\u9996\u5148\u5728\u7cfb\u7edf\u8def\u5f84":99,"\u9996\u5148\u5b89\u88c5\u5e76\u5728\u5f53\u524d\u76ee\u5f55\u8fd0\u884c\u5b83":111,"\u9996\u5148\u5b9a\u4e49":113,"\u9996\u5148\u5bf9\u8f93\u5165\u505a\u4e00\u4e2a\u5c0f\u7684\u6270\u52a8":112,"\u9996\u5148\u6211\u4eec\u9700\u8981\u63a8\u5bfc\u8be5\u7f51\u7edc\u5c42\u7684":112,"\u9996\u5148\u6784\u9020\u5934\u4fe1\u606f":98,"\u9996\u5148\u901a\u8fc7":111,"\u9996\u5148\u9700\u8981\u52a0\u8f7d\u76f8\u5e94\u7684python\u5e93":103,"\u9a71\u52a8":115,"\u9ad8\u4eae\u90e8\u5206":106,"\u9ad8\u5ea6":123,"\u9ad8\u5ea6\u652f\u6301\u7075\u6d3b\u548c\u9ad8\u6548\u7684\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u914d\u7f6e":109,"\u9ad8\u65af\u5206\u5e03":98,"\u9ed8\u8ba4":[2,134],"\u9ed8\u8ba40":125,"\u9ed8\u8ba41":125,"\u9ed8\u8ba4127":125,"\u9ed8\u8ba4256k":51,"\u9ed8\u8ba47164":125,"\u9ed8\u8ba4\u4e0d\u663e\u793a":134,"\u9ed8\u8ba4\u4e0d\u8bbe\u7f6e":108,"\u9ed8\u8ba4\u4e3a0":[134,136],"\u9ed8\u8ba4\u4e3a1":[2,123,136],"\u9ed8\u8ba4\u4e3a100":136,"\u9ed8\u8ba4\u4e3a4096mb":134,"\u9ed8\u8ba4\u4e3a\u7b2c\u4e00\u4e2a\u8f93\u5165":108,"\u9ed8\u8ba4\u4e3anull":134,"\u9ed8\u8ba4\u4f1a\u5c06a\u548cb":96,"\u9ed8\u8ba4\u4f7f\u7528concurrentremoteparameterupdat":134,"\u9ed8\u8ba4\u4f7f\u7528mkl":99,"\u9ed8\u8ba4\u503c":[99,105,136,139],"\u9ed8\u8ba4\u503c\u4e3a":[138,139,140],"\u9ed8\u8ba4\u503c\u4e3a\u73af\u5883\u53d8\u91cf":139,"\u9ed8\u8ba4\u521d\u59cb\u72b6\u4e3a0":108,"\u9ed8\u8ba4\u60c5\u51b5\u4e0b":[98,126],"\u9ed8\u8ba4\u60c5\u51b5\u4e0b\u6309\u7167float\u7cbe\u5ea6\u8ba1\u7b97":98,"\u9ed8\u8ba4\u6307\u5b9a\u7b2c\u4e00\u4e2a\u8f93\u5165":106,"\u9ed8\u8ba4\u662f\u4f7f\u7528mkl\u7684\u955c\u50cf":100,"\u9ed8\u8ba4\u6ca1\u6709\u5b89\u88c5vim":100,"\u9ed8\u8ba4\u7684paddlepaddle\u751f\u4ea7\u73af\u5883\u955c\u50cf":128,"\u9ed8\u8ba4\u7f16\u8bd1\u6240\u6709\u67b6\u6784":139,"\u9ed8\u8ba4\u8bbe\u7f6e\u4e3a":64,"\u9ed8\u8ba4\u8bbe\u7f6e\u4e3a\u771f":136,"\u9ed8\u8ba4\u8bbe\u7f6e\u6210\u73af\u5883\u53d8\u91cf":[138,140],"\u9ed8\u8ba4\u8c03\u7528":110,"\u9ed8\u8ba4fals":125,"abi\u7684paddlepaddle\u5e93":138,"abstract":[44,50,54,75,84,86],"android\u5b98\u65b9\u63d0\u4f9b\u7684":138,"android\u5e73\u53f0\u4e0a\u4f7f\u7528\u7684c":138,"android\u5e73\u53f0\u53ef\u9009\u914d\u7f6e\u53c2\u6570":138,"android\u5e73\u53f0\u7f16\u8bd1\u6307\u5357":141,"android\u7684docker\u5f00\u53d1\u955c\u50cf\u5411\u7528\u6237\u63d0\u4f9b\u4e24\u4e2a\u53ef\u914d\u7f6e\u7684\u53c2\u6570":138,"api\u4e0d\u4f1a\u76f4\u63a5\u52a0\u8f7d":124,"api\u4e0d\u5c0f\u4e8e21":138,"api\u4e2d":123,"api\u4e2d\u4f7f\u7528":68,"api\u4e2d\u7684\u4e00\u7ef4\u6570\u7ec4":123,"api\u4e2d\u7684\u77e9\u9635\u6765\u8868\u793a":123,"api\u4e2d\u795e\u7ecf\u7f51\u7edc\u7684\u4e00\u4e2a\u8f93\u5165":124,"api\u4f7f\u7528\u4e2d\u7684\u4e00\u4e2a\u91cd\u8981\u6982\u5ff5":124,"api\u4f7f\u7528\u6d41\u7a0b\u793a\u610f\u56fe":124,"api\u4f7f\u7528\u793a\u4f8b":124,"api\u521b\u5efa\u7684gradientmachine\u7c7b\u7684\u5bf9\u8c61":124,"api\u53ef\u4ee5\u901a\u8fc7\u5206\u522b\u6307\u5b9a\u5e8f\u5217\u5316\u540e\u7684\u7f51\u7edc\u7ed3\u6784\u6587\u4ef6\u548c\u53c2\u6570\u76ee\u5f55\u6765\u52a0\u8f7d\u8bad\u7ec3\u597d\u7684\u6a21\u578b":124,"api\u53ef\u4ee5\u901a\u8fc7\u6307\u5b9a":124,"api\u5b8c\u6210\u5206\u5e03\u5f0f\u8bad\u7ec3":125,"api\u5bf9\u6bd4\u4ecb\u7ecd":107,"api\u5bfc\u51fa\u7684\u52a8\u6001\u5e93":69,"api\u5bfc\u51fa\u7684\u9759\u6001\u5e93":69,"api\u5e93\u5c06\u88ab\u5b89\u88c5\u5230":138,"api\u5f00\u53d1\u5305\u5e76\u5b89\u88c5":102,"api\u5f00\u53d1\u9884\u6d4b\u7a0b\u5e8f\u65f6":121,"api\u5f00\u53d1\u9884\u6d4b\u7a0b\u5e8f\u9700\u8981\u4e00\u4e2a\u8bad\u7ec3\u597d\u7684\u6a21\u578b":124,"api\u6240\u9700\u7684\u4f9d\u8d56":121,"api\u63a5\u53d7\u7684\u7c7b\u578b\u5168\u662f":69,"api\u63a5\u53e3":51,"api\u63a5\u53e3\u751f\u6210":113,"api\u63a5\u53e3\u7684\u53c2\u6570\u8f6c\u53d1\u7ed9":69,"api\u63a5\u53e3\u7684\u751f\u6210":113,"api\u63d0\u4f9b\u7684":124,"api\u652f\u6301\u7684\u6240\u6709\u8f93\u5165\u6570\u636e\u7c7b\u578b\u548c\u4ed6\u4eec\u7684\u7ec4\u7ec7\u65b9\u5f0f":124,"api\u6587\u6863":[138,139],"api\u65f6":69,"api\u65f6\u4e3a\u8f93\u51fa":124,"api\u65f6\u6240\u552f\u4e00\u9700\u8981\u5f15\u5165\u7684\u5934\u6587\u4ef6":69,"api\u662f\u591a\u8bed\u8a00api\u7684\u57fa\u7840\u90e8\u5206":69,"api\u66b4\u9732\u7684\u7c7b\u578b":69,"api\u6765\u9884\u6d4b":[138,139],"api\u751f\u6210\u7684\u4e8c\u8fdb\u5236\u6587\u4ef6\u4f1a\u88ab\u5b89\u88c5\u5230":69,"api\u7684\u5934\u6587\u4ef6":[138,139,140],"api\u7684\u5b9e\u4f8b":69,"api\u7684\u5b9e\u73b0\u7ec6\u8282":69,"api\u7684\u63a5\u53e3":69,"api\u7684\u65f6\u5019\u63a8\u8350paddle\u4e0d\u5d4c\u5165python\u89e3\u91ca\u5668":69,"api\u7684\u7f16\u8bd1\u9009\u9879\u9ed8\u8ba4\u5173\u95ed":69,"api\u76ee\u5f55\u7ed3\u6784\u5982\u4e0a\u56fe\u8868\u6240\u793a":69,"api\u76f8\u5173\u63a5\u53e3":123,"api\u7ea7\u522b":138,"api\u7ea7\u522b\u4e3a21":138,"api\u83b7\u5f97\u4e86\u795e\u7ecf\u7f51\u7edc\u7684\u53c2\u6570\u5b9e\u4f8b":69,"api\u8bad\u7ec3":124,"api\u9700\u8981\u521b\u5efa\u7684\u6570\u636e\u7c7b\u578b":123,"api\u9759\u6001\u5e93":139,"api\u9884\u6d4b\u5e93":139,"api\u9884\u6d4b\u65f6":124,"apis\u505a\u4e86\u5c01\u88c5":64,"app\u4e2d":[138,139],"apple\u5b98\u65b9\u4e3aios\u5f00\u53d1\u63d0\u4f9b\u4e86\u5b8c\u6574\u7684\u4ea4\u53c9\u7f16\u8bd1\u5de5\u5177\u548c\u96c6\u6210\u5f00\u53d1\u73af\u5883":139,"async_sgd\u8fdb\u884c\u8bad\u7ec3\u65f6":98,"avx\u662f\u4e00\u79cdcpu\u6307\u4ee4\u96c6":100,"avx\u7248\u672c":100,"avx\u7684\u955c\u50cf":100,"aws\u4e0a\u8fd0\u884ckubernetes\u96c6\u7fa4\u8bad\u7ec3":125,"batch\u4e2d\u5305\u542b":96,"batches\u4e2a\u6279\u6b21\u4fdd\u5b58\u4e00\u6b21\u53c2\u6570":134,"batches\u6b21":134,"block\u6784\u6210\u4e00\u4e2amodel":36,"book\u4e00\u5b9a\u662f\u60a8\u6700\u597d\u7684\u9009\u62e9":100,"book\u4e2d\u6240\u6709\u7ae0\u8282\u529f\u80fd\u7684\u6b63\u786e\u6027":85,"book\u662f\u4e3a\u7528\u6237\u548c\u5f00\u53d1\u8005\u5236\u4f5c\u7684\u4e00\u4e2a\u4ea4\u4e92\u5f0f\u7684jupyt":100,"book\u7684":103,"book\u7684docker\u955c\u50cf":100,"bool\u578b\u53c2\u6570":2,"boolean":[21,22,50,52,60,68],"break":[13,34,91,92],"bugfix\u5206\u652f\u4e5f\u662f\u5728\u5f00\u53d1\u8005\u81ea\u5df1\u7684fork\u7248\u672c\u5e93\u7ef4\u62a4":85,"bugfix\u5206\u652f\u9700\u8981\u5206\u522b\u7ed9\u4e3b\u7248\u672c\u5e93\u7684":85,"byte":[13,15,51,67,98],"c99\u662f\u76ee\u524dc\u6700\u5e7f\u6cdb\u7684\u4f7f\u7528\u6807\u51c6":68,"c\u6709\u6807\u51c6\u7684abi":68,"c\u8bed\u8a00\u662f\u6709\u5bfc\u51fa\u7b26\u53f7\u7684\u6807\u51c6\u7684":68,"case":[8,20,22,38,44,45,50,54,63,69,75,79,81,82,119,127,142],"cc\u4e2d\u7684":114,"cells\u7b49":97,"char":40,"ci\u73af\u5883\u4f7f\u7528":85,"ci\u7f16\u8bd1wheel\u5b8c\u6210\u540e\u4f1a\u81ea\u52a8\u5c06docker\u955c\u50cfpush\u5230dockerhub":85,"class":[5,6,7,8,9,10,11,13,14,18,20,22,24,27,29,30,33,44,45,48,49,53,54,55,56,58,59,61,63,68,72,73,77,78,82,83,84,86,87,88,89,91,98,112,113,114,120],"cmake\u4e2d\u5c06":119,"cmake\u5b98\u65b9\u5bf9android\u5e73\u53f0\u7684\u4ea4\u53c9\u7f16\u8bd1\u63d0\u4f9b\u4e86\u901a\u7528\u7684\u652f\u6301":138,"cmake\u627e\u5230\u7684python\u5e93\u548cpython\u89e3\u91ca\u5668\u7248\u672c\u53ef\u80fd\u6709\u4e0d\u4e00\u81f4\u73b0\u8c61":93,"cmake\u7cfb\u7edf\u5bf9\u4ea4\u53c9\u7f16\u8bd1\u63d0\u4f9b\u4e86\u652f\u6301":138,"cmake\u7f16\u8bd1\u65f6":99,"cmake\u7f16\u8bd1\u7684\u76ee\u6807\u5e73\u53f0":[138,139,140],"cmake\u914d\u7f6e\u4e2d\u5c06":119,"cmake\u914d\u7f6e\u5b8c\u6210\u540e":[138,139,140],"compute\u51fd\u6570":64,"const":[33,38,40,53,55,61,62,76,77,79,83,86,88,89,90,91,112,113,114],"container\u4e2d":128,"core\u4e2d\u7684\u6a21\u578b\u8fd8\u5728\u4f7f\u7528\u8fd9\u4e2a\u53c2\u6570":69,"core\u4e2d\u8fd9\u4e00\u7c7b\u578b\u63a5\u53e3\u7684\u667a\u80fd\u6307\u9488":69,"core\u662f\u5426\u8fd8\u5728\u4f7f\u7528\u8fd9\u4e2a\u5b9e\u4f8b":69,"core\u6982\u5ff5":69,"cost\u63a5\u6536y_predict\u4e0ey\u4f5c\u4e3a\u8f93\u5165":103,"cost\u8fd8\u5927\u4e8e\u8fd9\u4e2a\u6570":98,"count\u4e2agpu\u4e0a\u4f7f\u7528\u6570\u636e\u5e76\u884c\u6765\u8ba1\u7b97\u67d0\u4e00\u5c42":136,"count\u548cgpu":136,"csr\u5b58\u50a8\u683c\u5f0f\u901a\u8fc7":123,"cuda\u5171\u4eabkernel\u5b9e\u73b0\u5728":113,"cuda\u5b9e\u73b0\u5171\u4eab\u540c\u4e00\u4e2a":113,"cuda\u5b9e\u73b0\u5728":113,"cuda\u5e93":134,"cuda\u7684\u4ee3\u7801\u53ef\u4ee5\u590d\u7528":113,"cuda\u76f8\u5173\u5e93\u4f1a\u5728\u9884\u6d4b\u7a0b\u5e8f\u8fd0\u884c\u65f6\u52a8\u6001\u88c5\u8f7d":121,"cudnn\u5e93":[99,134],"cumtime\u7684\u6bcf\u6b21\u8c03\u7528\u5e73\u5747\u65f6\u95f4":118,"data\u5230\u5206\u5e03\u5f0f\u5b58\u50a8\u8865\u5145\u8bad\u7ec3\u6570\u636e":37,"data\u63a5\u53e3\u5206\u914d\u5b9e\u9645\u7684\u5185\u5b58":114,"data\u76ee\u5f55\u4e2d\u5b58\u653e\u5207\u5206\u597d\u7684\u6570\u636e":129,"dataprovider\u5171\u8fd4\u56de\u4e24\u4e2a\u6570\u636e":106,"dataprovider\u5171\u8fd4\u56de\u4e24\u7ec4\u6570\u636e":106,"dataprovider\u662fpaddlepaddle\u8d1f\u8d23\u63d0\u4f9b\u6570\u636e\u7684\u6a21\u5757":1,"dataprovider\u7684\u4ecb\u7ecd":3,"dataprovider\u7f13\u51b2\u6c60\u5185\u5b58":96,"decoder\u5faa\u73af\u5c55\u5f00\u7684\u6bcf\u4e00\u4e2a\u65f6\u95f4\u6b65\u4f1a\u5f15\u7528\u5168\u90e8\u7ed3\u679c":108,"decoder\u63a5\u53d7\u4e24\u4e2a\u8f93\u5165":108,"decoder\u6bcf\u6b21\u9884\u6d4b\u4ea7\u751f\u4e0b\u4e00\u4e2a\u6700\u53ef\u80fd\u7684\u8bcd\u8bed":108,"decoer\u67b6\u6784":108,"default":[6,7,8,9,10,11,13,14,15,18,22,26,29,30,33,34,44,48,57,61,67,70,71,79,80,86,87,88,92,117,127,128,129,136,138,142],"demo\u9884\u6d4b\u8f93\u51fa\u5982\u4e0b":4,"device\u5c31\u80fd\u62ff\u5230\u6b63\u786e\u7684\u6570\u636e":65,"dictionary\u662f\u4ece\u7f51\u7edc\u914d\u7f6e\u4e2d\u4f20\u5165\u7684dict\u5bf9\u8c61":2,"dist\u76ee\u5f55\u4e0b\u751f\u6210\u8f93\u51fa\u7684whl\u5305":99,"distributed\u5206\u5e03\u5f0f":125,"dnn\u4e09\u8005\u5173\u7cfb\u5982\u4e0b\u8868":65,"dnn\u4e2d\u7684":65,"dnn\u4e2d\u7684\u6392\u5217\u65b9\u5f0f\u4e0d\u6b62\u8fd9\u4e00\u79cd":65,"dnn\u4f1a\u4f5c\u4e3a\u7b2c\u4e09\u65b9\u5e93\u96c6\u6210\u8fdbpaddlepaddl":65,"dnn\u4f1a\u7528\u5230":65,"dnn\u5171\u540c\u4f7f\u7528":65,"dnn\u524d\u540e\u7684cnn\u7f51\u7edc\u6027\u80fd":65,"dnn\u5728\u53d1\u5e03":65,"dnn\u5b9e\u73b0":65,"dnn\u5e0c\u671b\u7684\u683c\u5f0f":65,"dnn\u6570\u5b66\u5e93":99,"dnn\u6570\u636e\u7684\u4e0d\u540c\u683c\u5f0f\u4ee5\u53ca\u76f8\u4e92\u4e4b\u95f4\u7684\u8f6c\u6362":65,"dnn\u7684":65,"dnn\u7684\u5e93\u76ee\u524d\u53ea\u6709\u52a8\u6001\u5e93":65,"dnn\u7684\u6027\u80fd":65,"dnn\u7684\u60c5\u51b5\u4e0b":65,"dnn\u7684\u64cd\u4f5c\u90fd\u662f\u76f4\u63a5\u8986\u76d6\u7684\u5f62\u5f0f":65,"dnn\u7684\u6d4b\u8bd5":65,"dnn\u7684\u73af\u5883\u4e0b":65,"dnn\u7684\u76f8\u5173\u529f\u80fd":65,"dnn\u7684\u7ed3\u679c":65,"dnn\u7684\u9ad8\u6027\u80fd\u683c\u5f0f\u4e0epaddlepaddle\u539f\u6709\u7684":65,"dnn\u7684layer":65,"dnn\u7684layers\u90fd\u4f1a\u7ee7\u627f\u4e8e":65,"docker\u5b89\u88c5\u65b9\u5f0f\u53ef\u4ee5\u8fdb\u5165docker\u5bb9\u5668\u6267\u884c":125,"docker\u5b89\u88c5\u8bf7\u53c2\u8003":115,"docker\u5b89\u88c5\u8bf7\u53c2\u8003docker\u7684\u5b98\u7f51":115,"docker\u5b98\u7f51":100,"docker\u5bb9\u5668\u4e2d\u5c06\u9ed8\u8ba4\u4f7f\u7528":138,"docker\u7684\u5b98\u7f51":115,"docker\u7f16\u8bd1\u73af\u5883\u955c\u50cf\u5b8c\u6210\u7f16\u8bd1":99,"docker\u80fd\u5728\u6240\u6709\u4e3b\u8981\u64cd\u4f5c\u7cfb\u7edf":138,"docker\u955c\u50cf":100,"docker\u955c\u50cf\u4e3a\u4e86\u51cf\u5c0f\u4f53\u79ef":100,"docker\u955c\u50cf\u9ed8\u8ba4":100,"dockerhub\u7f51\u7ad9":100,"double\u7c7b\u578b\u65f6\u4e3a8":98,"dropout\u7684\u6bd4\u4f8b":112,"eigenscalar\u7684\u8f6c\u6362":114,"encode\u6210\u7684\u6700\u540e\u4e00\u4e2a\u5411\u91cf":106,"encoder\u548cdecoder\u53ef\u4ee5\u662f\u80fd\u591f\u5904\u7406\u5e8f\u5217\u7684\u4efb\u610f\u795e\u7ecf\u7f51\u7edc\u5355\u5143":108,"encoder\u8f93\u51fa":108,"entropy\u4f5c\u4e3acost":98,"enum":[38,40,70,77,78,87,88,92],"export":[54,59,93,100,115,125],"f\u4ee3\u8868\u4e00\u4e2a\u6d6e\u70b9\u6570":[2,103],"fabric\u96c6\u7fa4":125,"false\u7684\u60c5\u51b5":2,"fc1\u548cfc2\u5c42\u5728gpu\u4e0a\u8ba1\u7b97":136,"fc3\u5c42\u4f7f\u7528cpu\u8ba1\u7b97":136,"final":[8,9,22,31,32,45,59,71,72,91],"flatten\u65b9\u6cd5\u662f\u628apaddle\u4e2d\u7684\u4e00\u4e2atensor\u8fdb\u884creshape\u64cd\u4f5c":114,"float":[2,6,7,8,10,13,22,48,53,61,88,89,90,113,114,119,123],"float\u7b49":136,"from\u65b9\u6cd5\u662f\u628apaddle\u4e2d\u7684\u4e00\u7ef4tensor\u8f6c\u4e3aeigen\u7684\u4e00\u7ef4tensor":114,"from\u662feigentensor\u6a21\u677f\u63d0\u4f9b\u7684\u4e00\u4e2a\u63a5\u53e3":114,"full\u53c2\u6570\u63d0\u4ea4":94,"function":[8,9,13,21,22,23,27,30,32,33,35,39,40,41,43,44,45,48,49,53,55,58,61,66,71,72,75,76,77,78,79,81,82,83,84,86,88,91,109,117,118,142],"function\u4f7f\u7528":97,"generator\u4fbf\u4f1a\u5b58\u4e0b\u5f53\u524d\u7684\u4e0a\u4e0b\u6587":2,"generator\u81f3\u5c11\u9700\u8981\u8c03\u7528\u4e24\u6b21\u624d\u4f1a\u77e5\u9053\u662f\u5426\u505c\u6b62":2,"git\u6d41\u5206\u652f\u6a21\u578b":111,"github\u9996\u9875":111,"glibc\u81f3\u5c11\u5305\u542bglibc_2":102,"golang\u53ef\u4ee5\u4f7f\u7528":68,"golang\u7684":68,"google\u5f00\u6e90\u7684\u5bb9\u5668\u96c6\u7fa4\u7684\u8c03\u5ea6\u6846\u67b6":125,"gpu\u4e8c\u8fdb\u5236\u6587\u4ef6":99,"gpu\u5219\u8fd8\u9700\u8981\u9ad8\u5e76\u884c\u6027":119,"gpu\u53cc\u7f13\u5b58":2,"gpu\u6027\u80fd\u5206\u6790\u4e0e\u8c03\u4f18":116,"gpu\u6267\u884c":114,"gpu\u6838\u5728\u8bad\u7ec3\u914d\u7f6e\u4e2d\u6307\u5b9a":134,"gpu\u7684docker\u955c\u50cf\u7684\u65f6\u5019":93,"gpu\u7b49":85,"group\u6559\u7a0b":107,"group\u7684\u5b9e\u73b0\u65b9\u5f0f":97,"gru\u6216lstm":109,"h\u5e76\u4e0d\u56f0\u96be":68,"html\u5373\u53ef\u8bbf\u95ee\u672c\u5730\u6587\u6863":115,"i\u4ee3\u8868\u4e00\u4e2a\u6574\u6570":[2,103],"id\u6307\u5b9a\u4f7f\u7528\u54ea\u4e2agpu\u6838":134,"id\u6307\u5b9a\u7684gpu":136,"id\u65e0\u6548":134,"image\u91cc":128,"images\u6570\u636e\u96c6\u4e0a\u4f20\u5230\u4e91\u7aef\u7684":37,"imikolov\u6570\u636e\u96c6":125,"import":[2,4,7,8,30,33,34,44,47,55,57,59,60,66,71,72,78,86,102,103,104,113,124,125,127],"infer\u63a5\u53e3\u7684\u8fd4\u56de\u503c\u662f\u4e00\u4e2apython":96,"ingress\u9700\u8981\u628apfsclient\u7684\u8eab\u4efd\u4fe1\u606f\u4f20\u7ed9pfsserv":51,"init_hook\u53ef\u4ee5\u4f20\u5165\u4e00\u4e2a\u51fd\u6570":2,"instance\u4e0e\u751f\u6210\u6570\u636e\u96c6\u65f6":37,"instance\u5305\u6db5\u4e24\u4e2a\u503c":37,"instance\u662f\u4e00\u6a21\u4e00\u6837\u7684":37,"int":[2,6,7,8,9,13,14,15,22,23,32,33,38,39,40,43,44,46,60,61,64,65,66,68,69,77,78,80,81,87,88,89,91,92,106,112,114,123,125,136],"interface\u6587\u4ef6\u7684\u5199\u6cd5\u975e\u5e38":68,"ios\u5e73\u53f0\u53ef\u9009\u914d\u7f6e\u53c2\u6570":139,"ios\u5e73\u53f0\u7f16\u8bd1\u6307\u5357":141,"ip\u548c\u4efb\u52a1\u8282\u70b9\u4e2a\u6570\u7b49":125,"issue\u7f16\u53f7":111,"job\u662f\u672c\u6b21\u8bad\u7ec3\u5bf9\u5e94\u7684job":129,"job\u7684\u540d\u5b57":129,"kernel\u5b9e\u73b0":113,"kernel\u6ce8\u518ccpu\u5b9e\u73b0\u5728":113,"kernel\u7684\u5b9e\u73b0\u57fa\u4e8eeigen":113,"kubernetes\u4e3a\u8fd9\u6b21\u8bad\u7ec3\u521b\u5efa\u4e863\u4e2apod\u5e76\u4e14\u8c03\u5ea6\u5230\u4e863\u4e2anode\u4e0a\u8fd0\u884c":129,"kubernetes\u5355\u673a":125,"kubernetes\u53ef\u4ee5\u901a\u8fc7yaml\u6587\u4ef6\u6765\u521b\u5efa\u76f8\u5173\u5bf9\u8c61":129,"kubernetes\u5c31\u4f1a\u521b\u5efa3\u4e2apod\u4f5c\u4e3apaddlepaddle\u8282\u70b9\u7136\u540e\u62c9\u53d6\u955c\u50cf":129,"kubernetes\u6709job\u7c7b\u578b\u7684\u8d44\u6e90\u6765\u652f\u6301":128,"label\u662f\u539f\u59cb\u6570\u636e\u4e2d\u5bf9\u4e8e\u6bcf\u4e00\u53e5\u8bdd\u7684\u5206\u7c7b\u6807\u7b7e":106,"labels\u662f\u6bcf\u7ec4\u5185\u6bcf\u4e2a\u53e5\u5b50\u7684\u6807\u7b7e":106,"layer1\u5fc5\u987b\u662f\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"layer1\u5fc5\u987b\u662f\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"layer\u4f5c\u4e3a\u4e00\u4e2a\u6574\u4f53\u6765\u5b9e\u73b0":97,"layer\u62ff\u5230\u7684\u7528\u6237\u8f93\u5165":108,"layer\u65f6":[65,97],"layer\u662f\u6211\u4eec\u7684\u79ef\u6728":103,"layer\u7684\u540e\u9762\u63a5\u6709cpu":65,"layer\u7c7b\u53ef\u4ee5\u81ea\u52a8\u8ba1\u7b97\u4e0a\u9762\u7684\u5bfc\u6570":112,"layer\u8ba1\u7b97\u7684\u8f93\u51fa":97,"linux\u4e2d":100,"list\u4e2d":124,"list\u4e2d\u7684\u6bcf\u4e00\u884c\u90fd\u4f20\u9012\u7ed9process\u51fd\u6570":2,"list\u4f5c\u4e3a\u68c0\u67e5\u5217\u8868":85,"list\u5199\u5165\u90a3\u4e2a\u6587\u672c\u6587\u4ef6\u7684\u5730\u5740":2,"list\u548ctest":1,"list\u5982\u4e0b\u6240\u793a":136,"list\u5b58\u653e\u5728\u672c\u5730":1,"list\u6307\u5b9a\u6d4b\u8bd5\u7684\u6a21\u578b\u5217\u8868":136,"long":[8,9,13],"memory\u4e0d\u80fd\u72ec\u7acb\u5b58\u5728":108,"memory\u4e5f\u53ef\u4ee5\u5177\u6709":109,"memory\u4e5f\u53ef\u4ee5\u662f\u5e8f\u5217":109,"memory\u53ea\u80fd\u5728":108,"memory\u53ef\u4ee5\u7f13\u5b58\u4e0a\u4e00\u4e2a\u65f6\u523b\u67d0\u4e00\u4e2a\u795e\u7ecf\u5143\u7684\u8f93\u51fa":106,"memory\u6307\u5411\u4e00\u4e2alay":108,"memory\u662f\u5728\u5355\u6b65\u51fd\u6570\u4e2d\u5faa\u73af\u4f7f\u7528\u7684\u72b6\u6001":109,"memory\u662fpaddlepaddle\u5b9e\u73b0rnn\u65f6\u5019\u4f7f\u7528\u7684\u4e00\u4e2a\u6982\u5ff5":106,"memory\u7684":109,"memory\u7684\u521d\u59cb\u72b6\u6001":108,"memory\u7684\u65f6\u95f4\u5e8f\u5217\u957f\u5ea6\u4e00\u81f4\u7684\u60c5\u51b5":106,"memory\u7684\u66f4\u591a\u8ba8\u8bba\u8bf7\u53c2\u8003\u8bba\u6587":108,"memory\u7684\u8f93\u51fa\u5b9a\u4e49\u5728":109,"memory\u7684i":108,"memory\u9ed8\u8ba4\u521d\u59cb\u5316\u4e3a0":108,"mkl\u5e93\u7684":64,"mklml\u4ee5\u53camkl":65,"mklml\u53ef\u4ee5\u4e0emkl":65,"mklml\u7684\u5e93\u76ee\u524d\u90fd\u662f\u52a8\u6001\u5e93":65,"mnist\u624b\u5199\u6570\u5b57\u8bc6\u522b\u76ee\u5f55":124,"mnist\u662f\u4e00\u4e2a\u5305\u542b\u670970":2,"mode\u4e0b\u7684\u7ed3\u679c":64,"model\u505a\u5206\u652f\u7ba1\u7406":85,"model\u53ef\u4ee5\u901a\u8fc7":4,"model\u6765\u5b9e\u73b0\u624b\u5199\u8bc6\u522b\u7684\u9884\u6d4b\u4ee3\u7801":4,"name\u7ec4\u5408\u53ef\u4ee5\u627e\u5230\u672c\u6b21\u8bad\u7ec3\u9700\u8981\u7684\u6587\u4ef6\u8def\u5f84":129,"ndarray\u7c7b\u578b\u7684\u503c\u548c\u6574\u578b\u7684\u503c":37,"ndk\u4e2d\u5305\u542b\u4e86\u6240\u6709android":138,"new":[8,13,22,31,32,33,34,35,38,39,40,41,42,45,48,53,54,63,64,66,70,72,75,80,81,82,84,88,91,111,112,127,142],"note\u7684\u4e66\u5199":85,"null":[59,112,123,134],"num\u51b3\u5b9a\u603b\u7aef\u53e3\u4e2a\u6570":125,"num_gradient_servers\u53c2\u6570":129,"num_samples_processed\u4e3a\u5df2\u8bad\u7ec3\u6837\u672c\u6570":98,"only\u7684\u4e8c\u8fdb\u5236":99,"op\u4e0d\u9700\u8981\u5b9a\u4e49opprotomak":113,"op\u5355\u5143\u6d4b\u8bd5\u7ee7\u627f\u81ea":113,"op\u5b9a\u4e49":113,"op\u6709\u8ba1\u7b97\u51fd\u6570":113,"op\u6ce8\u518c\u5b9e\u73b0\u5728":113,"op\u7684\u4fe1\u606f":65,"op\u8ba1\u7b97\u51fd\u6570\u7684\u57fa\u7c7b":113,"openmp\u7528\u4e8e\u63d0\u9ad8mklml\u7684\u6027\u80fd":65,"openmpi\u96c6\u7fa4":125,"opprotomake\u5b9a\u4e49":113,"org\u5de5\u5177\u7684\u8be6\u7ec6\u4fe1\u606f":115,"org\u76ee\u524d\u9075\u5faa":85,"outer_mem\u662f\u4e00\u4e2a\u5b50\u53e5\u7684\u6700\u540e\u4e00\u4e2a\u5411\u91cf":106,"output\u53ef\u4ee5\u662f\u4efb\u610f\u7ef4\u5ea6\u7684tensor":114,"output\u6587\u4ef6\u5939\u5b58\u653e\u8bad\u7ec3\u7ed3\u679c\u4e0e\u65e5\u5fd7":129,"output\u7684\u539f\u6709shape\u4fe1\u606f\u4e0d\u53d8":114,"packages\u91cc\u9762":93,"packages\u91cc\u9762\u7684python\u5305":93,"packed\u4f18\u5316\u540elayer\u7684\u6d4b\u8bd5":64,"packed\u76f8\u5173\u529f\u80fd":64,"paddepaddle\u901a\u8fc7\u7f16\u8bd1\u65f6\u6307\u5b9a\u8def\u5f84\u6765\u5b9e\u73b0\u5f15\u7528\u5404\u79cdbla":99,"paddle\u4e00\u4e2a\u52a8\u6001\u5e93\u53ef\u4ee5\u5728\u4efb\u4f55linux\u7cfb\u7edf\u4e0a\u8fd0\u884c":68,"paddle\u4e2d\u7ecf\u5e38\u4f1a\u5c06\u65f6\u95f4\u5e8f\u5217\u6210\u4e3a":106,"paddle\u4e8c\u8fdb\u5236\u5728\u8fd0\u884c\u65f6\u6355\u83b7\u4e86\u6d6e\u70b9\u6570\u5f02\u5e38":96,"paddle\u5185\u5d4c\u7684python\u89e3\u91ca\u5668\u548c\u5916\u90e8\u4f7f\u7528\u7684python\u5982\u679c\u7248\u672c\u4e0d\u540c":68,"paddle\u5185\u90e8\u7684\u7c7b\u4e3ac":68,"paddle\u7684\u591a\u8bed\u8a00\u63a5\u53e3\u5b9e\u73b0\u5305\u62ec\u4e00\u4e0b\u51e0\u4e2a\u65b9\u9762":68,"paddle\u7684\u7c7b\u578b\u5168\u90e8\u9000\u5316\u6210":69,"paddle\u7684\u94fe\u63a5\u65b9\u5f0f\u6bd4\u8f83\u590d\u6742":68,"paddle\u7684c":69,"paddle\u8bad\u7ec3\u4efb\u52a1":37,"paddle\u8def\u5f84\u4e0b":69,"paddle\u9700\u8981\u4e00\u4e2a\u591a\u8bed\u8a00\u63a5\u53e3":68,"paddle\u9700\u8981\u66b4\u9732\u7684api\u5f88\u591a":69,"paddle\u9759\u6001\u5e93\u94fe\u63a5\u590d\u6742":68,"paddle_\u7c7b\u578b\u540d":69,"paddle_\u7c7b\u578b\u540d_\u51fd\u6570\u540d":69,"paddlepaddle\u4e2d":[105,108],"paddlepaddle\u4e2d\u4e00\u4e2a\u8ba1\u7b97\u5c42\u7684\u8f93\u51fa\u6570\u636e\u7ec4\u7ec7\u65b9\u5f0f\u548c\u8f93\u5165\u6570\u636e\u7ec4\u7ec7\u65b9\u5f0f\u5b8c\u5168\u76f8\u540c":123,"paddlepaddle\u4e2d\u7684\u8bb8\u591alayer\u5e76\u4e0d\u5728\u610f\u8f93\u5165\u662f\u5426\u662f\u65f6\u95f4\u5e8f\u5217":106,"paddlepaddle\u4e2d\u7684cudnn\u90e8\u5206\u4f7f\u7528\u7684\u4e5f\u662f":65,"paddlepaddle\u4e2d\u795e\u7ecf\u7f51\u7edc\u8ba1\u7b97\u5c42\u8f93\u5165":123,"paddlepaddle\u4e2d\u8fd8\u5305\u542b":97,"paddlepaddle\u4e2d\u901a\u8fc7reader\u6765\u52a0\u8f7d\u6570\u636e":103,"paddlepaddle\u4e3a\u4ea4\u53c9\u7f16\u8bd1\u63d0\u4f9b\u4e86\u5de5\u5177\u94fe\u914d\u7f6e\u6587\u6863":[138,139],"paddlepaddle\u4e3a\u6df1\u5ea6\u5b66\u4e60\u7814\u7a76\u4eba\u5458\u63d0\u4f9b\u4e86\u4e30\u5bcc\u7684api":103,"paddlepaddle\u4e3ano":100,"paddlepaddle\u4e3b\u8981\u4f7f\u7528":99,"paddlepaddle\u4f1a\u81ea\u52a8\u8bbe\u5b9a":97,"paddlepaddle\u4f7f\u7528\u540c\u6b65\u5c4f\u969c":125,"paddlepaddle\u4f7f\u7528\u5747\u503c0":98,"paddlepaddle\u4f7f\u7528avx":93,"paddlepaddle\u4f7f\u7528git":85,"paddlepaddle\u4f7f\u7528swig\u5bf9\u5e38\u7528\u7684\u9884\u6d4b\u63a5\u53e3\u8fdb\u884c\u4e86\u5c01\u88c5":4,"paddlepaddle\u4fdd\u5b58\u7684\u6a21\u578b\u53c2\u6570\u6587\u4ef6\u5185\u5bb9\u753116\u5b57\u8282\u5934\u4fe1\u606f\u548c\u7f51\u7edc\u53c2\u6570\u4e24\u90e8\u5206\u7ec4\u6210":98,"paddlepaddle\u4fdd\u5b58\u7684\u6a21\u578b\u53c2\u6570\u6587\u4ef6\u524d16\u5b57\u8282\u4e3a\u5934\u4fe1\u606f":98,"paddlepaddle\u4fdd\u7559\u6dfb\u52a0\u53c2\u6570\u7684\u6743\u529b":2,"paddlepaddle\u53d1\u5e03\u7684\u5b89\u88c5\u5305\u4f1a\u5c3d\u91cf\u5bf9\u9f50":102,"paddlepaddle\u53ef\u4ee5\u4f7f\u7528\u591a\u79cd\u5206\u5e03\u5f0f\u8ba1\u7b97\u5e73\u53f0\u6784\u5efa\u5206\u5e03\u5f0f\u8ba1\u7b97\u4efb\u52a1":125,"paddlepaddle\u53ef\u4ee5\u4f7f\u7528\u5e38\u7528\u7684python\u5305\u7ba1\u7406\u5de5\u5177":102,"paddlepaddle\u53ef\u4ee5\u4f7f\u7528cudnn":99,"paddlepaddle\u53ef\u4ee5\u540c\u65f6\u652f\u6301\u540c\u6b65\u968f\u673a\u68af\u5ea6\u4e0b\u964d":125,"paddlepaddle\u53ef\u4ee5\u6bd4\u8f83\u7b80\u5355\u7684\u5224\u65ad\u54ea\u4e9b\u8f93\u51fa\u662f\u5e94\u8be5\u8de8\u8d8a\u65f6\u95f4\u6b65\u7684":106,"paddlepaddle\u53ef\u4ee5\u901a\u8fc7\u8be5\u673a\u5236\u5224\u65ad\u662f\u5426\u5df2\u7ecf\u6536\u96c6\u9f50\u6240\u6709\u7684\u68af\u5ea6":112,"paddlepaddle\u5728\u5b9e\u73b0rnn\u7684\u65f6\u5019":106,"paddlepaddle\u5728\u6fc0\u6d3b\u51fd\u6570\u91cc\u5b9e\u73b0dropout":97,"paddlepaddle\u5728\u7f16\u8bd1\u65f6":99,"paddlepaddle\u5b58\u7684\u662f\u6709\u503c\u4f4d\u7f6e\u7684\u7d22\u5f15":[2,103],"paddlepaddle\u5b89\u88c5\u5305\u7531\u4e8e\u4e0d\u4ec5\u4ec5\u5305\u542b":102,"paddlepaddle\u5b9a\u4e49\u7684\u53c2\u6570":2,"paddlepaddle\u5c06\u4f1a\u6839\u636e":139,"paddlepaddle\u5c06\u4f1a\u81ea\u52a8\u9009\u62e9":139,"paddlepaddle\u5c06\u6839\u636e":138,"paddlepaddle\u5c06\u81ea\u52a8\u4e0b\u8f7d\u548c\u7f16\u8bd1\u6240\u6709\u7b2c\u4e09\u65b9\u4f9d\u8d56\u5e93":[138,139,140],"paddlepaddle\u5c06train":2,"paddlepaddle\u5e93\u5df2\u7ecf\u5b89\u88c5\u5b8c\u6210":139,"paddlepaddle\u5f00\u53d1\u8fc7\u7a0b\u4f7f\u7528":85,"paddlepaddle\u63d0\u4f9b":101,"paddlepaddle\u63d0\u4f9b\u4e13\u7528\u7684":37,"paddlepaddle\u63d0\u4f9b\u7684":97,"paddlepaddle\u652f\u6301":99,"paddlepaddle\u652f\u6301\u4e0d\u540c\u7c7b\u578b\u7684\u8f93\u5165\u6570\u636e":103,"paddlepaddle\u652f\u6301\u4f7f\u7528pip\u5feb\u901f\u5b89\u88c5":104,"paddlepaddle\u652f\u6301\u975e\u5e38\u591a\u7684\u4f18\u5316\u7b97\u6cd5":96,"paddlepaddle\u652f\u6301sparse\u7684\u8bad\u7ec3":96,"paddlepaddle\u6587\u6863\u4f7f\u7528":115,"paddlepaddle\u662f\u6e90\u4e8e\u767e\u5ea6\u7684\u4e00\u4e2a\u6df1\u5ea6\u5b66\u4e60\u5e73\u53f0":103,"paddlepaddle\u6bcf\u6b21\u53d1\u65b0\u7684\u7248\u672c":85,"paddlepaddle\u6bcf\u6b21\u53d1\u7248\u672c\u9996\u5148\u8981\u4fdd\u8bc1paddlepaddl":85,"paddlepaddle\u7684":128,"paddlepaddle\u7684\u4e3b\u7248\u672c\u5e93\u9075\u5faa":85,"paddlepaddle\u7684\u5185\u5b58\u5360\u7528\u4e3b\u8981\u5206\u4e3a\u5982\u4e0b\u51e0\u4e2a\u65b9\u9762":96,"paddlepaddle\u7684\u53c2\u6570\u4f7f\u7528\u540d\u5b57":98,"paddlepaddle\u7684\u5404\u7248\u672c\u955c\u50cf\u53ef\u4ee5\u53c2\u8003":128,"paddlepaddle\u7684\u5b89\u88c5\u53ef\u4ee5\u53c2\u8003":125,"paddlepaddle\u7684\u5df2\u7ecf\u5b89\u88c5\u5b8c\u6210":138,"paddlepaddle\u7684\u6240\u6709layer\u90fd\u6709\u552f\u4e00\u7684nam":97,"paddlepaddle\u7684\u6570\u636e\u5305\u62ec\u56db\u79cd\u4e3b\u8981\u7c7b\u578b":2,"paddlepaddle\u7684\u6587\u6863\u5305\u62ec\u82f1\u6587\u6587\u6863":115,"paddlepaddle\u7684\u6587\u6863\u6784\u5efa\u6709\u4e09\u79cd\u65b9\u5f0f":115,"paddlepaddle\u7684\u6e90\u7801":111,"paddlepaddle\u7684\u7f16\u8bd1\u9009\u9879":99,"paddlepaddle\u7684activation\u4f1a\u76f4\u63a5\u4f7f\u7528":65,"paddlepaddle\u7684bas":112,"paddlepaddle\u7684c":138,"paddlepaddle\u7684cmake\u7cfb\u7edf\u4f1a\u81ea\u52a8\u7f16\u8bd1\u6240\u6709\u7684\u7b2c\u4e09\u65b9\u4f9d\u8d56\u5e93":139,"paddlepaddle\u7684cmake\u7cfb\u7edf\u5c06\u6839\u636e\u8be5\u503c\u81ea\u52a8\u63a8\u5bfc\u548c\u8bbe\u7f6e\u9700\u8981\u4f7f\u7528\u7684\u4ea4\u53c9\u7f16\u8bd1\u5668":138,"paddlepaddle\u7684cmake\u7cfb\u7edf\u5c06\u6839\u636e\u8be5\u503c\u81ea\u52a8\u8bbe\u7f6e\u9700\u8981\u4f7f\u7528\u7684\u4ea4\u53c9\u7f16\u8bd1\u5668":140,"paddlepaddle\u7684cmake\u7cfb\u7edf\u624d\u8ba4\u4e3a\u5728\u662f\u5728\u4ea4\u53c9\u7f16\u8bd1raspberri":140,"paddlepaddle\u7684cmake\u7cfb\u7edf\u624d\u8ba4\u4e3a\u662f\u5728\u4ea4\u53c9\u7f16\u8bd1android\u7cfb\u7edf\u7684\u7248\u672c":138,"paddlepaddle\u7684dock":128,"paddlepaddle\u7684softmax\u4e0d\u80fd\u6307\u5b9a\u8ba1\u7b97\u7ef4\u5ea6":97,"paddlepaddle\u76ee\u524d\u53ea\u652f\u6301\u5728\u6bcf\u4e2a\u65f6\u95f4\u6b65\u4e2d":106,"paddlepaddle\u76ee\u524d\u63d0\u4f9b\u4e24\u79cd\u53c2\u6570\u521d\u59cb\u5316\u7684\u65b9\u5f0f":98,"paddlepaddle\u76ee\u524d\u652f\u63018\u79cdlearning_rate_schedul":98,"paddlepaddle\u7f16\u8bd1\u9700\u8981\u4f7f\u7528\u5230\u4e0b\u9762\u7684\u4f9d\u8d56":99,"paddlepaddle\u82e5\u68c0\u6d4b\u5230\u7528\u6237\u4f7f\u7528\u7684cmake\u7248\u672c\u4e0d\u4f4e\u4e8e3":138,"paddlepaddle\u8d1f\u8d23\u5b8c\u6210\u4fe1\u606f\u548c\u68af\u5ea6\u5728\u65f6\u95f4\u5e8f\u5217\u4e0a\u7684\u4f20\u64ad":108,"paddlepaddle\u8d1f\u8d23\u5b8c\u6210\u4fe1\u606f\u548c\u8bef\u5dee\u5728\u65f6\u95f4\u5e8f\u5217\u4e0a\u7684\u4f20\u64ad":108,"paddlepaddle\u955c\u50cf\u9700\u8981\u63d0\u4f9b":129,"paddlepaddle\u9700\u8981\u7528\u6237\u5728\u7f51\u7edc\u914d\u7f6e":1,"pass\u4e2a\u6a21\u578b\u5230\u7b2c":134,"pass\u5c06\u4e0d\u8d77\u4f5c\u7528":134,"pass\u8f6e\u5f00\u59cb\u8bad\u7ec3":134,"pass\u8f6e\u7684\u6a21\u578b\u7528\u4e8e\u6d4b\u8bd5":134,"passes\u8f6e":134,"patch\u53f7":85,"patch\u53f7\u52a0\u4e00":85,"path\u6307\u5b9a\u6d4b\u8bd5\u7684\u6a21\u578b":136,"perftools\u6765\u8fdb\u884c\u6027\u80fd\u5206\u6790":118,"period\u4e2a\u6279\u6b21\u5bf9\u6240\u6709\u6d4b\u8bd5\u6570\u636e\u8fdb\u884c\u6d4b\u8bd5":134,"period\u4e2a\u6279\u6b21\u6253\u5370\u65e5\u5fd7\u8fdb\u5ea6":134,"period\u4e2a\u6279\u6b21\u8f93\u51fa\u53c2\u6570\u7edf\u8ba1":134,"period\u4e2a\u6279\u6b21\u8f93\u51fa\u7b26\u53f7":134,"period\u6574\u9664":134,"period\u8f6e\u4fdd\u5b58\u8bad\u7ec3\u53c2\u6570":134,"pfsclient\u9700\u8981\u548cingress\u4e4b\u95f4\u505a\u53cc\u5411\u9a8c\u8bc1":51,"pfsclient\u9700\u8981\u5728\u4f20\u8f93\u5b8c\u6bd5\u6700\u540e\u4e00\u4e2achunk\u7684\u65f6\u5019\u68c0\u67e5destination\u6587\u4ef6\u7684md5\u503c\u662f\u5426\u548csource\u6587\u4ef6\u4e00\u81f4":51,"pfsserver\u63d0\u4f9brest":51,"pi\u5e73\u53f0\u4e0a\u9002\u7528\u7684paddlepaddle\u7684\u65b9\u6cd5\u548c\u6b65\u9aa4":140,"pi\u5e73\u53f0\u7f16\u8bd1\u6307\u5357":141,"pi\u7248\u672c\u7684\u5e93":140,"pi\u7248\u672cpaddlepaddle\u5e93\u65f6":140,"pi\u7684\u914d\u7f6e\u4fe1\u606f\u5728":140,"pi\u7cfb\u7edf\u4e0a\u6765\u6784\u5efa":140,"pi\u7cfb\u7edf\u7684\u7248\u672c":140,"pip\u548cdocker\u7684\u5b89\u88c5\u65b9\u5f0f":101,"pserver\u5730\u5740\u7b49\u53c2\u6570\u4f7ftrainer\u53ef\u4ee5\u6b63\u786e\u8fde\u63a5\u5230pserv":125,"pserver\u76d1\u542c\u7684\u8d77\u59cb\u7aef\u53e3":125,"public":[14,18,22,33,53,56,61,77,83,86,88,89,91,112,113,114,127,128],"pwd\u53d8\u91cf\u4f1a\u5c55\u5f00\u4e3a\u5f53\u524d\u8def\u5f84\u7684\u7edd\u5bf9\u8def\u5f84":100,"py\u4e2d":85,"py\u7a0b\u5e8f":102,"py_paddle\u91cc\u9762\u63d0\u4f9b\u4e86\u4e00\u4e2a\u5de5\u5177\u7c7b":4,"pydataprovider2\u4f1a\u5c3d\u53ef\u80fd\u591a\u7684\u4f7f\u7528\u5185\u5b58":2,"pydataprovider2\u63d0\u4f9b\u4e86\u4e24\u79cd\u7b80\u5355\u7684cache\u7b56\u7565":2,"pydataprovider2\u662fpaddlepaddle\u4f7f\u7528python\u63d0\u4f9b\u6570\u636e\u7684\u63a8\u8350\u63a5\u53e3":2,"pydataprovider2\u7684\u4f7f\u7528":[1,3,96],"pydataprovider\u4f7f\u7528\u7684\u662f\u5f02\u6b65\u52a0\u8f7d":96,"pypi\u4e0a\u7684package\u540d\u79f0\u4e3apaddlepaddle\u548cpaddlepaddl":85,"pypi\u4e0d\u652f\u6301\u8986\u76d6\u4e0a\u4f20":85,"pypi\u5b89\u88c5\u5305\u53ef\u4ee5\u5728":102,"python\u53ef\u4ee5\u89e3\u9664\u6389\u5185\u90e8\u53d8\u91cf\u7684\u5f15\u7528":2,"python\u5b89\u88c5\u5305\u652f\u6301linux":93,"python\u5c01\u88c5\u7684\u5b9e\u73b0\u4f7f\u5f97\u6211\u4eec\u53ef\u4ee5\u5728\u914d\u7f6e\u6587\u4ef6\u4e2d\u4f7f\u7528\u65b0\u5b9e\u73b0\u7684\u7f51\u7edc\u5c42":112,"python\u5e93yep":118,"python\u6807\u51c6\u5e93\u4e2d\u63d0\u4f9b\u4e86\u6027\u80fd\u5206\u6790\u7684\u5de5\u5177\u5305":118,"reader\u7684\u4f7f\u7528\u65b9\u5f0f\u90fd\u662f\u4e00\u81f4\u7684":37,"reader\u8f93\u51fa\u7684data":37,"recommendation\u6587\u4ef6\u5939\u5185\u5b58\u653e\u8bad\u7ec3\u6587\u4ef6":129,"request\u524d":111,"request\u7684":111,"request\u88ab\u5408\u5e76\u540e":111,"resnet\u7684mkl":65,"return":[2,6,8,9,11,13,14,15,18,22,29,30,31,32,33,37,38,40,43,44,49,53,55,56,57,59,61,62,63,66,71,72,73,77,78,79,83,86,88,89,91,98,103,106,109,112,114,127,129],"rnn\u5373\u65f6\u95f4\u9012\u5f52\u795e\u7ecf\u7f51\u7edc":106,"rnn\u5bf9\u4e8e\u6bcf\u4e00\u4e2a\u65f6\u95f4\u6b65\u901a\u8fc7\u4e86\u4e00\u4e2alstm\u7f51\u7edc":106,"rnn\u603b\u662f\u5f15\u7528\u4e0a\u4e00\u65f6\u523b\u9884\u6d4b\u51fa\u7684\u8bcd\u7684\u8bcd\u5411\u91cf":108,"rnn\u76f8\u5173\u6a21\u578b":116,"rnn\u90e8\u5206\u4e2d":64,"rnn\u914d\u7f6e":107,"root\u66ff\u6362\u4e3apaddlepaddle\u9884\u6d4b\u5e93\u7684\u5b89\u88c5\u8def\u5f84":121,"s3\u4e4b\u7c7b\u7684\u5206\u5e03\u5f0f\u5b58\u50a8\u4e4b\u4e0a":37,"search\u7684\u65b9\u6cd5":134,"sentences\u662f\u53cc\u5c42\u65f6\u95f4\u5e8f\u5217\u7684\u6570\u636e":106,"seq\u53c2\u6570\u5fc5\u987b\u4e3afals":108,"server\u4e2a\u6279\u6b21\u6253\u5370\u65e5\u5fd7\u8fdb\u5ea6":134,"server\u4e4b\u4e0a":36,"server\u4e4b\u95f4\u7684\u7f51\u7edc\u5e26\u5bbd":36,"server\u4f1a\u6682\u505c\u53c2\u6570\u66f4\u65b0\u5e76\u7b49\u5f85":36,"server\u4f1a\u83b7\u53d6parameters\u5185\u5b58\u7684":36,"server\u5185\u5b58\u4e2d\u7684\u6a21\u578b\u6570\u636e\u7684\u5b8c\u6574\u955c\u50cf":36,"server\u540c\u6b65\u7684\u4fdd\u5b58\u4e00\u4e2a\u7279\u5b9a\u65f6\u95f4\u70b9\u7684\u5168\u5c40\u68c0\u67e5\u70b9":36,"server\u5728\u96c6\u7fa4\u4e2d\u542f\u52a8\u540e":36,"server\u6545\u969c\u540e\u88abkubernetes\u91cd\u65b0\u542f\u52a8":36,"server\u6b64\u65f6\u8fd8\u9700\u8981\u901a\u8fc7\u7f51\u7edc\u8bbf\u95ee\u5206\u5e03\u5f0f\u5b58\u50a8\u4ee5\u4fdd\u5b58\u5feb\u7167":36,"server\u751f\u6210\u4e00\u4e2auuid":36,"server\u7684\u5355\u70b9\u6216\u591a\u70b9\u540c\u65f6\u6545\u969c":36,"server\u7684\u6570\u636e\u5feb\u7167":36,"server\u7684\u68c0\u67e5\u70b9\u5404\u81ea\u72ec\u7acb\u4fdd\u5b58":36,"server\u7b2c\u4e00\u6b21\u542f\u52a8\u6216\u4efb\u610f\u65f6\u95f4paramet":36,"short":[8,9,53,57,80,86,91],"simd\u6307\u4ee4\u63d0\u9ad8cpu\u6267\u884c\u6548\u7387":93,"size\u4e3a512":134,"size\u53ef\u80fd\u4f1a\u5bf9\u8bad\u7ec3\u7ed3\u679c\u4ea7\u751f\u5f71\u54cd":96,"size\u672c\u8eab\u662f\u795e\u7ecf\u7f51\u7edc\u7684\u8d85\u53c2\u6570":96,"size\u7684\u503c":2,"softmax\u6fc0\u6d3b\u7684\u8f93\u51fa\u7684\u548c\u603b\u662f1":112,"sparse\u8bad\u7ec3\u9700\u8981\u8bad\u7ec3\u7279\u5f81\u662f":96,"static":[29,40,69,86,88,127,142],"step\u51fd\u6570\u4e2d\u7684memori":108,"step\u51fd\u6570\u5185\u90e8\u53ef\u4ee5\u81ea\u7531\u7ec4\u5408paddlepaddle\u652f\u6301\u7684\u5404\u79cdlay":108,"store\u4e0b\u8f7d\u5b89\u88c5xcode\u5373\u53ef":139,"subseq\u7684\u6bcf\u4e2a\u5143\u7d20\u662f\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"super":[80,112],"swig\u652f\u6301\u7684\u8bed\u8a00\u6216\u8005\u89e3\u91ca\u5668\u6709\u5c40\u9650":68,"swig\u66b4\u9732\u7684\u63a5\u53e3\u4fdd\u7559\u4e86c":68,"swig\u751f\u6210\u7684\u4ee3\u7801\u4e0d\u80fd\u4fdd\u8bc1\u591a\u8bed\u8a00\u4ee3\u7801\u98ce\u683c\u7684\u4e00\u81f4\u6027":68,"swig\u76f4\u63a5\u8bfb\u53d6c":68,"swig\u9700\u8981\u5199\u4e00\u4e2ainterface\u6587\u4ef6":68,"swig_paddle\u4e2d\u7684\u9884\u6d4b\u63a5\u53e3\u7684\u53c2\u6570\u662f\u81ea\u5b9a\u4e49\u7684c":4,"switch":[33,69,127],"tag\u4e3a":85,"tag\u53ef\u4ee5\u662flatest\u6216latest":85,"tag\u7684\u66f4\u65b0\u65f6\u95f4\u662f\u5426\u5728\u4e0a\u8ff0\u7f16\u8bd1wheel\u5305\u5b8c\u6210\u540e\u662f\u5426\u6700\u65b0":85,"tensor\u5230\u5bf9eigentensor\u7684\u8f6c\u6362":114,"tensor\u5230eigentensor":114,"tensor\u5b9a\u4e49\u5728framework\u76ee\u5f55\u4e0b":114,"tensor\u662f\u4e00\u4e2a\u6b63\u5728\u5f00\u53d1\u4e2d\u7684\u6a21\u5757":114,"tensor\u6a21\u5757\u5bf9el":114,"tensor\u6a21\u5757\u6765\u5b9e\u73b0":113,"tensor\u6a21\u5757\u7684\u6587\u6863\u8f83\u5c11":114,"tensor\u6a21\u5757\u7684\u8be6\u7ec6\u4ecb\u7ecd\u8bf7\u53c2\u8003":114,"tests\u7684paddlepaddl":111,"tflops\u4e86":119,"throw":127,"tottime\u7684\u6bcf\u6b21\u8c03\u7528\u5e73\u5747\u65f6\u95f4":118,"trainer\u542f\u52a8\u9700\u8981\u4f20\u5165\u7aef\u53e3":125,"trainer\u63a5\u6536\u4e09\u4e2a\u53c2\u6570":103,"trainer\u8282\u70b9\u4e2a\u6570":125,"trainer\u9700\u8981\u548cpserver\u4fdd\u6301\u7f51\u7edc\u8054\u901a\u4ee5\u5b8c\u6210\u8bad\u7ec3":125,"true":[6,7,8,9,10,11,13,15,20,22,23,29,30,32,33,38,54,60,64,73,78,79,80,81,85,88,91,96,98,106,109,112,123,124,127,129,136],"true\u8868\u793a\u53cd\u5411\u5faa\u73af\u795e\u7ecf\u7f51\u7edc":109,"try":[34,35,38,39,40,54,59,63,66,81,86,93],"type\u5b57\u6bb5\u5747\u4e0d\u5c3d\u76f8\u540c":69,"type\u6307\u5b9a\u4e3a":118,"ubuntu\u4e0b\u5b89\u88c5\u547d\u4ee4\u4e3a":118,"unit\u5728\u4e00\u4e2a\u65f6\u95f4\u6b65\u5185\u8ba1\u7b97\u5f97\u5230\u7684\u4e2d\u95f4\u503c":97,"unsupported\u6a21\u5757":113,"update\u53c2\u6570\u65f6\u624d\u6709\u6548":134,"v1\u7248\u672c":93,"var":[21,32,33,44,48,55,56,58,60,73,78,79,80,82,86,90,91,115],"vector\u662frank\u4e3a1\u7684tensor":114,"void":[33,38,40,50,53,55,56,61,66,67,68,69,78,79,87,88,89,90,112,113,114],"wheel\u5305":85,"while":[6,8,13,22,33,42,54,59,62,63,72,75,76,81,84,86,89,129],"wise\u8ba1\u7b97\u63d0\u4f9b\u4e86\u5f3a\u5927\u7684\u652f\u6301":114,"wmt14\u6570\u636e\u7684\u63d0\u4f9b\u6587\u4ef6\u5728":109,"words\u5373\u4e3a\u8fd9\u4e2a\u6570\u636e\u4e2d\u7684\u5355\u5c42\u65f6\u95f4\u5e8f\u5217":106,"words\u662f\u539f\u59cb\u6570\u636e\u4e2d\u7684\u6bcf\u4e00\u53e5\u8bdd":106,"x86_64\u548cmaco":93,"x\u4e0ey\u4e3a\u4e4b\u524d\u63cf\u8ff0\u7684\u8f93\u5165\u5c42":103,"x\u548cwindow":138,"y\u8868\u793a\u8f93\u5165\u6570\u636e\u662f\u4e00\u4e2a\u7ef4\u5ea6\u4e3a1\u7684\u7a20\u5bc6\u5411\u91cf":103,"yaml\u6587\u4ef6\u4e2d\u5404\u4e2a\u5b57\u6bb5\u7684\u5177\u4f53\u542b\u4e49":129,"yaml\u6587\u4ef6\u63cf\u8ff0\u4e86\u8fd9\u6b21\u8bad\u7ec3\u4f7f\u7528\u7684docker\u955c\u50cf":129,"zero\u4e09\u79cd\u64cd\u4f5c":134,AGE:[127,128],AWS:[13,37,131,132],Abs:22,And:[7,8,10,13,14,15,22,29,31,38,42,43,50,57,59,70,74,77,81,86,89,127],But:[8,9,13,22,31,56,62,70,77,86,93,142],EOS:8,For:[4,7,8,9,10,13,22,29,30,32,33,39,40,41,43,44,45,48,49,54,55,56,58,61,63,67,70,71,72,75,76,77,78,79,80,81,82,83,84,87,88,89,90,92,117,119,142],IDE:110,IDs:[14,22,42,72],IRs:45,Into:127,Its:[7,8,55,87,127],K8s:142,NMS:8,NOT:[22,80],Not:[30,35,63,142],OPs:[45,47],One:[7,9,22,29,31,42,67,70,86,90],Ops:[82,84,88],PFS:51,QoS:128,Such:[61,80,91],TLS:[30,51,127],That:[8,13,74],The:[2,5,6,7,8,9,10,13,14,15,18,21,22,23,26,29,30,31,32,34,35,39,41,42,43,45,47,48,49,52,53,55,59,62,63,66,67,69,71,72,74,75,77,78,79,80,81,84,86,87,88,89,90,91,92,112,113,114,117,120,123,127,129],Their:[8,35],Then:[8,9,22,44,45,56,61,63,74,77,79,117,127],There:[7,8,14,22,29,30,33,34,35,40,42,43,45,52,53,54,59,63,70,71,72,75,76,77,80,84,86,87,89,127],These:[7,15,32,33,48,53,58,73,84,87,88],Use:[7,13,22,30,46,52,81,82,117,127],Used:[9,18,23,82,89],Uses:63,Using:[22,35,54,75,81,82,84,86],VPS:127,Will:[13,29,103],With:[8,9,44,48,54,74,78,91],YES:43,Yes:[65,100],___embedding_0__:129,___embedding_1__:129,___fc_layer_0__:127,__align__:53,__cuda_align__:53,__device__:53,__doc__:88,__file__:43,__forceinline__:53,__fp16:53,__global__:53,__gradient_machines__:29,__hadd:53,__half:53,__half_raw:53,__impl__:88,__init__:[48,49,57,63,73,80,91,112,117,118],__main__:[4,57],__name__:[4,57],__param_conf__:29,__rnn_step__:109,__square_error_cost_0__:129,__tmp_params__:29,__va_args__:83,__x:53,_addup_repetitive_outputs_:32,_append_backward_ops_:[32,48],_append_backward_vars_:32,_binari:34,_create_global_var:80,_def:63,_dtype:59,_filer:66,_filter:66,_fwd:66,_fwd_pd:66,_input:66,_librari:34,_link:9,_live_in:63,_live_out:63,_loss:57,_op:[59,113],_output:66,_presucessor:63,_program:63,_proj:8,_recurrent_group:109,_remove_no_grad_branch_:32,_reorder_input:66,_source_language_embed:109,_src_input:66,_sucessor:63,_target_language_embed:109,_test:34,_update_op:49,_use:63,_value_index:59,a75:53,a_op:113,aaaaa:37,aaaaaaaaaaaaa:127,abbrevi:15,abc:8,abil:57,abl:[8,30,32,45,61,73,77,80,142],about:[9,15,33,34,43,47,52,55,63,71,81,86,88,89,117,127],abov:[2,7,8,22,30,32,33,34,35,39,44,45,53,54,55,56,58,66,71,72,73,74,75,77,78,80,88,90,91,117,119,127,142],abs:[9,20,31,57],abs_numerical_grad:31,acc:45,acceler:[8,36,65,74,75],accept:[6,8,13,22,30,82],access:[8,9,22,30,34,39,42,43,44,45,80],accessmod:127,accessor:80,accord:[7,8,15,22,31,32,40,45,47,58,72,82,91],accordingli:[7,8],account:[82,142],accrodingli:38,accumul:[35,40,49,74,75],accur:[31,42,77],accuraci:[7,18,49],achiev:[47,74,75,89],acquir:54,across:[8,13,32,45,71],act1:59,act2:59,act:[8,9,22,23,33,45,59,72,80,91,96,103,104,106,109,120],act_output:88,act_typ:59,actgat:22,action:127,activ:[9,22,23,28,34,59,63,72,77,80,84,88,96,103,104,109],activi:9,actnod:22,actual:[8,22,38,48,54,57,59,66,70,75,88,89,90],actual_layout:66,adadelta:96,adagrad:[24,75,87],adagradoptim:73,adam:[24,30,40,45,57,98],adamax:24,adapt:[7,10,29,77,90],add:[8,9,13,20,22,24,27,29,31,32,33,34,38,42,45,47,49,53,56,60,62,73,75,79,80,82,84,86,89,93,111,114,120],add_activ:80,add_bia:80,add_depend:34,add_execut:34,add_input:[71,112],add_memori:71,add_output:71,add_scalar:[33,72,78],add_sum:80,add_test:[34,112],add_to:97,add_two:[33,71],add_unittest_without_exec:112,addattr:[88,113],addbia:112,addcom:[88,113],added:[7,8,18,22,27,29,33,47,48,53,70,74,75,84,111],adding:84,addinput:[88,113],addit:[8,9,32,74,77,82,84,91],addition:71,addmemori:66,addop:56,addoutput:113,addprimit:66,addprimitivedesc:66,addr:35,address:[35,40,44,45,123,142],addrow:112,addtolay:8,addtyp:88,adjust:[32,48],admin:142,administr:[42,142],adopt:[53,57],advanc:31,advantag:[31,53,54,75,81],adversari:[57,81],affect:[8,33],affili:72,afford:39,afi:2,aforement:34,after:[8,9,14,15,22,32,33,34,39,40,42,45,46,47,48,50,52,53,63,66,74,76,77,80,111,117,127],aftern:77,again:[30,35,75],against:127,age:[14,129],agg_level:[8,105,106],aggreg:[49,74,127],aggregatelevel:[105,106],ago:34,agre:[2,96,103],alex:22,alexnet_pass1:136,alexnet_pass2:136,algo:66,algo_hrnn_demo:106,algorithm:[8,10,22,32,39,48,63,66,72,75,84,90],alia:22,align:[8,9,13],all:[2,6,7,8,18,20,22,23,29,30,32,33,34,35,38,40,42,43,44,45,46,48,50,52,54,57,58,59,62,63,66,67,69,70,71,72,73,74,75,77,78,80,82,88,89,93,96,103,108,120,127,129,142],all_output_nam:32,alloc:[6,40,43,63,66,89,114,120],allow:[30,40,44,45,48,54,75,84,127],allow_only_one_model_on_one_gpu:[133,134,136],allreduc:74,almost:22,along:[8,15,22,23],alpha:[22,34,84],alreadi:[22,34,35,54,66,80,86,93,127],also:[8,9,14,22,30,32,33,34,38,41,45,53,54,56,57,58,59,62,63,70,71,72,75,76,77,78,79,80,81,84,86,88,89,91,92,119,142],altern:117,although:[32,74],altogeth:142,alwai:[8,9,22,29,34,67,87,127,129],amazon:[127,128],amazonaw:127,amazonec2fullaccess:127,amazonelasticfilesystemfullaccess:127,amazonroute53domainsfullaccess:127,amazonroute53fullaccess:127,amazons3fullaccess:127,amazonvpcfullaccess:127,ambigu:81,amd64:127,amd:70,amend:111,among:[22,127],amort:74,amount:22,analys:77,analysi:[77,117],analyz:63,ancestor:[78,80],andd:127,andrew:63,android:138,android_abi:138,android_api:138,android_arm_neon:138,android_native_api_level:138,android_standalone_toolchain:138,android_toolchain:138,androideabi:138,ani:[2,8,9,13,22,24,30,34,35,40,42,43,44,45,50,53,54,61,63,67,72,74,75,80,81,83,84,90,96,103,127],announc:53,anoth:[8,13,29,30,32,33,43,54,55,66,72,80,86,88,89,90,127],anroid_arm_mod:138,ans:127,answer:[44,54,127],anymor:74,anyon:22,anyth:[13,72,81,127],anytim:57,anywai:117,apach:[2,65,96,103],apart:22,api:[14,18,29,30,32,34,40,41,43,44,49,51,56,57,59,71,76,77,82,85,91,92,102,116,117,118,119,121,123,125,127,129,137,138,142],api_shar:34,api_test:34,api_trainer_config_helpers_lay:109,apiserv:127,apivers:[127,128,129],appar:32,appear:[44,54,58,89],appel:63,append:[2,22,29,32,48,49,72,80,81,106,109,125,129],append_backward:[24,32,73,117,118],append_batch_s:22,append_clip_op:48,append_gradient_machin:29,append_op:[48,62,80],append_oper:80,appleyard:119,appli:[8,22,57,58,74,77,86],applic:[2,26,44,53,54,55,58,80,82,96,103,117,119,127,128,142],applyl1:38,approach:[8,45,46,47,74,75,76,84,142],approxim:[20,22,75],apt:[100,117,118],arang:22,arbitrari:[8,45,67],arch:138,architectur:53,archiv:[14,68,69,121],area:57,arg:[2,7,9,26,32,59,73,88,98,113,129],arg_nam:8,argpars:129,args_ext:129,argu:79,argument:[2,8,13,15,26,32,33,38,39,45,73,76,79,80,121,123,124,129,138],argumentpars:129,arithmet:53,arm64:[138,139],arm64_standalone_toolchain:138,arm:[53,138,139,140],arm_standalone_toolchain:138,armeabi:138,armv7:[53,139],armv8:53,arn:127,around:[2,8,42,63,80,127,142],arrai:[4,6,8,13,15,22,29,40,44,58,72,78,80,81,82,91,96,98,103,113,123],arrang:91,arrari:[22,123],array_to_lod_tensor:63,arrow:57,articl:[55,58,111],artifact:[85,127],artifici:[20,63],arxiv:[9,20,22,57],as_row_vector:8,as_step_input:33,asgd:75,ask:[32,35,42],assert:4,assgin:63,assign:[7,8,23,32,39,44,46,48,53,55,74,123,127,142],assignmemt:63,associ:[76,83],assum:[7,8,22,33,45,66],assumpt:45,ast:44,astyp:[81,113],asyc:35,async:[35,133],async_count:[133,134],async_lagged_grad_discard_ratio:134,async_lagged_ratio_default:[133,134],async_lagged_ratio_min:[133,134],asynchron:[35,74,77],atom:46,att_seq:9,attach:9,attend:9,attended_sequ:9,attenion:9,attent:[8,9,23],attn_scor:23,attr1:8,attr2:8,attr:[6,8,9,22,33,44,59,62,66,78,79,80,88,96,97,98,109,113],attr_map:88,attrdesc:78,attribu:66,attribut:[8,9,22,28,32,33,47,48,62,78,80,82,86,88,91],attributemap:113,attrproto:88,attrtyp:[78,88,113],attrvalu:88,auc:[49,133],authent:127,author:[2,51,96,103,127],auto:[33,38,46,55,66,68,79,82,86,90,91,99,112,113,114,119],autom:127,automat:[8,22,30,32,40,45,47,48,56,73,82,88,117,127],avail:[35,40,47,53,54,63,127,142],averag:[7,8,11,22,29,39],average_test_period:[133,134],avg:[105,119],avg_cost:[45,120],avg_x:22,avgpool:8,avoid:[31,33,35,45,62,66,74,75,76,119],avx:100,awai:54,await:128,awar:[30,44,49,55,71,80,117,127],awk:130,aws:51,aws_account_id:127,awsaccountid:127,awskeymanagementservicepowerus:127,axes:22,axi:[8,22,96],axis:8,aync:47,b363:128,b8561f5c79193550d64fa47418a9e67ebdd71546186e840f88de5026b8097465:128,ba5f:127,back:[8,22,29,32,35,45,53,57,75],background:[7,8,84],background_id:[7,8],backpropag:[31,32],backward:[5,8,9,27,31,33,38,40,48,57,64,65,73,75,76,79,83,84,112,113,120],backward_first:109,backward_op:31,backwardactiv:112,baidu:[54,128],bake:45,balanc:[47,74,127],bandwidth:[53,74],bare:[128,142],barrier:125,barrierstatset:119,basci:59,base:[7,8,11,13,14,18,20,22,24,27,30,39,48,49,53,54,61,66,70,73,74,75,77,82,83,84,89,91,110,117,120,127],baseactiv:9,baseerrorclipattr:48,baseev:29,basematrix:112,basenam:7,basepoolingtyp:[8,9],basestr:[6,7,8,9,11,29],bash:[99,100,110,111,125,127,128,129],basi:[2,96,103],basic:[8,29,45,59,66,77,78,82,83,91],batch:[8,9,13,15,18,22,23,29,30,33,35,37,38,45,49,50,54,57,60,70,71,72,74,75,91,103,123,127,128,129],batch_id:[29,57,103],batch_im:57,batch_images_from_tar:15,batch_label:57,batch_norm:57,batch_norm_lay:9,batch_norm_typ:8,batch_read:[37,81],batch_siz:[13,45,57,64,72,96,103],batch_szi:57,batch_z:57,batchnorm:[22,57],batchsiz:[8,112],bazel:34,bbbbb:37,bbox:7,bcd:8,bcebo:14,bcm2708:140,bdist_wheel:85,beacus:59,beam:[8,109],beam_gen:[8,109],beam_search:[29,72,108,109],beam_siz:[8,72,109,133,134,136],becaus:[7,8,14,23,30,33,34,35,40,53,72,76,80,81,84,86,87,90,91,92,106,117,127],becom:[46,47,86,89],been:[8,9,22,32,34,39,54],befor:[8,9,22,32,35,42,48,52,55,58,70,75,76,77,81,84,93,96,113,117,127,142],begin:[7,8,18,22,32,38,40,49,52,58,72,74],beginiter:[29,30],beginn:109,beginpass:[29,30],begintrain:30,behavior:22,behind:[54,91],being:[22,32,42,48,54,79,81,117],belong:[7,8,45,86],below:[33,35,40,45,47,53,54,67,76,81,84,91,92,127],benchmark:67,benefit:[9,42,43,72],bengio:20,besid:[8,14,45,63,70,74],best:[34,66],besteffort:128,beta1:[10,24],beta2:[10,24],beta:[22,57],better:[9,34,54,63,66,72,90,127,142],between:[7,8,15,22,29,32,34,35,40,45,47,53,54,66,69,74,76,83,86,127],bgr:15,bi_gru:9,bi_lstm:9,bia:[8,9,22,72,80,112],bias:[8,22],bias_attr:[8,9,22,80,96,98,106,109],bias_initi:22,bias_param_attr:9,biases_:112,biasparameter_:112,biassiz:112,bidi:128,bidirect:[8,9],bidirectional_lstm:97,big:[44,47,63,142],bigger:[22,35],bilinear:8,bilinear_interpol:8,bilinearfwdbwd:119,bin:[100,124,125,127,128,129],binari:[7,8,13,22,34,43,45,53,55,57,67,117,124,127],bind:[44,53,56,86,89],bioinf:22,bit:53,bitcod:139,black:57,blank:[8,127],block0:63,block1:63,block2:63,block:[8,32,36,38,40,44,45,46,47,48,49,50,54,61,63,70,71,73,89,92,114],block_i:8,block_id:[44,50],block_x:8,blockdesc:[33,58,80,82],blockdescbind:61,blockingcount:46,blueprint:72,bn_bias_attr:9,bn_layer_attr:9,bn_param_attr:9,book:[14,82,100,109,115,120],bool:[6,7,8,9,10,11,13,15,22,29,33,53,60,62,64,65,66,79,80,87,88,91,92,112,123,134,136],boost:[70,89],boot:[8,108,109,142],boot_bia:8,boot_bias_active_typ:8,boot_lay:[106,109],boot_stat:91,boot_with_const_id:8,bootstrapp:142,borrow:[57,91],bos_id:[8,109],both:[5,6,8,9,15,22,30,33,34,35,42,45,47,53,54,57,61,63,70,72,74,77,79,87,89,127],bottl:74,bottleneck:77,bottom:29,bound:[8,22,63],boundari:45,boundri:7,box:[8,57],brace:[33,58],brain:42,branch:[8,22,30,33,34,45,54,60,78,85,111],break_if:91,brief:[34,40,53,89,114],bring:[54,63],broadcast:[22,35,74,82,142],broken:111,browser:[117,127],bsd:[74,110],bucket_nam:127,buf:38,buf_siz:[13,45],buffer:[13,38,66,67,75,81,86,120],buffer_s:13,buffered_read:81,bufsiz:13,bug:[111,127],build:[8,14,34,43,45,58,59,63,65,75,84,85,88,93,99,110,111,115,117,118,121,125,127,129,131,132,138,139,140],build_dict:14,build_doc:115,build_model:57,buildtool:85,built:[34,44,45,53,55,63,70,74,88,91,117,118,119,142],bunch:67,button:127,c11:68,c703c041:111,c99:69,c99e:127,cach:[53,96],cache_pass_in_mem:[2,96],cachetyp:[2,96],cacul:[9,49],caff:[33,54],caffe2:[33,44,54],caffe_poli:98,calc_batch_s:2,calcul:[7,8,9,18,22,31,32,35,40,46,49,53,63],calcut:63,calendar:77,call:[7,8,9,13,22,29,30,31,32,33,38,39,40,41,43,44,45,48,55,57,58,63,71,72,73,77,80,82,83,86,88,89,91,117,118,119,127,129],callabl:[6,8,13,14],callback:[48,112],caller:[31,117,127],calrnn:106,can:[6,7,8,9,13,14,15,22,23,26,29,30,31,32,33,34,35,38,39,42,43,44,45,47,48,50,53,54,55,56,57,58,59,61,62,63,66,70,71,72,73,74,75,77,78,79,80,81,82,83,84,88,89,90,91,92,117,119,127,142],can_over_batch_s:2,cancel:42,candid:[8,22,72],candidate_activ:22,cannot:[82,86,90,91,93],cantain:59,capabl:[53,76,82],capac:[84,127],capi:[68,121],capi_priv:121,capi_prvi:69,caption:72,captur:8,card:74,care:[9,43,63,81,89,142],caret:29,carpedm20:57,carri:22,cast:[53,90],cast_to_op_attr:88,cat:[13,15,100,129,130],categori:[8,14,35],categorig:14,categoryfil:128,caus:[35,52],caution:127,cbla:[64,121],cc_:34,cc_binari:34,cc_test:34,cclient:41,cde:8,cdn:14,cduadevicecontext:[70,89],ceil:8,ceil_mod:8,cell:[8,9,22],cell_activ:22,cell_t_prev:22,cell_valu:22,center:15,center_crop:15,cento:[102,142],central:84,ceph:[13,37],cephf:[37,43,51],certain:[22,62,70,73,77,86,89],certif:[30,51,93,127],cffi:68,cfg:[63,128],cgo:68,chain:[13,32,58],challeng:[8,35,54,60,89],chanc:[30,53],chang:[8,14,34,39,43,45,54,66,76,78,81,83,85,86,111,127],changes:66,channel:[8,9,15,22,44,119],channel_shar:8,chapter:[71,72],chapter_data:71,chapter_out:71,check:[2,13,21,32,33,34,48,66,79,82,93,98,111,112,123,127,134],check_align:13,check_attr:88,check_eq:112,check_fail_continu:2,check_grad:[31,113],check_l:112,check_output:113,check_sparse_distribution_batch:[133,134],check_sparse_distribution_in_pserv:[133,134],check_sparse_distribution_ratio:[133,134],check_sparse_distribution_unbalance_degre:[133,134],checker:82,checkgrad:134,checkgrad_ep:134,checkmark:142,checkout:111,checkpoint:[47,79],checksum:51,child:33,chip:54,chmod:127,choic:[22,34,54],choos:[22,62],chosen:[57,70],chunk:[39,51],chunk_schem:7,chunktyp:7,chw:15,circl:58,circumst:89,claim:127,claimnam:[127,129],clang:[53,68,111,138],clarifi:[7,22],clariti:72,classdim:22,classic:[8,63],classif:[8,20,58],classifi:[8,57],classification_cost:[96,106],classification_error_evalu:7,classification_evalu:7,claster:127,clean:[33,34,50,76,82,93,111],clear:[7,34,72,76,86,90],clearer:[76,80],clearli:86,cli:127,click:[117,127],client:[38,41,82],clip:[6,9,134],clip_op:48,clip_op_desc:48,clock:8,clone:[8,99,110,115,117,118,121,138,140],close:[2,81,111],cloud:[34,35,43,51,52,82,142],cloud_read:13,cludform:127,cluster:[13,29,30,33,35,40,45,125,126,129],cluster_test_fil:125,cluster_train:[96,126],cluster_train_fil:125,cluster_train_v2:[126,130],cm469:127,cmake:[69,93,99,110,111,113,115,117,119,121,138,139,140],cmake_build_typ:[117,138,139,140],cmake_c:[138,139],cmake_system_nam:[138,139,140],cmakefil:93,cmakelist:[34,64,65,112],cmatrix:[68,69],cname:127,cnn:[8,22,128],coars:56,code:[2,4,8,13,30,32,34,42,45,47,50,53,56,57,58,62,67,70,73,75,76,77,79,81,82,83,84,88,91,112,127,128],codebas:82,coded_stream:98,codedinputstream:98,coeff:8,colindic:123,collabor:35,collect:[8,14,29,77],collectbia:112,color:15,colour:14,colum:123,column:[7,8,22,58,81,117,123],column_evalu:7,com:[8,9,14,34,57,85,93,99,110,111,115,117,118,120,121,127,128,138,140,142],combin:[7,8,9,13,24,29,63,73,82,86],come:[45,49,63,78,91],comma:[26,29,40],command:[13,26,34,38,43,52,110,112,117,127,128,129,131,132,136],commandlin:[119,129],comment:[22,34,59,88,106,129],commit:[34,128],common:[15,20,24,27,37,84,89],commonli:[52,84,117],commun:[35,40,41,45,47,74,127],compani:54,compar:[31,34,44,82],comparison:[34,54],compat:[23,53,56,74],compil:[8,34,45,54,59,61,63,70,74,83,87,88,92,110,125,138,139,140],complaint:34,complet:[8,9,14,22,24,29,32,33,35,39,40,48,51,58,67,70,82,117,127,128,129,142],complex:[9,42,63,72,82],complianc:[2,96,103],complic:[8,45,56,81,90,91],compon:[45,59,91,92],compos:[13,23,30,56,59,71,80,82],composenotalign:13,composit:56,compress:[39,123],compris:32,comput:[8,9,22,23,26,30,31,35,45,47,50,53,54,55,59,63,67,70,73,74,75,77,83,86,89,90,92,113,114,117,120,127],computation:8,computationgraph:59,con:74,concat:[57,109],concaten:[8,9,22,57,71,91,96],concentr:82,concept:[7,30,44,54,56,57,59,66,71,72,75,76,78,86,91,92],conceptu:[50,54,57,59],concern:[30,49],concis:[57,91],conckerneltrac:26,concret:[82,89],concurr:[35,42,47,77],cond:[22,33,54,60,78],condit:[2,8,22,39,45,54,60,66,96,103,128],condtion:57,conf:[4,8,98,106,126,129],conf_paddle_gradient_num:[127,129],conf_paddle_n:[127,129],conf_paddle_port:[127,129],conf_paddle_ports_num:[127,129],conf_paddle_ports_num_spars:[127,129],confer:20,confid:8,confidence_threshold:8,config:[6,8,26,37,52,72,103,112,121,127,128,129,133,134,136,142],config_:[38,134],config_arg:[133,134,136],config_bas:[7,8,29],config_lay:112,config_len:40,config_pars:[4,64,65,112],config_proto:40,configprotostr:98,configur:[8,22,29,32,38,40,42,43,45,47,54,59,62,80,89,90,104,112,142],confirm:52,conflict:[86,111],confus:[15,57,62],conll:14,connect:[9,22,43,44,45,47,94,127,128,142],connectionist:8,consequ:[8,9],consid:[7,8,20,32,79,89,142],consider:[8,9,70],consist:[7,8,14,15,22,39,55,67,78,81,82,83,88,92],consol:127,consolid:33,constant:[8,20,22,59,61,62,70,98],constantiniti:22,constraint:86,construct:[7,22,30,50,59,63,71,80,82,86,88],constructbackwardgraph:58,constructoptimizationgraph:58,constructor:[22,48,53,77,80,82,86,88],consum:[35,117],consumpt:63,contact:42,contain:[2,7,8,9,11,13,14,15,22,23,29,30,32,33,39,50,57,59,66,67,70,76,77,80,82,83,86,87,88,91,92,110,127,128,129],containerport:127,content:[40,52,67,72,115],content_dir:115,content_len:40,context:[2,8,9,14,48,66,86,87,89,96,109,113,114,120],context_attr:9,context_len:[8,9],context_proj_layer_nam:9,context_proj_param_attr:9,context_project:9,context_start:[8,9],contin:127,continu:[7,32,35,67],contrast:8,contrib:84,contribut:84,contributor:82,control:[6,33,44,127,128,142],controlflowgraph:63,conv2d:57,conv:[9,57,66,90],conv_act:[9,23],conv_batchnorm_drop_r:[9,23],conv_bias_attr:9,conv_filter_s:[9,23],conv_fwd:66,conv_layer_attr:9,conv_num_filt:[9,23],conv_op:8,conv_pad:[9,23],conv_param_attr:9,conv_pool_2:45,conv_strid:9,conv_with_batchnorm:[9,23],conveni:[30,32,59,73,88],convent:[22,32,40],convers:[53,54],convert:[2,4,14,22,37,45,46,47,53,54,55,66,81,83],convlay:8,convlution2d:22,convolut:[8,9,13,22,23,57,70,80,89],convolution2d:22,convolution_algorithm_opt:66,convoper:8,convproject:8,convtranslay:8,convtransproject:8,cool:111,coordin:[35,40],copi:[2,29,30,39,42,52,58,71,72,74,75,91,96,103,127],copy_from:48,copyright:[2,96,103],copyvariablewithtensor:90,core:[6,18,22,32,59,62,69,75,76,91,120],coreo:[127,142],corespond:22,corner:82,corpu:14,correct:[8,22,31,32,53,74,127],correctli:[7,13,32,53,57],corresond:53,correspend:22,correspoind:30,correspond:[8,22,23,27,30,32,33,34,48,53,59,60,66,70,71,72,80,82,83,84,88,89,98,117],corss_entropi:30,cortex:53,cos:[8,88],cosin:[8,22,88],cosineop:88,cosineopproto:88,cosineopprotomak:88,cost:[22,29,30,32,45,58,73,74,78,79,90,103,120],cost_id:8,cost_np:79,could:[8,13,29,30,31,39,44,45,46,47,53,54,55,71,73,75,76,78,80,81,83,117,127],count:[7,35,43,49,79,81,119,125,128,134,136],counter:[26,35,39,46,58],cours:[7,43,70],covari:8,cover:54,cp27:102,cp27m:[85,102],cp27mu:[85,102],cpp:[31,38,56,64,65,68,69,76,82,92,98,106,112,119,129],cprofil:[117,118],cprofilev:[117,118],cpu:[2,6,8,31,43,53,62,70,75,76,77,82,84,85,89,90,110,113,114,117,119,120,128,136],cpu_avx_mkl:102,cpu_avx_openbla:102,cpu_kernel:62,cpu_ns_:77,cpu_per_pserv:45,cpu_per_train:45,cpudevicecontext:[70,89,113],cpuelapsedu:77,cpuengin:65,cpuinfo:100,cpuplac:[45,62,66,70,89,90,113,114,120],cpusparsematrix:69,crash:[35,119],creat:[6,13,18,22,29,30,31,33,35,40,44,46,48,49,50,51,52,53,54,56,57,58,66,70,71,73,74,75,76,80,83,84,98,103,111,112,115,123,128,129,130,142],create_backward_pass:73,create_bias_paramet:112,create_block:80,create_doc_str:88,create_input_paramet:112,create_local_scop:50,create_oper:56,create_optimization_pass:[24,73],create_paramet:80,create_python_ops_creatation_funct:88,create_rnn:33,create_rnn_op:71,create_st:18,create_tmp_var:80,create_tmp_vari:80,create_var:80,create_whileloop:91,createfromconfigproto:4,creategradientoper:83,creatememori:66,createop:88,createoper:33,createprimitivedesc:66,createstack:127,createvari:33,creation:[56,127],creationd:127,creator:[13,14,37,82,83],creator_:83,credenti:52,crf:[89,90],critic:[57,117],crlf:111,crop:[15,89],crop_grad:89,crop_siz:15,crope:15,cropgradkernel:89,cropkernel:89,cross:[8,22,80,98,138,139,140],cross_entropi:[8,30,45,57,63,90],cross_entropy_with_selfnorm:8,crt:51,csc:112,csr:[112,123],csv:[26,98],ctc:7,ctc_evalu:7,ctest:[99,110,111,113],ctor:80,ctrl:[110,126],ctx:[66,90,113,114],cubla:70,cublas_handle_:89,cublashandle_t:89,cuda7:[102,104],cuda8:[99,100,102],cuda:[26,34,55,70,77,82,89,110,113,119,134],cuda_context:55,cuda_dir:[133,134],cuda_fp16:53,cuda_profil:26,cuda_so:[93,100],cuda_visible_devic:96,cudaconfigurecal:119,cudadevicecontext:[55,70,89,113],cudadevicegetattribut:119,cudaelapsedu:77,cudaevent_t:77,cudaeventcr:119,cudaeventcreatewithflag:119,cudafre:119,cudagetdevic:119,cudagetdevicecount:119,cudagetdeviceproperti:119,cudagetlasterror:119,cudahostalloc:119,cudalaunch:119,cudamalloc:119,cudamemcpi:119,cudaplac:[70,89,90],cudaprofilerstart:119,cudaprofilerstop:119,cudaprofilestop:119,cudaruntimegetvers:119,cudasetdevic:119,cudasetupargu:119,cudastream_t:89,cudastreamcr:119,cudastreamcreatewithflag:119,cudastreamsynchron:119,cudeviceget:119,cudevicegetattribut:119,cudevicegetcount:119,cudevicegetnam:119,cudevicetotalmem:119,cudnn:[8,11,22,34,62,66,70,89,90],cudnn_batch_norm:8,cudnn_conv:8,cudnn_conv_workspace_limit_in_mb:[133,134],cudnn_convt:8,cudnn_dir:[133,134],cudnn_kernel:62,cudnnavginclpadpool:8,cudnnavgpool:8,cudnnv5:99,cudrivergetvers:119,cuinit:119,cumtim:[117,118],cumul:8,cur_mem:72,curl:127,curli:[33,58],current:[2,8,22,32,33,34,35,38,40,44,47,49,54,62,70,71,72,75,76,77,80,86,90,91,115,127],current_block:[78,80],current_oper:78,current_word:[96,109],curv:30,custom:[24,30,43,53,57,72,75,82,127],custom_batch_read:81,cut:[13,91],cut_lin:13,cutoff:14,cv2:15,cxx:[138,139],cxx_compil:[138,139,140],cxx_flag:[138,139],cxxabi_1:102,cycl:35,cyclic:8,cython:68,d3e0:127,d_b0:57,d_b1:57,d_b2:57,d_block:57,d_f:57,d_g:57,d_h0:57,d_h0_bn:57,d_h0_relu:57,d_h1:57,d_h1_bn:57,d_h1_relu:57,d_h2:57,d_loss:57,d_loss_fak:57,d_loss_real:57,d_optim:57,d_step:57,d_t:57,d_w0:57,d_w1:57,d_w2:57,dalla:2,dandroid_abi:138,dandroid_arm_mod:138,dandroid_arm_neon:138,dandroid_standalone_toolchain:138,darwin:127,dash:57,dat:37,data:[2,7,14,15,18,23,29,30,31,33,37,38,39,47,49,51,53,54,57,58,59,61,62,63,66,67,70,71,72,73,74,75,76,78,80,82,84,86,87,88,89,91,92,96,103,104,106,109,114,120,123,125,128,129,131,133],data_batch:96,data_config:4,data_fil:15,data_i:57,data_lay:[2,38,96,106],data_layout:22,data_layout_:90,data_read:[13,81],data_reader_creator_random_imag:81,data_shar:91,data_typ:[13,14,67,87,90,92,97,103,104,109,123],data_type_:[62,70,90],data_x:57,databas:14,datacent:[37,52],datacenter1:37,datacenter2:37,datacenter_1:37,datacenter_2:37,datacenter_nam:37,datadim:8,datafeed:[16,120],dataflow:59,dataflow_analysi:63,datalayout:90,dataparallel:45,dataprovid:[1,96,98,129],dataproviderconvert:4,datasci:8,dataset:[22,37,43,45,75,81,103,104,109,117,118,125],dataset_nam:15,datatransform:90,datatyp:[14,18,22,62,66,87,90,92],dcgan:57,dcmake_build_typ:[115,121],dcmake_install_prefix:[121,138,139,140],dcmake_system_nam:[138,139,140],dcuda_arch_nam:99,dcudnn_root:99,ddim:[70,89,114],dead:35,deal:[32,142],deb:111,debug:[31,32,45,52,54,80,115,117,118],debug_str:59,decai:[10,24,27],decar:13,decayr:38,decent:39,decid:[30,42,57,67,75,83,84,87],declar:[22,33,57,71],decod:[8,9,108,109],decoder_boot:109,decoder_dim:72,decoder_group_nam:109,decoder_input:[72,96,109],decoder_mem:[72,109],decoder_prev:9,decoder_s:[96,109],decoder_st:[9,109],deconv:[8,57],deconvolut:[8,22],decor:[2,13],decrement:46,decrementcount:46,decrypt:127,deduc:82,deep:[8,20,22,32,42,50,57,58,63,65,77,82,84,89,119],deeper:55,deepspeech2:64,def:[2,4,8,13,30,31,32,37,43,48,49,56,57,59,62,63,71,72,73,80,81,88,91,96,98,103,106,109,112,113,129],def_block:57,defalut:22,default_block:57,default_decor:129,default_devic:136,default_main_program:[18,120],default_param_attr:80,default_st:91,default_startup_program:[18,120],default_valu:136,defaultdict:63,defaultinfervartyp:61,defect:76,defer:42,defin:[2,8,9,13,20,24,27,29,30,32,33,34,35,42,44,46,47,48,53,54,55,56,57,59,62,63,70,71,74,78,80,81,82,86,88,89,91,96,103,113,117,120],define_py_data_sources2:[2,98],definit:[32,33,35,39,45,50,55,62,78,83,88,91,117,120],definiton:56,degener:22,degre:8,delai:[75,89],delet:[43,51,111],deletestack:127,delimit:[7,98],deliv:142,delta:[8,31],delv:[8,20],demand:[35,89],demo:[4,8,14,82,128,131],denot:22,dens:[8,13,40,41,87,127],dense_arrai:[13,97],dense_vector:[2,4,13,103,104,123],dense_vector_sequ:[13,123],dense_vector_sub_sequ:123,dep:34,depend:[22,33,34,35,43,45,47,59,74,79,87,142],dependent_var:79,deploi:[8,142],deploy:[59,67,82,127,142],deprec:8,depth:[33,54],dequeu:47,deriv:[5,30,45,48,60,73],desc:[33,48,66,67,80,88,91],desc_:33,descend:[22,91],descent:[8,35,75],descproto:67,describ:[30,32,33,34,39,44,45,50,55,62,66,67,71,72,76,78,80,82,87,88,90,92,127,128],describestack:127,describestackev:127,describestackresourc:127,descripotor:66,descript:[7,33,34,61,65,67,70,83,87,90,92,127,129],descriptor:[66,90],deseri:[29,67,76],deserializ:82,desgin:58,design:[8,13,20,32,38,62,63,68,75,77,84,142],desir:[13,35,45,75,127,128],destin:[40,52],destroi:[33,50],destruct:86,destructor:77,det_output:7,detail:[6,7,8,9,10,22,31,32,39,43,45,47,52,54,57,59,63,66,67,70,71,77,80,84,86,89,90,91,92,117,127,142],detect:[61,111],detection_evalu:7,detection_output:7,determin:[8,13,22,33,45,63,70,82],dev:[82,93,100,110,111,117,118,138,142],dev_ctx:[33,66,77],devel:85,develop:[32,34,54,61,76,77,80,83,85,111,117,120,139],deviat:[6,20],devic:[6,44,45,49,53,59,65,66,70,74,76,77,82,90,93,100,114,120,136],device_:77,device_context:[66,113],devicecontext:[33,70,77,113],deviceid:[65,136],deviceid_:65,deviceplac:89,devid:8,dhcp:142,diagon:22,diagram:71,diamond:57,dic:15,dict:[2,7,14,29,32,80,98,106,129],dict_dim:[96,106],dict_fil:[7,106],dict_siz:[14,22,38,72],dictionari:[2,7,8,14,29,30,31,80,96],did:76,diff:111,diff_mat:31,differ:[7,8,22,23,29,32,33,34,35,40,42,45,46,47,48,49,50,53,54,57,59,60,63,66,70,72,74,75,77,79,83,86,90,91,92,117,127],differenti:56,difficult:[7,31,54],difficulti:20,dig:127,digit:8,digraph:59,dilat:[8,22,66],dilation_h:22,dilation_i:8,dilation_w:22,dim0:113,dim1:113,dim:[8,13,22,23,38,66,67,71,82,87,89,92,112,113,114],dim_:[89,114],dimens:[5,8,9,11,13,22,23,57,82,87,89,91,96,114],dimension:[8,22,123],dimes:8,dios_arch:139,dios_enable_bitcod:139,dios_platform:139,dios_use_veclib_for_bla:139,dir:[93,129,138],direct:[8,9,15,54,63,75,117],directli:[9,20,24,27,34,41,43,45,53,62,76,88,90,91],directori:[8,34,37,42,51,52,89,111,115,119,128],disabl:[22,77,98],disadvantag:[75,80],discard:[13,35,39,72,111,134],discexp:98,discount:8,discov:35,discoveri:127,discret:8,discrim:57,discuss:[30,33,39,40,41,45,66],disk:67,dispatch:[45,76],displai:[43,52],dist:[85,93,99],dist_train:[30,43],distanc:[7,8],distinguish:34,distribut:[2,8,20,33,39,40,41,42,44,49,55,74,82,92,96,103,131,132,134,142],distribute_test:[133,134],distributedli:45,disucss:30,div:22,divid:[8,10,22,32,49,88,92,117],divisor:22,diy_beam_search_prob_so:[133,134],dnn:[66,93],dns:127,do_forward_backward:81,doc:[4,13,59,71,91,113,115,125,126,129],doc_cn:115,docker:[85,93,99,100,111,115,125,127,128,129,131,132,138,142],docker_build:30,docker_clust:[126,130],docker_push:30,dockerfil:[110,111,129,138,140],document:[8,9,31,45,51,58,71,72,77,82],documentari:2,doe:[9,35,39,40,42,43,44,45,47,50,53,59,63,71,76,80,82,83,84,120],doesn:[6,8,13,30,33,44,81,117],doing:[38,42,45,58],domain:127,don:[9,30,34,56,58,63,81,127],done:[7,8,9,32,34,35,39,40,45,46,61,63,67,75,83,84,111,117,119,127,129],dot:[8,9,23,113],dot_period:[129,134,136],dotmuloper:8,dotmulproject:8,doubl:[22,45,53,58,77,90,113,134],down:119,download:[14,34,35,38,42,51,93,128,142],doxygen:111,dozen:34,dpython_execut:93,dpython_include_dir:93,dpython_librari:93,draw:72,drive:86,drop:[8,9,72],drop_fc:97,drop_rat:[6,97],dropout:[6,9,97],dropout_prob:22,dropout_r:[8,97],drpi_arm_neon:140,drpi_toolchain:140,drwxr:128,dst:[40,66],dst_primitive_desc:66,dtoh:119,dtype:[4,18,22,45,59,80,98,120],due:[39,42,57,63,72,80,117,118],dummi:[29,39],dump:[67,124],dump_config:124,dump_v2_config:124,duplic:[22,47],durat:39,dure:[2,8,9,27,32,33,35,39,42,43,49,54,63,74,75,77,80,82,92,127,142],duse_eigen_for_bla:138,dwith_c_api:[69,121,138,139,140],dwith_doc:115,dwith_golang:121,dwith_gpu:[99,115,121,140],dwith_mkl:[115,121],dwith_profil:119,dwith_python:[69,121,140],dwith_swig_pi:[69,121,138,139,140],dwith_test:[99,113,139],dwith_tim:119,dynam:[2,22,40,69,71,80,81],dynamic_cast:112,dynamic_recurrent_op:91,e2e:142,each:[2,7,8,9,11,13,14,18,22,23,29,31,32,34,35,38,39,40,42,43,44,45,48,49,50,55,58,61,63,66,70,71,72,74,76,77,79,80,81,82,83,86,87,88,89,90,91,92,117,127,142],each_feature_vector:5,each_pixel_str:2,each_time_step_output:5,each_word:2,eager:54,earli:[53,55],eas:[13,61],easi:[31,32,72,75,81,82,84],easier:[30,47,53,54,81,91],easili:[30,57,74,77,81,83,86,89],echo:[93,100],edg:[15,63],edit:[7,127],editor:80,edu:[14,127,128],eeoi3ezpr86c:127,effect:[8,29,127],effici:[8,45,67,81,89],effort:45,efg:8,efs:127,efs_dns_nam:127,efsvol:127,egd:63,eigen:[53,70,75,82,84,89,113],eigen_device_:89,eigen_use_gpu:113,eigenmatrix:114,eigentensor:114,eigenvector:114,either:[2,8,9,13,22,29,30,45,57,60,61,71,75,84,96,103],elb:127,elbapis:127,electr:63,electron:128,elem_dim:8,elememt:8,element:[7,8,9,13,15,22,29,31,39,47,59,72,82,113],element_typ:40,elementari:82,elementwis:[22,23],elif:[30,88],els:[30,38,43,45,47,48,54,57,60,61,62,63,86,88,100,106,112],elsewher:77,emac:110,emailweixu:34,emb1:[38,106],emb2:[38,106],emb:[96,98,106,128],emb_group:106,emb_para:98,emb_param_fil:98,emb_sum:96,embed:[30,33,38,47,61,72,87,91,98,109],embedding_lay:[38,96,106],embedding_nam:[8,109],embedding_s:[8,109],empir:8,emplace_back:112,emploi:[32,48,88],empti:[7,13,32,35,72],emul:53,enabl:[6,8,22,33,34,39,44,47,48,59,77,110,119,127],enable_grad_shar:[133,134],enable_parallel_vector:134,enableonstart:26,enc_proj:[9,109],enc_seq:9,enc_vec:109,encapsul:40,encod:[9,39,72,106],encoded_proj:[9,109],encoded_sequ:[9,109],encoded_vector:109,encoder1:106,encoder1_expand:106,encoder1_last:106,encoder1_rep:106,encoder2:106,encoder2_rep:106,encoder_ctx:72,encoder_ctx_expand:72,encoder_ctx_proj:72,encoder_dim:72,encoder_last:8,encoder_out_seq:72,encoder_s:109,encount:38,encourag:[45,50],encrypt:127,encrypt_decrypt:127,end2end:142,end:[7,8,22,29,32,33,45,48,55,59,63,72,76,77,81,86,109,111],end_pass:30,end_po:8,endforwardbackward:29,endian:67,endif:[70,77],enditer:[29,30,103],endpass:[29,30,103],endpoint:[13,37,127],endtrain:30,engin:[43,65,66],english:8,enough:[32,33,62,63,70],enqueu:47,ensembl:9,ensur:[35,66,74,86],enter:[33,50],enterpris:82,entir:[8,9,40,42],entiti:[7,33,86],entranc:50,entri:[13,22,39,43,61,127],entropi:[8,22,80],entry_point:43,enueu:47,enumer:[5,70,98],env:[96,115,117,118,127,129],environ:[30,45,93,117,119,127,128],environmenterror:125,eol:111,eos_id:[8,109],epoch:57,epsilon:[8,10,22,24],equal:[8,9,22,23,35,91,106,113],equat:[7,8,9,10,22,63,113],equival:[30,33,44,48,54,60,88,142],error:[6,7,8,9,22,30,31,39,52,53,54,66,86,93,98,121,127,134],error_clip:48,error_clip_callback:48,error_clipping_threshold:[6,96],errorclipbyvalu:48,especi:[8,9,65],essenc:[30,32],essenti:[8,30,50,53],establish:44,estim:[8,30,47,75],eta:128,etc:[7,13,22,33,45,49,66,74,75,81,86,127,142],etcd:[13,29,35,39,40,42],etcd_addr:40,etcd_endpoint:13,eth0:[127,129],euclidean:8,eval:[7,18,33,49,57,82],eval_program:[18,49],eval_result:49,evalu:[8,16,28,29,42,59,79,119,120,124],evaluate_difficult:7,even:[30,53,74,80,81],evenli:[40,127],event:[103,128],event_:77,event_block:77,event_handl:[29,30,103],eventkind:77,eventlist:77,eventu:[45,91],everi:[7,8,9,13,18,30,35,39,40,42,48,49,58,59,61,63,66,70,71,74,80,86,88,90,103,120],everyth:[45,47,57],evid:76,evolv:54,exactli:[8,9,96,127],exampl:[7,8,9,13,14,15,22,23,29,33,43,45,47,49,52,54,55,56,57,58,59,61,63,66,70,71,72,76,77,78,80,81,82,83,84,87,89,90,91,117,120,127],example_read:13,exc_path:93,exceed:8,except:[2,8,14,42,44,54,58,77,91,103],excess:63,exchang:76,exclud:8,exclude_mod:8,exclude_param:29,excluded_chunk_typ:7,exconv:8,exconvt:8,exdb:14,exe:[45,120],execut:[8,34,35,39,43,44,45,49,50,55,57,59,63,66,74,77,83,92,117,127],executioncontext:[66,90,113,114],executor:[16,18,44,45,49,53,54,55,57,73,78,80,90,92,117,118,120],exist:[30,33,35,52,54,72,80,81,83,88,89,91,114,127],exit:[40,52,128],exp:98,expand:[22,72,106],expand_a:[8,105,106],expand_lay:106,expand_level:[8,105],expandconvlay:8,expandlevel:105,expans:8,expect:[8,90],expected_desc:66,expected_kernel_kei:90,experi:67,expert:34,expir:35,explain:[7,22,35,44,54,56,58,117],explan:[8,31,43,44,45,86,90],explicit:[77,91,112],explicitli:[30,45,50],explod:48,explor:[8,72,84],expon:8,exponenti:[5,22],expos:[32,41,66,67,89,91,127],express:[2,30,47,49,59,63,96,103,127],extend:[7,75,91],extens:[42,47,72],extent:69,extern:[34,65,68,69,82],extern_mklml:93,external_librari:34,extingrad_:65,extinval_:65,extoutgrad_:65,extoutval_:65,extra:[6,8,9,45,84,89,142],extra_lay:29,extraattr:[6,136],extraattribut:8,extraattributenon:8,extract:[7,8,54,76,127],extralayerattribut:[6,9,96,97],extralayeroutput:9,extrem:[8,44,54],f1205:98,f120da72:128,f7e3:127,fa0wx:128,fabric:[125,126],face:[34,84],fact:[22,44,54,74,78,80],factor:[6,10,22],factor_s:8,factori:68,fail:[35,39,72,93,98,128,134],failur:[35,40],fake:57,fake_imag:81,faked_imag:57,fall:[53,79],falloc:51,fals:[6,7,8,9,10,13,22,23,24,31,32,33,54,60,62,64,71,78,79,81,87,92,96,103,104,106,109,112,113,123,125,128,136],false_block:[33,60,78],false_label:81,false_neg:49,false_posit:49,false_read:81,fan_in:20,fan_out:20,faq:137,far:[48,91],fashion:45,fast:[8,39,54,119],faster:[8,9,22,27,35,54],fastest:54,father:32,fault:[29,39,82],fbd1f2bb71f4:128,fc1:[59,112,136],fc1_bia:59,fc1_weight:59,fc2:[59,136],fc3:[59,136],fc4:136,fc8a365:127,fc8a:127,fc_act:9,fc_attr:9,fc_bias_attr:9,fc_layer:[80,88,96,98,106,136],fc_layer_nam:9,fc_mat:29,fc_op:88,fc_out:33,fc_output:88,fc_param_attr:9,fc_without_b:33,fclayer:112,fcop:56,fdata:106,feasibl:75,featur:[2,5,8,13,14,22,32,45,53,59,74,77,111],feed:[9,29,30,45,58,71,84,103,120],feed_dict:57,feed_list:120,feeder:[13,45,120],feedforward:20,festiv:2,fetch:[14,35,38,45,79,93,111,120],fetch_list:[45,80,120],fetch_op:79,few:[34,35,45,63,75,81,87],fewer:[8,22,80],fg0:8,field1:29,field2:29,field:[8,29,33,59,61,67,79,80,83,87,88,96,127],fifth:58,figur:[30,34,45,47,57,65,71,77,80],file:[2,7,8,13,14,15,26,29,30,32,34,35,37,39,40,42,43,51,52,54,55,59,67,69,81,82,89,92,96,103,111,113,120,142],file_list:2,file_nam:[98,106],file_typ:13,filenam:[2,15,37,80,96,117,118],fileoffset:51,filesystem:[42,43,45,51,127],fill:[8,35,39,70,80,123,127],fill_zero_grad:82,fill_zeros_like_op:32,filter:[8,9,22,48,66],filter_s:[8,9,22,23],filter_size_h:22,filter_size_i:8,filter_size_w:22,filter_strid:22,find:[8,22,33,35,42,53,59,66,72,86,90],find_var:31,findmemori:66,findop:33,findprimit:66,findprimitivedesc:66,findvar:[33,86],fine:[6,39,56],fingerprint:127,finish:[35,39,42,43,50,63,74,88,127,128],first:[8,22,29,30,32,33,35,39,42,43,44,45,50,52,54,57,58,59,66,71,72,78,79,80,82,87,88,89,91,113,114,123,127,142],first_seq:109,firstli:[7,8],firstn:13,firstseen:128,fit:[14,53,62,63,67,72,82],five:78,fix:[6,8,22,45,63,68,80,111,117,123],flag:[8,14,22,64,65,77],flatten0:59,flatten:[22,59,78,80,114],flatten_result:96,flexibl:[8,9,30,40,45,54,58,62,71,72,75,81,89,91],flip:15,flist:125,fliud:44,float16_t:53,float32:[4,13,22,45,53,56,57,80,81,98,113,120],float64:22,float_16:22,float_to_half_rn:53,floor:[8,98],flow:[22,33,44,71,77,85],fluid:[0,18,20,21,22,23,24,26,27,32,45,47,50,70,77,80,89,90,117,118],fluid_cuda_create_tensor:55,fluid_cuda_mult:55,fluid_cuda_read:55,fly:32,fmt:98,fname:98,fnt03:127,focu:[59,117],folder:[34,37,43,52,127],follow:[7,8,9,10,13,15,22,23,29,30,31,32,33,34,35,39,43,44,45,47,50,53,54,55,56,57,58,59,60,61,63,66,70,71,72,74,75,77,78,79,80,81,82,83,84,86,87,88,89,90,91,117,120,127,131,132,142],footprint:55,forbid:30,forc:[74,80,90],force_cpu:[22,62],force_cudnn:62,force_load:68,forest:33,forget:[10,22,30],forget_bia:22,fork:8,form:[8,9,22,49],formal:90,format:[7,13,14,15,22,26,29,31,39,45,53,54,70,72,91,104,111,112,123,127],former:[30,34,54,63,75],formul:22,formula:[8,9,10,22,31,63],formular:8,forth:57,forward:[5,8,9,22,31,32,33,38,40,48,54,57,64,65,66,67,73,76,78,81,82,83,84,87,112],forward_infer:66,forward_list:77,forward_op:31,forward_proj:22,forward_train:66,forwardactiv:112,forwardbackward:29,forwardtest:4,found:[53,78,84,86],four:[7,22,49,54,58,66,70],foward:79,fp16:[53,82,92],fp32:[70,82,90,92],fp64:[70,92],fparam:98,fpga:[70,120],fpgadevicecontext:89,fpgaengin:65,fpgaplac:[70,89],frac:22,frame:[7,50,82,91],framework:[30,32,33,48,49,53,54,59,70,74,75,77,78,82,84,86,88,89,113,117,118,120],free:[14,55,89,142],freememoryop:55,frequenc:14,frequent:[39,81,82,84,89],fresh:42,friend:86,friendli:57,from:[2,4,7,8,9,13,14,15,20,22,29,31,32,33,34,35,37,38,39,40,44,45,47,48,49,52,53,54,56,57,58,59,60,62,63,66,71,72,73,74,76,78,80,81,82,83,86,89,90,91,93,108,113,114,117,118,119,124,127,128,142],from_no_sequ:[8,105],from_sequ:[8,105],from_tar:[29,103],fromfil:[81,98],fromstr:98,front:[59,63],fuction:26,fulfil:119,full:[8,22,35,42,71,74,75,142],full_matrix_project:[9,106,109],fulli:[22,45,47,142],fullmatrixproject:8,fullsiz:38,fully_matrix_project:9,fullyconnect:[59,80],fullyconnectedlay:112,func:[2,13,39,44,55,83],funciton:[9,22],functor:[56,59],fundament:[47,53,82],funtion:22,further:[8,88,142],futur:[8,42,45,53,63,71,82],fvs:88,fwd_desc:66,fwd_op:83,fwd_primit:66,fwd_primitive_desc:66,fwd_var:48,g_b0:57,g_b1:57,g_b2:57,g_block:57,g_command_config_arg:[64,65],g_h0:57,g_h0_bn:57,g_h0_relu:57,g_h1:57,g_h1_bn:57,g_h1_relu:57,g_h2:57,g_im:57,g_loss:57,g_optim:57,g_program:80,g_state:77,g_step:57,g_w0:57,g_w1:57,g_w2:57,gain:8,gan:30,gangliao:34,gate:[8,9,22,23],gate_act:[8,9,106],gate_activ:22,gate_attr:8,gate_bias_attr:8,gate_param_attr:8,gate_recurr:8,gate_v:22,gatedrecurrentlay:64,gather:[8,32,63,74,76,113],gauss:6,gaussian:20,gaussian_normal_random:57,gcc:[53,55,68,82,99,110,117,138,140],gcc_3:102,gcreators_:88,gemm:64,gen:8,gen_proto_pi:115,gen_rand_param:98,gender:[14,129],gendrated_id:72,gener:[2,7,8,9,13,18,29,30,31,32,33,34,35,37,39,40,42,44,45,54,56,61,63,66,70,74,75,78,79,80,81,82,83,87,88,89,91,103,119,123,127,129,136],generated_id:72,generated_scor:72,generated_word_embed:8,generatedinput:[8,108,109],genr:129,gereat:7,get:[2,7,8,14,22,29,31,32,33,34,35,39,40,42,43,51,54,57,59,62,63,64,65,66,70,71,72,77,80,82,83,86,88,89,90,91,100,112,117,118,123,126,127,128,130],get_all_op_proto:88,get_block:80,get_config_arg:136,get_data:128,get_dict:14,get_dim:31,get_embed:14,get_float_el:31,get_grad:29,get_grad_op_desc:32,get_input_lay:112,get_lin:13,get_movie_title_dict:14,get_numeric_gradi:31,get_numerical_gradi:31,get_output:31,get_program:63,get_sample_from_lin:96,get_shap:29,get_support:[93,102],get_symbol:59,get_tensor:31,get_vari:33,get_word_dict:14,get_worker_addr:44,getactualkerneltyp:62,getattr:48,getbatchs:112,geteigendevic:114,getengin:66,getenv:[30,43,125,129],getexpectedkerneltyp:[62,66,90],gethostbynam:129,gethostnam:129,getidmap:129,getinfervartyp:61,getinput:112,getinputgrad:112,getinputvalu:112,getkerneltyp:53,getkerneltypeforvar:90,getlayeroutput:29,getlibrari:66,getmat:38,getoptconfig:38,getoutputgrad:112,getoutputvalu:112,getparam:38,getparameterconfig:38,getparameterptr:112,getparameterspars:38,getparametersremot:38,getplac:[66,89,113,114],getpodlist:129,getsiz:112,gettask:39,gettempl:127,gettensor:90,gettranspos:112,getw:112,getweight:112,getwgrad:112,gflag:121,gflags_complet:121,gflags_declar:121,gist:9,git:[85,93,99,110,111,115,121,138,140],github:[9,34,57,70,85,93,99,110,111,115,117,118,120,121,138,140],give:[2,22,35,71,80,82,90,127],given:[8,13,22,23,29,32,40,42,47,48,54,56,57,72,81,84,91],glibc:[138,140],glibc_2:102,glibcxx_3:102,glide:34,global:[6,22,24,30,33,34,35,55,59,62,76,77,82,86,88,89,90,110,119,127],global_block:80,global_learning_r:6,global_pool:22,global_step:24,globalstat:119,globalstatinfo:119,globe:2,glog:121,glorot10a:20,glorot:20,gnueabihf:140,go_librari:34,go_test:34,goal:[47,53,58,74,82],gob:39,godep:34,godoc:68,goe:[9,35,54,60,86,120],going:[32,56,75,117,142],golang:34,good:[57,75,80,81,84,117,142],googl:[30,77,82,98,117,118,121,138],googleapi:127,googlenet:65,goroutin:44,got:[62,86],govern:[2,96,103],gpg2:127,gpg:127,gprof:118,gprotos_:88,gpu:[6,8,11,31,43,49,53,63,70,74,75,76,77,82,84,85,89,90,93,100,102,104,110,119,120,123,125,136,142],gpu_id:[96,134,136],gpu_per_train:45,gpudevic:89,gpugpu_id:133,gpukernel:82,gpustarttimestamp:26,grab:35,grad:[31,32,40,48,65,80,87,134],grad_info_map:32,grad_n:48,grad_nam:48,grad_op:48,grad_op_class:82,grad_op_desc:48,grad_op_maker_:83,grad_op_typ:[82,83],grad_op_type_:83,grad_s_block:32,grad_share_block_num:[133,134],grad_to_var:[32,48],grad_var_nam:31,gradient:[6,7,8,10,20,22,24,27,29,35,39,46,48,58,61,73,74,75,76,80,82,87,117,124,125,129,134],gradient_clipping_threshold:[6,96],gradient_evalu:7,gradient_flat:31,gradient_machin:[29,69,121],gradientmachin:[4,29,69,76,129],gradientmachine_:38,gradopdescmak:[61,83],gradopdescmakerbas:83,gradopmak:83,grai:15,grain:56,grandient:29,grant:127,graph:[8,22,29,32,33,34,35,44,45,46,47,49,54,57,71,74,75,78],great:[47,142],greater:[8,48,75,123],greaterthan:88,green:[44,57],grep:[100,130],gridsize3d:26,groudtruth:109,ground:[7,8,22],group:[9,22,23,39,59,66,89,142],group_input1:109,group_input2:109,group_input:[106,109],grouplen:14,grpc:142,gru:[8,22,72],gru_bias_attr:9,gru_decod:109,gru_decoder_with_attent:109,gru_layer_attr:9,gru_memori:9,gru_out:72,gru_param_attr:9,gru_step:[72,109],gru_step_lay:9,grumemori:[9,97,109],gserver:[8,64,65,112],gsizex:119,gtx:63,guarante:[66,80],guard:38,guest:102,gui:117,guid:[26,51,63,82,127,128],gzip:[39,128],h0_bn:57,h_f:22,h_prev:33,hadoop:30,half:[8,22,23,53,127],half_to_float:53,hand:[63,82,89],handi:34,handl:[13,30,32,43,44,45,59,63,66,70,76,81,86,89,91,120],handler:[29,33],happen:[22,39,88],hard:[45,54,72,91,127],hardshrink:22,hardsigmoid:22,hardwar:[54,55,89],has:[7,8,9,14,22,26,30,31,32,33,34,35,39,40,42,45,47,48,49,53,54,57,59,63,67,70,72,74,77,78,82,87,88,89,90,119,120,123,127,142],has_kei:[29,32,48],has_selected_colum:8,has_var_recurs:32,hasdependentvar:79,hash:[70,74],hasn:54,hassubseq:106,have:[8,9,13,22,30,31,32,33,34,35,39,40,42,43,45,47,48,50,53,54,55,56,57,58,62,63,66,67,70,71,72,74,75,76,77,78,80,81,82,83,86,87,89,90,92,127,142],haven:54,hdf:[13,37],head:[113,130],header:[40,67,69,82,89,98],headip:130,height:[8,13,15,22,33,68,81,98,112,113,123],height_:87,held:35,hello:30,help:[4,8,22,33,52,54,59,66,72,81,82,91,111,117],helper:[22,45,66,83,91],henc:[45,75,80,83,84,86],here:[6,7,8,9,13,22,23,30,34,35,41,47,48,50,52,54,58,59,66,70,71,81,84,88,123,127,142],heterogen:[45,47,77],heurist:[8,47,72],hidden:[8,9,22,73,80,97,98,127],hidden_a:98,hidden_b:98,hidden_dim:[22,106],hidden_out:33,hidden_s:9,hidden_t_prev:22,hidden_v:22,hidden_valu:22,hierach:108,hierarch:[8,78,80,82],hierarchi:82,high:[6,20,53,74,89,142],higher:[56,71,91],highest:[13,33],highli:[14,91],him:30,hint:[4,62,117],histor:56,histori:10,hl_get_sync_flag:112,hold:[30,32,35,39,41,53,57,59,61,63,86,88,89,90,114,127],holder_:[89,114],home:[37,52,100,117,118,127,128,129,130],honor:39,hook2:106,hook:[6,106],hookattr:6,hookattribut:6,horizont:[8,15],host:[34,43,77,127,128],host_c:[138,139,140],hostfil:130,hostnam:127,hostnetwork:129,hostpath:[128,129],hostport:127,hot:22,hous:[2,14,104],how:[6,8,22,30,33,35,39,44,45,50,52,54,56,59,62,66,71,72,76,77,84,88,90,117,127],howardjohnson:106,howev:[8,9,22,31,32,42,45,50,54,63,70,75,76,80,81,83,84,87,88,89,90,127],howto:[125,126,129],hpp:[53,68],html:[14,20],htod:119,http:[2,8,9,14,20,22,34,43,57,85,93,96,99,100,103,110,111,115,117,118,120,121,127,128,138,140,142],hub:85,huber:8,huge:75,human:[8,20,77],hwc:15,hyper:[8,57],hyperparamet:[8,84],hyperplan:13,i1116:129,i1117:119,i386:139,iOS:139,iamfullaccess:127,iamusersshkei:127,icc:55,ics:14,id_input:7,id_rsa:130,idea:[34,54,55,75,81,84,117],ideal:[45,90],ident:[8,22,83,127],identifi:[8,60,70],identityoffsetproject:8,identityproject:8,idmap:129,ids:[7,8,22,72,96,123],ids_arrai:123,idx:[39,57,63,112],ies:52,if_else_op:32,ifdef:[70,77],ifels:[33,78],ifelseop:78,ignor:[2,8,22],iil:98,illustr:[7,22,35,40,45,56,71],im_siz:57,imag:[11,12,13,14,22,23,30,45,54,57,58,72,73,78,81,110,111,127,128,129,131,132,142],image_a:81,image_b:81,image_fil:81,image_h:22,image_lay:81,image_nam:30,image_path:81,image_reader_cr:81,image_w:22,imagenet:[8,20,37],imagepullpolici:[127,129],imageri:8,images_reader_cr:81,imagin:58,img2label:15,img:[8,9],img_conv_lay:9,img_pool_lay:9,imgsiz:119,imgsizei:119,imgsizex:119,immedi:[63,66,75,84,127],immutable_paramet:30,impel:89,imper:44,imperfect:82,implement:[8,9,13,20,22,23,24,27,33,39,40,41,42,43,44,45,47,54,56,59,60,61,63,66,68,69,70,72,76,79,86,88,89,90,91],implemet:38,impli:[2,34,96,103],implicitli:44,imposs:[72,142],impractic:90,improv:[8,46,47,63,82,117,127],in_arg:123,in_fals:22,in_plac:22,in_tru:22,inarg:[4,38],inbound:127,inc_path:93,includ:[7,8,9,14,15,22,24,30,33,34,40,43,53,54,57,59,63,68,69,71,72,77,78,80,82,88,111,113,117,119,121,127,138,139,140],inclus:72,incom:[44,62],incorpor:8,incorrect:8,increas:[35,39,53,98],increment:[49,58,63],incupd:112,inde:13,independ:[8,22,31,32,40,46,86,89,142],index:[7,8,11,13,14,22,29,31,32,33,35,39,44,78,80,91,106,127],indexslot:8,indiact:22,indic:[7,8,22,32,33,40,50,57,71,78,83,87,89,91,123,127],indice_map:91,indices_map:91,individu:[35,74,127],industri:[35,67,142],ineffici:[76,90],infer:[15,22,30,32,33,35,49,54,60,61,62,63,64,68,70,79,80,82,87,90,103,104],infer_shap:80,infer_var_type_:61,inferfac:61,inferior:42,infershap:[33,80,82,113,114],infershapecontext:[113,114],infervartypefn:61,info:[7,8,14,53,71,103,106,112,126,129,142],infom:8,inform:[8,14,22,29,33,43,52,59,62,63,66,67,70,71,74,80,84,86,87,117,127],infrastructur:[54,127],ingrad_:65,inherit:[33,73,82,89],ininst:30,init:[6,20,29,33,46,57,65,71,72,103,104,112,125,127,129],init_attr:80,init_from_tar:29,init_hook:106,init_model_path:[133,134,136],initi:[2,6,8,9,14,16,22,29,32,34,39,44,45,46,47,49,58,71,74,75,80,84,88,91,104,120,134],initial_max:[6,98],initial_mean:[6,8,98],initial_min:[6,98],initial_std:[6,8,98],initialize_op_attr:80,initpaddl:4,initrd:142,inlcud:9,inlin:[89,114,127],inner:[8,96,106,123],inner_:106,inner_mem:106,inner_param_attr:9,inner_pos_arrai:123,inner_rnn_output:106,inner_rnn_st:106,inner_rnn_state_:106,inner_seq_pos_arrai:123,inner_step:106,inner_step_impl:106,inproj_attr:8,inproj_bias_attr:8,inproj_param_attr:8,input0:114,input1:[8,9,114],input2:8,input:[2,5,7,8,9,11,13,15,21,22,23,29,31,32,33,38,42,44,45,46,47,48,49,53,54,55,56,57,58,59,61,62,63,65,66,70,71,72,75,76,79,80,81,82,83,86,88,89,90,91,96,97,98,103,104,105,106,108,109,112,113,114,120,123,129,136],input_conf:8,input_data:112,input_data_target:112,input_dim_idx:22,input_dtyp:22,input_featur:5,input_hassub_sequence_data:112,input_id:8,input_imag:9,input_index:112,input_label:112,input_lay:112,input_loc:8,input_nam:30,input_proj_bias_attr:9,input_proj_layer_attr:9,input_seg:91,input_seq:[8,22],input_sequence_data:112,input_sequence_label:112,input_sparse_float_value_data:112,input_sparse_non_value_data:112,input_t:112,input_to_check:31,input_typ:[96,106],input_valu:31,input_var:[31,80],inputbuff:38,inputdef:112,inputgradi:83,inputlayers_:112,inputs_to_check:31,inputsizechang:66,inputtyp:13,insert:[32,48,55,74,79,82,83,111],insid:[7,9,32,35,45,47,48,49,62,66,76,77,81,82,83,127],inspir:77,instal:[8,22,43,65,85,93,99,100,102,104,111,115,117,118,121,125,128,138,139,140],install_android:138,instanc:[8,22,31,33,35,37,41,44,45,46,48,50,55,60,66,71,72,75,80,82,83],instance_ip:127,instanti:[35,50,120],instead:[8,9,11,32,34,38,43,44,45,53,54,58,59],instrins:53,instruct:[33,58],int16:92,int32:[70,78,91,92,134],int64:[22,45,51,70,87,90,92],int64_t:77,int8:70,integ:[2,7,8,13,22,39,43,44,53,68,72,103],integer_sequ:96,integer_valu:[2,13,96,103,106,123],integer_value_sequ:[2,13,72,106,109,123],integer_value_sub_sequ:[106,123],integr:[7,142],intel:[54,70,89],intellig:[20,63],inteloptimizedpaddl:65,inter:[8,45],interact:[8,45,127],intercept:8,interchang:[58,82],interconnect:74,interest:[44,53,74],interfac:[6,8,9,20,24,26,27,29,33,39,43,52,59,74,76,82,83,89,127,142],intergr:8,intermedi:[22,45,52,55,57,63,73],intern:[8,9,20,24,29,53,117,118,127],internel:65,internet:[34,35,142],interpret:[7,22,50,54,55,92],intrins:[44,50,53],introduc:[8,15,33,35,57,64,67,84,86,88,117],intuit:[42,82],inval_:65,invalid:[81,86],invent:54,invoc:[34,56,82],invok:[2,8,18,29,32,45,48,76,80,82,83,88,90,119,127],involv:72,iob:7,ioe:7,ios:139,ios_arch:139,ios_deployment_target:139,ios_development_root:139,ios_enable_bitcod:139,ios_platform:139,ios_sdk_root:139,ios_use_veclib_for_bla:139,ip_str:129,ips:[127,129],ipt:[8,80,88,98,106,109],ipx:142,ipython:30,is_color:15,is_cpu_plac:66,is_inf:124,is_loc:29,is_mkldnn_librari:66,is_revers:22,is_seq:[8,109],is_spars:22,is_stat:[6,98],is_target:79,is_tensor:88,is_test:[22,66],is_traget:79,is_train:[2,15],isbinari:123,isinst:[4,48,103],ismkldnnkernel:66,ispodallrun:129,isspars:112,issu:[34,57],issue_numb:111,istag:85,item:[8,13,22,29,42,53,81,104,129,142],iter:[2,8,9,10,13,29,30,35,45,54,55,63,66,75,77,81,91],iter_multiple_input_and_param:80,its:[2,8,9,20,22,27,29,30,31,32,33,35,39,44,48,49,54,55,57,58,59,61,63,67,71,72,74,75,76,79,80,82,83,86,87,88,89,90,119,127],itself:[32,35,42,55,66,75,86],ivector:[123,124],ivs:88,java:[33,68,78,82],jeremi:119,jian:20,jku:22,job:[14,32,42,44,45,48,82,129,133,134,136],job_desc:45,job_dispatch_packag:126,job_id:14,job_nam:[43,127,129],job_namespac:[127,129],job_path:[127,129],job_path_output:129,job_workspac:126,jobdesc:45,jobnam:[45,129],jobpath:[127,129],jobport0:127,jobport1:127,jobport2:127,jobport3:127,jobselector:129,jobserv:43,join:[35,106],jointli:9,jpg:15,json:[59,127,128],jth:9,judg:8,juditski:75,jupyt:43,just:[5,7,8,9,14,22,34,39,40,44,45,54,55,57,61,66,75,76,80,81,82,83,84,86,87,127],jx4xr:127,jypyt:30,k8s:[44,129,142],k8s_data:[127,129],k8s_job:30,k8s_token:30,k8s_train:[127,129],k8s_user:30,kafka:37,kaim:20,kcpu:77,kcuda:77,kdisabl:77,kebilinearinterpbw:119,kebilinearinterpfw:119,keep:[8,13,15,20,35,54,55,58,72,75,80,86,88,142],keep_dim:22,keep_top_k:8,kei:[2,14,15,23,26,29,31,32,33,35,37,39,51,53,62,66,82,83,88,91,110,111,119,129],kept:[8,63,80],kera:84,kernel:[8,22,31,53,55,62,65,75,77,84,87,89,90,113,114],kernel_hint:62,kernel_type_for_var:90,kerneltyp:[62,66],key1:134,key2:134,key_pair_nam:127,keyid:127,keymetadata:127,keypair:127,keyserv:127,keystat:127,keyusag:127,keyword:[80,129],kforcecpu:62,kill:[35,127],kind:[2,30,31,35,41,45,48,55,58,62,66,73,74,77,89,90,92,96,103,127,128,129],kind_:77,kmark:77,kms:127,knchw8c:70,knchw:70,knhwc:70,know:[30,39,44,63,67,117,127],known:[22,32,33,54,56,71],kpoprang:77,kpushrang:77,kriz:14,krizhevski:22,kselectedrow:87,ksimonyan:9,kstate:77,kube_cluster_tl:30,kube_ctrl_start_job:30,kube_get_workers_addr:44,kube_list_containers_in_job_and_return_current_containers_rank:30,kubeconfig:127,kubectl:[126,128,129,130],kuberent:[35,127],kubernet:[30,35,44,45,82,125,129,131,132,142],kubernetes_service_host:30,kusecudnn:62,kusemkldnn:62,kvp:26,kwarg:[2,9,10,13,18,22,24,49,59,80,88,106],kwd:26,l1_rate:6,l1_regularization_op:84,l2_rate:6,l2_regularization_op:84,l2_sim:8,l2regular:96,l93:38,label:[2,7,8,13,14,15,22,29,45,49,54,57,58,59,73,78,81,90,96,103,106,120,128],label_dim:[8,106],label_fil:81,label_lay:81,label_path:81,labelselector:129,lag:134,lake:2,lambda:[22,44,48],lambdacost:8,lambdarank:8,lan:125,languag:[2,8,14,23,44,54,58,63,77,82,86,96,103],larg:[11,14,45,47,48,63,67,75,111],larger:[6,7,8,63],larger_than:[33,60,78],largest:22,last:[7,8,9,22,32,48,63,71,77,78,105,106],last_seq:[72,106],last_time_step_output:8,lastseen:128,latenc:[8,53,127],latent:8,later:[34,82,84,89,114,127],latest:[8,33,34,35,42,85,93,100,111,115,128,129,138],latter:[75,91,117],launch:[66,127],launcher:30,law:[2,96,103],layer1:[8,9,96,105],layer2:[8,96,105],layer3:8,layer:[4,6,7,9,11,13,16,20,28,29,32,33,38,44,45,47,54,57,58,60,73,75,78,81,82,84,88,89,91,96,98,103,104,105,108,109,112,120,123,124],layer_0:112,layer_att:97,layer_attr:[8,96,97,109,136],layer_help:62,layer_num:136,layer_s:123,layer_typ:[8,64,65],layerbas:112,layerconfig:112,layergradutil:112,layerhelp:[22,62,80],layermap:112,layeroutout:8,layeroutput:9,layers_test:93,layout:[15,66,90],layout_:[62,70],layouttyp:62,lazi:[75,84],lbl:7,ld_library_path:121,lead:[63,70],leaki:57,leakyrelu:22,learing_r:73,learn:[6,7,8,9,10,14,30,32,40,42,45,47,50,57,58,63,65,72,74,75,77,81,82,84,89,100,119],learnabl:[22,29],learning_r:[6,24,40,45,96,98,120],learning_rate_arg:98,learning_rate_decay_a:98,learning_rate_decay_b:98,learning_rate_schedul:98,leas:35,least:[7,35],leav:[33,127],lectur:63,lecun:14,left:[8,33],left_right_flip:15,legal:88,len:[2,8,22,40,44,51,54,80,104,106,112,129],length:[8,9,13,14,15,22,23,40,53,64,67,71,72,82,91,128],leran:63,less:[8,22,30,48,142],less_than:[30,63],lesser:22,let02:128,let:[7,8,30,33,42,44,55,56,58,62,66,70,71,72,73,83,89,90,117,127],level:[6,8,20,22,53,56,59,67,71,72,77,89,91,92,108,123],lgtest:34,lgtest_main:34,lib64:[93,100,134],lib:[69,99,117,118,121,138,139,140],lib_path:93,libapi:34,libari:69,libc:102,libcuda:[93,100],libgcc_:102,libgflag:121,libglog:121,libgoogl:[117,118],libiomp5:65,libmkldnn:65,libmklml_intel:65,libnvidia:[93,100],libopenbla:121,libpaddl:[68,69,82,111,117,118],libpaddle_capi:69,libpaddle_capi_engin:121,libpaddle_capi_lay:121,libpaddle_capi_shar:121,libpaddle_capi_whol:121,libpaddle_gserv:69,libpaddle_math:69,libprotobuf:[98,121],librari:[8,22,34,41,45,65,66,69,74,90,134],library_:70,library_type_:90,librarydevicecontext:70,librarytyp:90,libstdc:102,libz:121,licens:[2,65,74,96,103],life:35,lifecycl:[77,142],lifetim:86,lightweight:56,like:[7,8,13,14,22,32,33,34,35,38,43,44,50,54,55,56,57,58,59,61,66,70,74,75,80,81,82,83,84,86,87,90,91,117,120,127,142],limit:[2,8,13,22,54,63,67,72,82,84,96,98,103,119],linaro:140,line:[2,7,13,22,26,34,38,43,52,58,75,78,80,82,84,96,98,106,111,117,127,136],line_break:13,line_count:98,linear:[8,22,23,72,96,98,103,104],lineno:[117,118],link1:53,link2:53,link:[8,9,34,51,52,86,108,127,142],linux:[13,51,102,110,127,138,140],linux_x86_64:[85,93,102],lipo:139,list:[1,2,7,8,9,13,15,18,22,24,26,29,30,32,33,34,39,43,44,50,52,54,57,70,73,76,77,80,83,86,91,96,117,118,127,136],listdir:125,listen:[35,44,45],listen_and_do:44,listenanddo:44,lite:121,littl:[40,62,67],live:120,live_in:63,live_out:63,load:[15,30,35,45,57,74,80,103,127,129],load_and_transform:15,load_data_arg:4,load_imag:15,load_image_byt:15,load_missing_parameter_strategi:[133,134,136],load_mnist:57,load_paramet:98,loadparamet:4,loadsave_parameters_in_pserv:[38,133,134],loc:[7,20],local:[6,22,29,31,33,35,41,42,58,63,71,78,80,82,99,117,129,133,134],local_scop:31,localhost:[100,115],localip:129,localpath:52,locat:[8,22,29,34,54,70,77,89,91],lock:[34,35,39,40],lod:[22,67,71,87,91,92],lod_desc:[87,92],lod_expand:72,lod_level:[22,80,87,92],lod_rank_table_obj:22,lod_tensor:[22,71,87,92],lod_tensor_aarri:22,lod_tensor_arrai:22,lodrankt:22,lodtensor:[22,23,61,67,82,92],lodtensorarrai:22,lodtensordesc:[67,87],log:[39,45,52,57,94,98,102,112,125,126,127,128,129,130,134],log_barrier_abstract:[133,134],log_barrier_lowest_nod:[133,134],log_barrier_show_log:[133,134],log_clip:[133,134],log_error_clip:[133,134],log_period:[128,129,134,136],log_period_serv:[133,134],logarithm:[5,22],logger:[2,106],logic:[42,45,47,48,57,61,73,74,76,86,91],logist:22,logit:[57,90],longer:[35,45,63],look:[2,7,22,33,43,44,54,55,58,75,80,83,84,120,127],lookahead:8,lookup:[22,61,72,120],lookup_t:63,loop:[31,33,54,63,77,81,86],loop_var:91,loss:[8,22,24,32,45,57,59,73,75,84],lot:[45,70,72,75,80,84,89,142],low:[8,20,73,74,89,91],low_rnn:71,lower:[8,22,53,71,72],lower_level_rnn:71,lpaddle_capi_engin:121,lpaddle_capi_lay:121,lpaddle_capi_shar:69,lpaddle_capi_whol:69,lrelu:57,lstm:[8,22,106,109,128],lstm_bias_attr:9,lstm_cell_attr:9,lstm_group:[9,106],lstm_group_input:106,lstm_input:106,lstm_last:106,lstm_layer_attr:9,lstm_nest_group:106,lstm_output:106,lstm_step:9,lstm_unit_op:22,lstmemori:[9,97,106,109],lstmemory_group:[8,97,106],lstmemory_unit:97,lstmlayer:64,ltr:8,luckili:63,mac:[69,138],machin:[9,14,29,45,47,54,57,63,65,74,75,84,96,108,124,127,130,142],machine_transl:109,maco:[102,110],macro:[56,70,83],made:[35,40,54],mai:[2,8,9,22,31,33,45,49,53,55,62,63,66,74,77,81,82,86,90,96,103,127],main:[4,22,44,48,54,55,59,74,78,82,117,118,121,127],main_program:[18,22,32,49],mainli:[41,63,70,89],maintain:[8,33,39,75,80,82,127],majel:34,major:[45,53,90],make:[2,7,8,22,30,32,33,34,35,39,40,42,45,46,53,54,58,71,72,75,76,80,81,82,84,89,91,93,99,110,111,112,113,115,117,119,121,127,138,139,140,142],make_ddim:114,make_function_oper:56,make_vari:88,maker:[82,83],malloc:89,man:51,manag:[24,29,35,40,41,44,45,52,77,86,89,115],mandarin:8,mani:[9,15,32,34,39,44,54,57,62,63,72,76,77,80,82,83,86,87,88,90,91],manili:59,manipul:[54,80,83],manner:[8,75,84],mantain:63,manual:[45,73,75,83,98,142],manufactur:54,manylinux1:102,manylinux1_x86_64:[85,93,102],manylinux:85,map:[7,8,13,23,29,30,33,39,48,66,70,80,83,86,88,89,91,103,121,142],map_fn:91,map_read:13,mapper:13,mapreduc:30,margin:22,mark:[32,47,57,58,71,72,77,86,117,142],marker:77,market:53,mask:[6,8,22],master:[30,42,82,85,140],mastermind:34,mat:[68,69,123],mat_cache_row:38,mat_norm:38,mat_normal_shar:38,mat_param_attr:9,mat_sparse_row:38,mat_sparse_row_auto_grow:38,mat_sparse_row_id:38,mat_sparse_row_prefetch:38,mat_sparse_row_prefetch_full_s:38,mat_value_shar:38,match:[22,34,53,96],matchbox:142,math:[9,65,68,82,112,113,119],mathemat:84,matirx:8,matmul:[33,59,71,91,113],matric:22,matrix:[7,8,9,13,22,23,29,38,68,69,112,113,121,123,124],matrixptr:112,matrixtyp:69,mattyp:38,max:[6,8,13,14,22,23,31,46,48,63,80,98,105,119,136],max_diff:31,max_id:[8,29],max_job_id:14,max_length:[8,72,109],max_movie_id:14,max_relative_error:[31,113],max_seq_len:22,max_sort_s:8,max_user_id:14,max_x:22,maxframe_evalu:7,maxid:7,maxid_evalu:7,maxim:[8,48],maximum:[7,8,14,22,33,40],maxinum:11,maxoutfunctor:89,maxpool:8,mayb:[33,66],mchw:22,md5:[14,36],mean:[6,7,8,9,10,11,13,15,20,29,32,34,45,46,48,59,72,79,81,86,90,96,117,120,127,134,142],mean_var_nam:8,meant:91,measur:49,mechan:[8,9,23,32,41,49,66,80,83,127],mem:[8,33,43,72,106],mem_per_pserv:45,mem_per_train:45,member:[8,14,30,48,58,59,70,76,80,86],memcpi:[76,119],memor:8,memori:[9,32,33,38,39,43,53,55,65,66,67,70,72,75,77,82,90,109,114,119,120,128],memory_boot:9,memory_nam:[8,97],memory_optim:63,memory_test:110,memory_threshold_on_load_data:[133,134],memoryalloc:89,memorydesc:66,mention:[22,32,34,39,45,47,54,71,74,75,77],mere:9,merg:[8,18,22,40,42,46,49,65,71,74,76,111,124],merge_model:124,merge_v2_model:124,merge_v2_modelss:124,messag:[33,44,50,54,55,58,67,77,78,79,80,82,83,87,92,93,111,128],metadata:[51,127,128,129],metal:142,metaphor:58,metaplotlib:30,method:[2,8,10,20,24,29,31,33,42,44,45,46,48,53,57,58,59,62,73,74,80,81,82,86,87,90,91,117,118],methodolog:75,metric:[18,49,77],mfs:129,microarchitectur:53,might:[8,33,34,44,54,63,78,117,127],million:14,min:[6,8,22,46,48,80,119,127,136],min_block:33,min_count:47,min_desc:33,min_pool_s:[2,96],min_word_freq:14,mind:117,mini:[8,13,18,22,29,33,35,49,50,54,60,71],mini_batch:81,minibatch:[8,22,33,49,58,60,78],minim:[24,33,45,47,48,54,57,73,82,120],minimum:[8,22],minsizerel:[138,139,140],minu:83,minus_grad:83,minusgradop:83,minusop:83,minusopgradmak:83,minusopprotoandcheckermak:83,minut:[35,42,127],mip:138,mirror:34,mislead:40,mismatch:22,miss:57,mistak:54,mit:127,mix:[9,77,91,109],mixed_lay:[9,106],mixed_layer_attr:9,mixedlayertyp:8,mixtur:117,mkdir:[52,99,115,121,127,130],mkl:[66,82,89,90,93,99,121],mkl_packed_:64,mkldnn:[8,65,70,90],mkldnn_:65,mkldnn_batch_norm:8,mkldnnactiv:65,mkldnnbase:65,mkldnnlayer:65,mkldnnmatrix:65,mkldnnstream:65,mkldnntester:65,mklml:[65,93],mklml_lnx_2018:93,mklpack:64,mklpackedgatedrecurrentlay:64,mklpackedgemm:64,mklpackedlstmlay:64,mklpackedrecurrentlay:64,mlp:59,mlr:20,mnist:[2,4,37,45,57,58,78,81,82,117,118,124],mnist_model:4,mnist_provid:2,mnist_random_image_batch_read:81,mnist_train:[2,81],mnist_train_batch_read:81,mnist_v2:124,mnt:129,mobil:[53,54,63,82,115,137],mode:[8,26,29,53,64,74,111,129],model:[8,9,14,23,29,32,33,35,36,44,45,47,48,49,58,63,64,73,74,75,82,84,90,91,103,104,115,124,127,136],model_config:4,model_list:[134,136],model_path:136,modelparallel:45,modern:63,modifi:[8,45,53,59,84,111,127],modul:[2,9,14,29,45,56,57,72,91,98,113,117,118],modular:72,modulo:8,moment:[24,117],momentum:[6,22,24,86,96,103],momentumop:[117,118],mon:128,monitor:77,mono:8,month:34,more:[7,8,9,13,22,30,31,32,34,35,39,42,43,45,47,52,53,54,55,56,58,62,63,66,70,71,72,73,77,80,81,82,84,89,91,98,117,119,120,142],most:[8,13,22,29,30,32,34,42,45,55,58,59,70,72,75,77,81,84,89,117,120,142],mostli:[53,142],motiv:82,mount:[43,127],mountpath:[127,128,129],move:[8,35,39,52,54,75,127,142],movi:[2,14],movidiu:54,movie_categori:14,movie_id:129,movie_info:14,movie_review:14,movieinfo:14,moving_average_fract:8,mpi:[74,130],mpirun:130,mse:[54,58,73,78],msra:20,much:[8,22,35,54,66,73,81,84,91],mul:[56,63,80,112,113],mul_grad:113,mul_op:[22,113],mul_ratio:8,mul_result:80,mulgradkernel:113,mulkernel:113,mulop:[56,113],mulopgrad:113,mulopmak:113,mult:[44,55],multi:[8,49,74,76,90,117,142],multi_binary_label_cross_entropi:8,multidimension:22,multigradientmachin:76,multinomi:8,multip:23,multipl:[7,8,9,13,18,22,23,29,30,31,39,40,42,44,45,47,49,54,55,56,62,74,77,82,90,92,103,117,127],multiple_input:80,multiple_param_attr:80,multipli:[7,8,22,44],multiprocess:13,must:[5,7,8,9,13,15,22,32,40,48,63,66,67,70,77,79,80,81,82,88,92,96,112,113,114,125,127],mutabl:[89,114],mutable_data:[66,89,113,114],mutuable_data:89,mxnet:[33,44,54],my_cluster_nam:127,my_cost:98,my_external_dns_nam:127,my_lib:125,myerrorclip:48,myfil:13,mypaddl:[128,129],naiv:44,name:[6,7,8,9,11,15,18,22,26,29,30,31,32,33,35,37,38,40,43,44,45,49,53,56,59,62,65,66,67,69,70,72,77,78,80,82,85,87,88,91,92,98,103,104,106,109,112,119,120,128,129,131,132,136,142],name_:77,name_prefix:37,namespac:[33,60,68,80,112,113,128,129],nativ:[8,53],natur:[22,39,42,47,72,91],ncall:[117,118],nccl1:74,nccl2:74,ncclinit:74,nchw8:90,nchw8c:90,nchw:[8,22,65,70],ndarrai:[15,29,37],ndcg:8,ndcg_num:8,ndk:138,nearest:53,nearli:31,necess:91,necessari:[8,32,33,40,42,48,49,63,67,72,76,80,88,91],necessarili:44,neck:74,need:[7,8,9,13,20,22,23,24,27,30,31,32,34,38,39,40,42,43,45,47,48,49,52,54,55,56,57,62,63,66,70,72,73,74,75,76,77,79,80,82,83,84,86,87,88,89,91,93,119,127,129,142],need_tran:98,neg:[2,7,8,22],neg_distribut:8,neg_overlap:8,neg_pos_ratio:8,neglect:8,neighberhood:74,neither:8,neon:53,ner:7,nervana:54,nest:[8,13,32,33,77,78,92,123],net:[8,9,16,22,33,57,71,86,124],netop:[33,82],network:[4,6,7,8,13,20,23,27,28,29,30,31,32,33,35,38,45,47,49,57,59,63,64,65,71,73,75,77,80,81,84,86,88,89,90,92,97,103,104,106,123,124,129,136,142],network_config:136,networkadministr:127,neural:[8,9,13,20,29,30,32,33,35,45,59,63,64,65,71,75,84,86,89,90,92,104,106,108],neuralnetwork:76,never:[13,63,81,86,127,128,129],new_block_idx:80,new_dim:22,new_op_desc:48,new_scop:90,new_stat:71,newblock:80,newbuff:66,newest:40,newli:[53,142],newop:33,newopdesc:80,newprogram:80,newscop:90,newvardesc:80,next:[2,8,14,32,35,41,48,72,74,91,117,127],nextlay:65,nfs4:127,nfs:[127,129],nfsdir:129,nfsver:127,ngram:14,nic:[129,133,134],nil:39,nine:14,nlp:8,nltk:14,nms_threshold:8,nms_top_k:8,nmt_without_attent:96,nnz:[112,123],no_cach:2,no_grad_dict:32,no_grad_set:[24,31,32,113],no_gradi:32,no_sequ:[2,8,103],node0:129,node1ip:130,node2ip:130,node3ip:130,node:[8,34,42,44,45,47,59,63,72,74,82,127,128,129,130,142],node_0:[127,129],node_1:[127,129],node_2:[127,129],node_id:125,nodeattr:59,nodeentri:59,nodefil:126,nodesep:59,nohup:125,nois:[8,35,57],noisi:[8,57],non:[8,22,35,53,54,87,127],none:[2,4,6,7,8,9,10,11,15,18,20,22,23,24,29,30,31,32,33,48,49,57,59,60,71,72,73,78,80,88,91,109,120],noneedtran:66,nonlinear:20,nontranspos:22,nor:44,norm:[9,22,57,70],norm_by_tim:8,normal:[8,9,14,20,22,75,128,129],notat:[8,63],note:[6,8,9,11,15,18,22,23,29,30,32,33,38,39,43,63,67,70,74,81,82,89,90,114,127],notebook:[43,100],noteworthi:54,noth:[5,29,62,80,86,111],notic:[8,48,54,74,83],notimplementederror:48,notin:90,notingradi:113,notion:91,notori:31,now:[13,32,34,35,47,57,67,70,75,82,83,84,86,108,127],np_arrai:13,nproc:110,nullptr:[66,77,83,86,112],num:[8,9,125,129,134],num_channel:[8,9],num_chunk_typ:7,num_class:[8,9,59],num_col_dim:22,num_filt:[8,9,22,23],num_flatten_dim:22,num_gradient_serv:[125,133,134],num_hidden:59,num_neg_sampl:8,num_or_sect:22,num_parameter_serv:30,num_pass:[29,103,128,129,133,134,136],num_per_batch:15,num_pserv:45,num_repeat:8,num_result:7,num_results_per_sampl:8,num_row:87,num_samples_process:98,num_shard:37,num_step:91,num_train:45,number:[7,8,9,13,14,15,22,33,35,37,47,49,63,75,77,81,82,88,91,117,127],numchunktyp:7,numdevices_:136,numer:8,numeric_grad:31,numerical_grad:31,numlogicaldevices_:136,numofallsampl:7,numofwrongpredict:7,numpi:[6,13,15,22,29,37,53,57,80,81,98,99,103,113],numreal:38,numsampl:119,numtagtyp:7,numtimeout:39,nv_:34,nv_gpu:110,nv_librari:34,nv_test:34,nvcc:[34,53,55],nvidia:[53,70,74,89,93,100,110],nvlink:74,nvprof:77,obei:7,obj:[2,98],object:[2,6,8,9,13,22,29,30,38,45,48,49,57,59,63,68,73,77,80,82,84,86,119],observ:8,obtain:[2,8,22,42,75,96,103],obvious:[34,70,117],occup:[63,129],occupi:[53,77],occur:[14,29,63],occurr:33,oct:128,odd:8,odoti:22,off:[69,99,110,111,115,121,125,138,139,140,142],offer:[33,82,88],offici:[8,34,127],offlin:[35,37,142],offset:[8,22,38,123],often:[8,38,59,63,70,117],ograd:112,old:[31,40,42,72,82],older:[22,54],omega:84,omit:[22,96],omp_num_thread:[117,118],ompi_comm_world_rank:125,on_init:2,onc:[8,35,39,44,45,47,49,54,58,75,127],one:[2,5,7,8,9,11,13,20,22,24,27,29,30,31,32,33,35,38,39,40,42,43,44,45,48,49,50,53,54,55,56,57,59,61,62,66,67,70,71,72,73,74,75,76,78,79,80,81,82,83,86,87,89,90,91,120,123,127,142],onehotcrossentropyopkernel:113,ones:[56,57,82],onli:[7,8,9,11,15,22,27,29,30,31,32,34,38,39,40,41,42,43,44,45,47,48,49,50,52,53,54,57,58,63,66,71,72,73,74,76,77,80,82,87,88,89,90,91,106,108,123,127,142],onlin:[8,10,35,37,63,81],only_cpu:31,onnx:54,onto:[22,45,47,127],op1:[63,90],op1_2_op2:90,op1_to_op2:90,op2:[63,90],op3:63,op_:113,op_check:113,op_class:[82,88],op_desc:[48,61,79],op_info:120,op_kei:66,op_maker_class:[82,88],op_proto:88,op_registri:120,op_siz:48,op_test:113,op_typ:[82,113],op_unique_kei:66,opattrcheck:113,opcreat:88,opdesc:[33,48,58,78,79,80,82,83,88,92],opdescbind:[61,83],opdescbuild:33,open:[2,8,15,30,37,54,57,65,81,96,98,103,106,117,127],openbla:[99,100,121],opencv:15,openmp:117,openmpi:[125,130],opensourc:74,oper:[8,9,13,15,20,22,24,27,31,33,44,45,46,47,49,50,53,54,55,57,58,59,61,62,71,72,73,74,77,79,84,86,89,90,92,113,114,120,127],operand:[22,53],operartor:114,operator_grad:31,operator_list:77,operatorbas:[33,56,82,83,88,113],operatorwithkernel:[90,113],opinfo:[61,82,83],opinfomak:61,opinfomap:83,opkernel:[113,114],opkernelkei:82,opkerneltyp:[70,90],opmak:88,opposit:22,opproto:113,opprotoandcheckermak:[83,113],opprotomak:[88,113],opregist:88,opregistri:88,ops:[24,31,32,33,34,44,55,58,59,75,78,79,80,82,89,113,142],ops_:33,ops_test:34,opt:[30,73,79,88,99,129],opt_op_list:73,optest:113,optim:[6,16,28,29,31,32,45,46,47,55,57,74,75,76,78,82,84,87,96,98,103,117,120],optimis:73,optimize_op_attr:80,optimzi:96,option:[7,8,18,22,26,30,34,45,57,62,67,78,79,80,82,87,88,92,117,138,142],optmization_op_list:73,opts_np:79,optyp:[61,88],opwithkernel:87,order:[8,9,13,15,22,29,32,58,67,77,81,84,91,117,118,127,129,142],ordereddict:29,orderli:22,oregon:127,org:[2,7,8,9,14,20,22,37,51,57,96,100,103],organ:[7,8],orient:88,origin:[8,9,13,14,22,31,53,57,86,91,111],other:[7,8,9,13,22,24,33,35,40,44,52,53,54,55,61,63,66,70,71,75,79,84,86,88,89,90,117,120,127,142],otherchunktyp:7,otherwis:[8,13,14,15,22,29,30,32,35,40,42,57,61,66,81],our:[22,30,32,34,45,47,57,61,63,70,74,75,86,91,117,127],out:[8,22,23,29,30,33,34,39,42,45,48,54,59,63,66,71,72,80,90,96,106,108,109,113,114,117,118,127],out_dir:[127,129],out_fals:22,out_left:8,out_mem:109,out_memori:9,out_right:8,out_size_i:8,out_size_x:8,out_tru:22,outer:[8,106],outer_mem:106,outer_rnn_st:106,outer_rnn_state_:106,outer_step:106,outgrad_:65,outlier:8,outout_lay:29,outout_layer1:29,outout_layer2:29,output:[5,6,7,9,11,13,22,23,26,29,30,31,32,33,37,42,44,47,48,52,55,56,57,58,59,60,61,63,66,67,71,72,75,78,79,80,81,82,83,86,87,88,89,90,91,96,103,106,109,113,114,117,124,126,128,129,136],output_:[8,65],output_all_step:71,output_arg_nam:48,output_dim_idx:22,output_dtyp:22,output_fil:[26,124],output_id:8,output_lay:[29,96,103,104],output_max_index:11,output_mem:[8,109],output_mod:26,output_nam:31,output_num:71,output_path:37,output_s:22,output_seg:91,outputbuff:38,outputgradi:83,outputh:8,outputw:8,outsid:[2,8,9,45,86],outter:123,outter_pos_arrai:123,outter_seq_pos_arrai:123,outupt:91,outv:112,outval_:65,over:[8,9,22,29,30,54,63,74,75,91],overal:[57,75,77,142],overfit:84,overlap:[7,8],overlap_threshold:[7,8],overload:[53,62],overrid:[33,35,52,66,89,113,114],overview:[39,40,41,89],overwrit:52,own:[8,32,40,42,48,50,59,61,73,74,75,84,88,127],paam:15,pack:[91,98],packag:[13,14,39,43,44,56,65,85,93,117,118,127],pad:[9,22,66],pad_c:8,pad_h:8,pad_w:8,padding_attr:8,padding_h:22,padding_i:8,padding_w:22,padding_x:8,paddl:[2,4,5,6,7,8,9,10,11,13,14,15,18,20,21,22,23,24,26,27,29,30,33,34,35,37,43,45,52,55,56,57,60,64,65,66,67,68,69,71,72,76,78,82,84,85,88,89,91,96,98,99,100,102,103,104,109,110,111,112,113,115,117,118,119,120,121,123,124,125,126,127,128,129,130,136,138,142],paddle_arguments_get_sequence_start_po:123,paddle_arguments_set_id:123,paddle_arguments_set_sequence_start_po:123,paddle_arguments_set_valu:123,paddle_begin_init_param:40,paddle_capi:121,paddle_dir:113,paddle_doc:115,paddle_docs_cn:115,paddle_element_typ:40,paddle_element_type_float32:40,paddle_element_type_float64:40,paddle_element_type_int32:40,paddle_element_type_int64:40,paddle_element_type_uint32:40,paddle_element_type_uint64:40,paddle_enforc:[33,66],paddle_enforce_eq:[113,114],paddle_error:[68,69],paddle_exampl:43,paddle_finish_init_param:40,paddle_get_param:40,paddle_gradi:40,paddle_gradient_machine_create_shared_param:124,paddle_gradient_machine_forward:124,paddle_gradient_machine_load_parameter_from_disk:124,paddle_init:124,paddle_init_num_gradient_serv:125,paddle_init_param:40,paddle_init_port:125,paddle_init_ports_num:125,paddle_init_ports_num_for_spars:125,paddle_init_pserv:125,paddle_init_trainer_count:125,paddle_init_trainer_id:125,paddle_init_use_gpu:125,paddle_ivector:123,paddle_ivector_cr:123,paddle_job:43,paddle_manylinux_devel:99,paddle_matrix:[68,69,123,124],paddle_matrix_cr:[69,123],paddle_matrix_create_spars:123,paddle_matrix_get_row:123,paddle_matrix_get_shap:68,paddle_matrix_shap:68,paddle_matrix_sparse_copy_from:123,paddle_n:129,paddle_new_etcd_pserver_cli:40,paddle_new_pserver_cli:40,paddle_on_cloud:43,paddle_output:128,paddle_paramet:40,paddle_port:129,paddle_ports_num:129,paddle_ports_num_spars:129,paddle_process_by_paddl:129,paddle_pserver2:126,paddle_pserver_cli:40,paddle_pserver_client_releas:40,paddle_r:123,paddle_root:121,paddle_save_model:40,paddle_send_grad:40,paddle_server_num:129,paddle_train:[69,85,126,129],paddle_with_cuda:77,paddle_with_mkldnn:70,paddlepaddl:[2,8,9,13,14,15,29,34,35,37,40,41,42,43,44,45,51,52,56,57,58,60,62,67,71,72,73,76,77,80,81,82,86,91,92,96,99,100,102,103,104,109,110,111,116,117,118,119,123,124,125,126,128,129,131,132,138,140,142],paddlepaddle_gpu:102,paddlepaddlebook:100,page:127,pair:[7,23,24,26,32,33,45,58,73,77,82],pairwis:8,pakcag:34,paper:[8,20,22,57],para:38,paradigm:[44,50,82],paragraph:71,paragraph_data:71,paragraph_out:71,parallel:[44,45,47,74,77,82,90,119,127,128,129,136],parallel_for:44,parallel_nn:[6,133,134],paralleldo:46,parallelfor:44,param:[6,8,9,13,22,24,31,33,40,76,80,89,98,114],param_attr:[8,9,22,23,38,80,96,98,109],param_config_proto:40,param_fil:[98,124],param_initi:22,paramattr:[6,8,16,22,96,98,109],paramet:[7,9,10,11,13,18,21,22,24,28,31,32,33,34,36,38,42,44,45,46,48,50,52,54,55,57,58,59,61,67,71,73,74,78,81,86,88,91,96,98,103,104,120,123,125,126,129,134],parameter_block_s:[133,134],parameter_block_size_for_spars:[133,134],parameter_learning_r:6,parameter_list:[24,32,73],parameter_nam:[29,30],parameter_serv:30,parameter_valu:38,parameterattribut:[6,8,9,38],parameterclient2:129,parameterclient_:38,parametermap:112,parametermutex_:38,parameters_:112,parameters_and_grad:[24,73],parameterserver2:38,parameterset:30,parameterupdat:76,parameterupdater_:38,parametr:8,params_grad:73,params_pass_4:124,params_pass_90:103,params_pass_:103,paramt:127,paraspars:112,parent:[33,44,78,80,82],parent_:[33,86],parent_idx:80,parenthes:82,pars:[13,14,34,45,59,110,127],parse_config:4,parse_known_arg:129,parsefromstr:98,parser:[13,129],part:[7,8,22,23,32,33,42,45,54,66,67,78,80,89,117,142],partial:[8,29],partial_sum:8,particular:[58,67,82,90],particularli:20,partit:[35,37,45,47,82,127],paserv:129,pass:[2,8,18,22,27,29,32,33,35,48,49,54,57,63,67,73,75,76,79,80,81,82,84,86,91,96,103,111,119,127,128,129,134,136],pass_gener:8,pass_id:[29,45,103],pass_idx:81,pass_manu:98,passtyp:112,past:[30,127],patch:51,path:[7,13,14,15,29,35,39,40,43,63,72,81,121,127,128,129,134,138,139,140],path_to_paddlepaddle_working_directori:115,pattern:[14,35,68,75,84,127],paus:[35,42],pcie:74,pd_api:123,pdf:[9,22],peephol:22,peer:[74,94],pem:[30,37,127],pend:[35,39],pep425tag:[93,102],per:[7,8,14,15,22,35,40,74,75,81,84],percal:[117,118],perf_test:[117,118],perform:[8,9,20,22,31,40,45,49,53,54,57,63,74,76,77,81,82,84,89,90,118,119,133],perftool:[77,117,118],period:[35,42,134],permiss:[2,96,103,127],permut:22,peroid:[8,15],persist:[22,50,87,92,127],persistentvolum:127,persistentvolumeclaim:[127,129],person:[7,30,62],perspect:82,perturb:31,pex:142,pfs:[37,52],pfsclient:37,pfspath:52,pgp:127,phase:[66,72,74,75,81,83,142],philosophi:[75,84],photo:57,physic:142,pick:[22,127],pickl:[125,130],pictur:74,piec:[9,44,77],pil:15,pillow:43,pip:[85,93,99,102,104,111,115,117,118],pipe:13,pipelin:49,piperead:13,pivot:66,pixel:[2,8,13,14,45],pixels_float:2,pixels_str:2,place:[2,22,32,33,35,42,45,47,50,62,66,74,82,90,114,120],place_:[62,70,89,90],placehold:[57,89,114],placement:47,plain:[7,8,13,43,67,69,70],plan:[35,44,66,82],platform:[33,55,66,70,77,89,90,102,113,114,120,127,138,139],pleas:[6,8,9,10,15,22,30,35,39,40,41,44,55,59,70,71,80,81,82,89,92,93,115,117,127,129],plot:30,plu:[8,31],plug:[74,75],pnpairvalid:133,pod:[37,43,44,127,128,129],pod_nam:127,podip:129,podlist:129,point:[22,33,35,43,53,63,66,74,89,114,117,119,123,142],pointer:[33,40,59,63,70,80,82,86,89,114,123],polar:14,poli:98,polici:127,pollut:42,polyak:75,ponit:59,pool3:112,pool:[9,22,28,46,63],pool_attr:9,pool_bias_attr:9,pool_layer_attr:9,pool_pad:[9,22],pool_siz:[2,8,9,22,23],pool_size_i:8,pool_strid:[9,22,23],pool_typ:[8,9,22,23],pooled_height:8,pooled_width:8,pooling_lay:[9,96],pooling_typ:[8,96,105],poolingtyp:11,pop:[33,50],popul:40,popular:[34,57,59,77],port:[34,44,117,125,127,128,129,133,134],port_num:133,portabl:59,portal:115,ports_num:[125,129,134],ports_num_for_spars:[38,125,129,133,134,136],pose:35,posit:[2,7,8,9,22,123],positive_label:7,possibl:[30,33,39,47,63,80,84,92],post:[43,51],postpon:84,potenti:[53,119],pow:98,power:[53,63,74,142],ppo_workspac:115,pprof:[117,118],pre:[8,9,14,30,40,62,63,127],pre_activ:80,pre_bia:80,pre_stat:[71,91],preambl:80,precis:[7,49,53,75],precision_evalu:7,precompil:50,pred:[59,63],predecessor:63,predetermin:8,predic:14,predict:[2,4,7,8,22,29,45,84,96,104,124],predict_fil:[133,134],predict_lay:29,predict_output_dir:[133,134],predict_sampl:4,prediction1:29,prediction2:29,prefer:[54,62],prefetch:[38,112],prefix:[7,9,35,37,72,127],pregrad:112,prepand:80,prepar:[31,43,76,125,130,131],prepend:[22,80],prepend_oper:80,preprocess:[14,15,91],present:[30,32,33,77,91,111],preserv:52,press:20,prev_batch_st:[133,134],prev_cel:22,prev_cell_data:22,prev_hidden:22,prev_hidden_data:22,prevent:[10,30,35,39,42,48,84,117],preview:82,previou:[8,9,22,29,32,35,47,52,71,72,117,127],previous:8,previous_memori:33,price:[14,82,104],prim:66,primari:[54,58],primarili:[75,84],primit:[53,65,66,74,91],primitive_desc:66,primitivedesc:66,principl:[30,34,70],print:[4,6,29,30,45,54,59,80,93,102,103,104,117,130],print_graphviz:59,printallstatu:119,printer:7,printstatu:119,priorbox:8,prioriti:82,prite:7,privat:[33,69,77,80,86,87,88,89,91,111,114],privileg:127,pro:74,prob:[7,29,104],probabilist:8,probabl:[7,8,22,29,72],problem:[8,30,31,34,42,54,57,58,75,82,84],proc:100,proce:[13,35,81,127],procedur:[33,67],proceed:20,process2:106,process:[2,6,8,9,13,22,30,32,33,37,38,39,42,44,45,49,50,54,55,59,63,65,67,74,84,88,90,96,98,106,117,127,129],process_num:13,processor:[53,119],prod:111,produc:[8,9,13,22,35,54,59,81],product:[8,9,22,23,43,54,103,127],productgraph:128,prof:[117,118],profil:[16,52,77,118,119],profilerst:77,profl:118,proflier:[77,119],prog:129,program:[13,18,20,22,26,30,32,37,40,42,45,47,50,58,60,63,73,74,77,81,82,86,92,117,119,129],programdesc:[44,45,50,54,63,67,79,80,83,92],programm:[45,54,80],progress:[35,39],proj:8,project:[8,9,43,69],promis:[8,9,72],prompt:[52,54],prone:30,prop_kind:66,propag:[8,10,32,54,75],proper:62,properli:62,properti:[59,84],propos:[33,46,47,72,73,74,75,91],proprietari:65,protect:[53,88,112,113],proto:[11,62,67,70,78,82,88,92,113],proto_:88,protobuf:[29,33,43,44,45,50,54,55,58,59,63,67,78,80,82,83,88,98,121,124],protocol:[7,120,142],protomak:113,provi:125,provid:[8,14,22,30,33,40,43,44,49,50,53,54,57,59,61,62,70,74,75,77,80,84,88,89,91,96,104,106,117,127,133,142],provis:[127,142],prune:[8,33],ps_desir:35,pserver:[29,38,40,41,43,82,125,126,127,129,133,134],pserver_addr:40,pserver_cpu:43,pserver_id:36,pserver_mem:43,pserver_num_thread:[38,133,134],pserver_spec:29,pseudo:[30,32,43,83,91],pseudocod:91,psize:112,ptr:[69,89],pub:130,pull:[34,82,85,100,138],purpos:[8,35,45,47,62,119],push:[33,50,54,77,85,129],push_back:112,put:[34,35,38,47,63,66,80,89],pvc:127,pwd:[99,100,110,111,115,138],pxe:142,py_paddl:[4,93],pybind:[33,53],pydataprovid:96,pydataprovider2:[2,4,129],pyramid:8,pyramid_height:8,python2:[117,118],python:[22,29,30,33,41,49,50,54,56,57,58,59,62,68,72,76,77,82,85,89,91,93,96,99,102,104,109,110,111,112,113,115,118,120,124,125,130],pythonpath:93,pytorch:[54,77],qualcomm:53,queri:[7,8,23,127],query_id:7,question:[8,30,44,47,88,127],queue:47,quick:59,quick_start:[43,127,128,129,131],quick_start_data:128,quickli:[72,80,82],quickstart:128,quit:72,r14b:138,r_h_val:22,r_t:8,rais:[13,22,48,59,125],rajathkmp:57,ran:[47,119],rand:[57,98,119,123,134,136],rand_max:123,random:[6,8,13,20,37,57,70,76,80,81,98,113],random_crop:15,random_imag:37,randomli:[15,42,123],rang:[8,13,20,22,37,44,45,53,57,63,77,81,88,129],rank0:74,rank1:74,rank:[8,22,30,91,127],rank_tabl:22,rankdir:59,ranktabl:22,rapid:83,rare:2,raspberri:141,raspberrypi:140,raspbian:140,rasspberri:140,rate:[6,7,8,9,10,14,40,96,129],rather:[32,43,57,91,127],ratio:[8,134],raw:[8,22,67],rdma_tcp:[133,134],reach:[35,63,74],read:[2,13,15,22,29,30,32,35,37,44,45,47,54,55,81,82,91,98,127,142],read_from_arrai:63,read_from_realistic_imag:30,read_from_rng:30,read_lock:36,read_minibatch:54,read_mnist_imag:30,read_next_from_fil:96,read_paramet:98,read_ranking_model_data:30,readabl:[77,82,117],reader:[14,29,37,45,53,57,58,78,103,117,118,125],reader_cr:37,reader_creator_bool:81,reader_creator_random_imag:[13,81],reader_creator_random_image_and_label:[13,81],readi:[35,127,128,142],readlockguard:38,readm:[69,111],readwritebuffer_:38,readwritemani:127,real:[8,22,38,57,81],real_process:2,realist:30,realiz:[33,71],realli:[54,84],rearrang:22,reason:[9,30,31,35,54,128],recal:7,receiv:[35,43,45,47,71],recent:[63,75],recognit:8,recommend:[9,22,30,129],record:[13,39,66,77,88,127],recordev:77,recordio:[13,14,30,37,39],recov:[35,91],recover:82,recoveri:39,rectifi:[8,20],recurr:[64,71,86,106,107],recurrent_group:[9,97,106,108,109],recurrent_lay:9,recurrent_op:91,recurrentgradientmachin:[69,72,91],recurrentgroup:7,recurrentlay:64,recurs:[32,33,34,52,63,82],recv:[44,45,47,74,127],recvparametertyp:38,red:[57,117],redirect:13,reduc:[8,22,47,53,74,82,117,118],reduce_by_kei:82,reduce_mean:57,refactor:[45,47,58,72,75,76,80,84,91],refer:[6,8,9,10,15,20,22,23,26,31,33,35,39,40,41,44,53,59,66,70,71,74,78,80,82,84,86,89,91,92],referenc:39,refine_unknown_arg:129,reflect:39,reg:88,regard:142,region:[8,86],regist:[63,70,83,89,90],register_gpu_profil:119,register_lay:112,register_op:[56,82,83,88,113],register_op_cpu_kernel:[89,113],register_op_cuda_kernel:[89,113],register_op_without_gradi:[82,113],register_oper:[61,83],register_tim:38,register_timer_info:119,registerop:88,registr:120,registri:[43,61,89,128,142],regress:8,regular:[6,16,24,32,96,127],regularization_coeff:27,reiniti:66,rel:[9,31,42,84],relat:[35,42,43,53,70,77,86,90,117,142],relationship:[83,89],releas:[85,93,121,127,138,139,140],reli:[31,44,72,73,75,84,117],reliabl:[35,84],relu1:59,relu2:59,relu:[8,57,59,63],relwithdebinfo:[117,118],remain:91,remaind:22,rememb:8,remind:89,remot:[6,34,38,45,82,111,127,134,136],remoteparameterupdat:[38,41],remov:[13,22,32,45,52,54,72,111],ren:20,renam:[32,52,53],reorder:66,reorder_primit:66,reorgan:8,repeat:[33,58,78,79,87,88,92,117],repeatedli:[58,63],replac:[34,39,61,75,83],replic:45,replicaset:43,repo:[34,140],report:[39,53,54,77],reportdataset:39,repositori:[8,115,138],reprenset:22,repres:[8,9,22,23,32,33,39,44,45,47,48,54,59,67,70,72,75,80,82,84,87,89,91,92,127],represent:[8,22,40,45,55,57,58,63,70,72,87],request:[34,35,38,42,44,82,85,127,128,142],requir:[2,7,8,24,30,32,35,40,42,43,45,47,48,52,53,59,63,65,71,75,77,78,79,82,84,87,88,92,96,103,115,127,142],requisit:63,research:[14,45,54],reserv:[2,22,52,96,103],reserveoutput:112,reset:[8,18,22,35,49,94],reset_program:[18,49],resetingrad:65,resetinvalu:65,resetoutgrad:65,resetoutvalu:65,resetxxx:65,reshap:[31,81,98],reshape_s:8,resid:22,resiz:[15,38,89,113,114],resize_s:15,resize_short:15,resolv:[34,111,128],resourc:[45,50,74,77,89,127],respect:[22,31,48,53,57,71],respons:[8,38,45,49,57,74,75,76,84,127,128],rest:[22,33,43,51,55,90,142],restart:[35,40,127,128,142],restartpolici:[127,128,129],restor:[31,75],restrict:[84,86,117,118],result:[2,5,7,8,21,22,26,29,31,32,39,49,57,58,59,63,67,72,73,74,76,103,117,119,120,127],result_fil:7,resum:42,retran:127,retriev:[33,72,86,117],return_op_list:24,return_seq:9,reuqest:85,reus:[33,42,72,81,82],rev:110,revamp:45,reveal:[30,117],revers:[8,9,22,32,108,109],review:[14,44,111,128],reviews_electronics_5:128,rewrit:34,rgb:[8,15],rho:10,rid:54,right:[2,8,31,32,33,34,43,49,63,82,84,96,103],ring:74,risk:32,rkt:[43,110],rmsprop:[75,96],rmspropoptim:75,rnn:[8,9,33,54,57,72,80,82,86,108,109,133],rnn_bias_attr:109,rnn_layer_attr:109,rnn_out:109,rnn_output:91,rnn_state:106,rnn_state_:106,rnn_step:8,rnn_use_batch:[64,133,134],rnnalgorithm:72,rnnlm:14,rnnstep:91,roadmap:91,robust:[8,20],rocmplac:70,roi:8,role:[14,30,39,40,45,74,127],rollback:80,root:[10,11,32,74,127,128,129],rot:8,round:[53,74],routin:[53,65,74],row:[7,8,13,22,38,123],row_id:8,row_offset:123,rowoffset:123,rows_:87,rpc:39,rpcserver:39,rpi:140,rpi_arm_neon:140,rpi_toolchain:140,rsize:127,rstrip:129,rtk:142,rtype:13,rule:[7,22,32,45,48,54,58,127],run:[30,31,32,33,34,35,43,44,45,46,47,49,53,54,55,56,57,58,59,63,66,70,71,73,74,75,77,78,79,80,82,85,86,87,89,90,93,99,100,110,111,114,115,117,118,119,125,126,127,128,129,131,132,138,142],run_test:99,runinitfunct:[119,129],runnabl:47,running_on_cloud:43,runserv:115,runtim:[2,26,33,44,45,61,71,82,92,93],runtime_table_:33,s_block:32,safe:43,sai:[8,55,58,60,63,81],said:54,same:[2,7,8,9,20,22,29,30,31,39,40,42,44,45,56,57,59,62,63,71,72,74,80,82,83,86,90,91,106,114,127],samping_id:8,sampl:[2,7,13,14,22,49,57,80,88,123],sample_id:7,sample_num:7,sampler:57,satifi:[7,63],satisfi:[34,66,87,127],save:[2,8,13,29,35,37,39,40,43,44,45,58,59,63,67,75,87,92,127,128],save_dir:[128,129,134,136],save_only_on:[133,134],save_parameter_to_tar:[29,103],savetxt:98,saving_period:[129,133,134],saving_period_by_batch:[133,134,136],saw:2,scalabl:82,scalar:[8,22,32,33,60,91],scale:[5,20,45,47,75,83,88,113],scaleop:113,scaleopmak:[82,113],scalingproject:8,scan:[32,39,63,82],scatter:[8,32,74],scenario:72,schdule:127,schedul:[39,43,47,127],scheduler_factor:6,scheme:[7,10,38,84],scienc:63,scope:[31,44,46,50,55,90,120],score:[7,8,22,23,72],scp:130,script:[14,74,99,115,126,127,130,138],sdk:139,search:[8,35,86,109],second:[8,22,30,44,52,54,57,59,71,72,78,79,81,86,88,113],secret:127,section:[32,47,54,80,117,127],see:[2,8,9,22,30,32,35,44,47,53,54,80,96,98,103,117,127],seed:[20,22,98,119,134],seem:[34,53,54],seen:[23,84],segment:[7,22,71,91],sel_fc:8,selcet:8,select:[8,22,72,127],selected_generation_scor:72,selected_id:[8,72],selected_indic:8,selected_row:[87,92],selected_rows_desc:[87,92],selected_scor:72,selectedrow:[61,92],selectiv:8,selector:128,self:[31,48,49,57,59,63,64,65,67,73,80,91,112,113],self_addr:44,selfnorm:8,semant:[14,30,72,85],semat:30,send:[35,40,44,45,47,62,74,82,88,127],send_back_parameter_typ:38,sendbackparameterspars:38,sendbackparametertyp:38,sendparameterrequest:38,sendparameterrespons:38,sens:[75,84,117],sensit:8,sent:[30,40,44,45,82,88,92,128],sentanc:96,sentenc:[2,8,14,54,71,72,91,106,109],sentence_input:91,sentence_last_state1:106,sentence_last_state2:106,sentiment:2,sentimental_provid:2,sentimental_train:2,separ:[7,22,26,40,45,56,75,83,84],seper:91,seq:[8,14,106],seq_len:91,seq_po:123,seq_pool:[8,105],seq_pos_arrai:123,seq_silc:8,seq_text_print:7,seq_typ:13,seqlastin:106,seqtext_evalu:7,seqtoseq:[8,98],seqtoseq_net:8,sequel:2,sequenc:[2,5,7,8,9,11,13,14,22,23,32,33,44,50,54,58,64,73,78,91,96,103,106,108,123],sequence_group:8,sequence_layer_group:106,sequence_nest_group:8,sequence_nest_layer_group:106,sequence_start_posit:123,sequencegen:106,sequencesoftmaxop:22,sequencestartposit:8,sequencetextprint:7,sequencetyp:[2,8,103],sequenti:[8,33,44],seri:[9,106],serial:[29,33,39,67,76,82],serializ:[82,92],serv:[45,53,82,91,127],server:[30,34,38,41,42,45,55,74,82,94,99,125,126,129,134,142],serverless:35,servic:[117,142],sess:[57,59,73],session:[59,73,79],set:[2,6,7,8,9,13,14,15,22,23,26,29,30,32,35,43,57,61,63,66,70,71,72,77,79,80,82,83,86,89,91,96,98,103,106,110,113,114,115,117,119,123,127,128],set_active_typ:112,set_attr:48,set_default_parameter_nam:6,set_drop_r:112,set_float_el:31,set_input:[8,48],set_output:48,set_siz:112,set_typ:[48,112],setdatatyp:87,setdefault:113,setp:127,setq:110,settotalbyteslimit:98,setup:[45,75,85,112,113,142],sever:[7,8,31,38,45,47,57,71,72,74,76,77,80,87,89,91,127],sexstant:142,sgd:[24,29,30,35,43,47,75,76,87,103,120,125,133],sgd_optim:120,shall:[32,34],shaoq:20,shape:[7,8,13,18,22,23,29,31,32,33,45,57,60,70,71,78,80,82,87,89,103,120],shard:[35,36,37,38,39,40,42,45,47,125,127],share:[8,22,34,57,69,76,80,82,84,89,91],shared_bia:9,shared_bias:8,shared_librari:34,shared_ptr:[66,68,69,86,89,114],shell:127,shift:[8,22],shorten:8,shorter:15,should:[6,7,8,13,15,18,20,22,24,26,27,29,30,31,32,33,40,43,45,48,49,53,55,56,57,61,62,66,70,71,72,73,75,76,77,78,81,82,83,84,87,88,90,91,92,108,113,115,127],should_be_fals:30,should_be_tru:30,should_shuffl:[2,106],show:[7,10,32,33,35,52,54,60,63,67,71,74,75,78,91,110,127],show_check_sparse_distribution_log:[133,134],show_layer_stat:[133,134],show_parameter_stats_period:[128,133,134,136],shown:[8,30,45,49,74,77,127],shrink_rnn_memori:22,shrunk:48,shuf:96,shuffl:[13,45,96],sid:127,side:[8,29,45,49,63,76],sig:127,sigint:126,sigmod:88,sigmod_op:88,sigmod_output:88,sigmoid:[8,23,33,88,91],sigmoidactiv:[9,106],sign:[51,67,127],signatur:127,similar:[8,22,33,44,45,47,50,54,72,75,77,81,82,84,89,90,91,117,127,142],similarli:[8,13,54,63],simpl:[5,7,8,9,13,14,24,29,44,47,53,55,58,59,63,71,75,78,84,86,88,91,129],simple_attent:109,simple_gru:109,simple_lstm:[8,97],simple_rnn:[8,109],simple_transform:15,simpler:76,simplest:127,simpli:[8,15,30,40,45],simplifi:[30,72,80,88],simul:[54,139],simultan:127,sinc:[8,9,35,39,41,42,45,46,54,61,63,66,70,75,80,81,83,84,91,127,142],singl:[7,9,13,22,32,35,45,47,49,53,62,74,82,86,117],singleton:[44,46],sinlg:29,sit:45,site:[34,117,118,127],situat:[32,79,90],size:[2,7,8,9,13,14,15,22,23,29,35,37,38,40,45,53,57,63,67,72,75,80,81,87,88,89,91,96,98,103,104,106,109,112,113,114,120,123],size_a:8,size_b:8,size_in_byt:66,size_t:[38,89,91,112],sizeof:[33,123],skip:[32,81,98,111,127],sleep:129,slice:[22,44],sliceproject:8,slide:[8,10,14,35],slight:54,slightli:57,slope:[8,22],slopeinterceptlay:8,slowli:117,small:[8,14,22,31,44,55,57,65,72],small_messag:[133,134],smaller:[22,31,35,53,72],smart:86,smooth:8,snap:128,snapdragon:53,snapshot:[36,42,127],snippet:[56,73,127],sock:43,sock_recv_buf_s:[133,134],sock_send_buf_s:[133,134],socket:129,soft:22,soft_label:22,softmax:[8,9,22,30,33,45,47,54,59,60,72,78,96,109,112],softmax_param:98,softmax_param_attr:9,softmax_selfnorm_alpha:8,softmaxactiv:106,softmaxoutput:59,softrelu:22,softwar:[2,53,77,96,103,142],solid:57,solut:[74,142],solv:[30,32,63,82],some:[6,8,13,15,29,30,32,33,34,38,39,40,42,43,45,47,48,53,55,56,57,58,62,63,66,70,71,72,73,78,79,80,81,82,83,86,89,90,91,127,142],some_c_api_funct:69,some_inst:69,some_op:[61,71,91],some_python_class:68,somecppclass:68,somedata:29,somegotyp:68,someth:[32,38,80,117],sometim:[8,77,81],somewhat:40,somewher:86,soon:35,sort:[8,14,22,91,117,127,129],sort_by_length:91,sourc:[8,14,31,34,52,54,57,65,67,69,72,81,82,117,127],source_dict_dim:[72,109],source_dict_s:72,source_language_word:[72,109],space:[7,8,47,53,80,84],space_seperated_tokens_from_dictionary_according_to_seq:7,space_seperated_tokens_from_dictionary_according_to_sub_seq:7,span:77,spars:[6,8,10,13,22,38,96,112,123,125,127,129,134,136],sparse_binary_vector:[2,13,96,103,123],sparse_binary_vector_sequ:[13,123],sparse_binary_vector_sub_sequ:123,sparse_float_vector:[2,13,103],sparse_float_vector_sequ:13,sparse_non_value_slot:13,sparse_remot:38,sparse_upd:[6,38,96],sparse_value_slot:13,sparse_vector:[96,123],sparse_vector_sequ:123,sparse_vector_sub_sequ:123,sparseparam:112,sparseprefetchrowcpumatrix:112,spatial:8,spatial_scal:8,spec:[127,128,129],special:[8,22,32,40,45,53,55,61,70,72,73],specialvartypeinfer:61,specif:[2,22,23,29,32,34,35,45,48,52,55,72,82,86,89,96,103],specifi:[7,8,18,22,30,31,38,39,40,43,44,45,46,48,49,50,52,57,67,77,80,86,88,91,115,117,127],speech:8,speed:[8,9,53,67,74,75,142],speedup:77,sphinx:[68,115],split:[2,8,13,23,42,44,46,54,60,72,82,91,106,125,127],split_count:[125,127,129],spread:32,sqrt:20,sqrt_x:22,squar:[8,10,11,59],square_error_cost:[103,120],squash:111,srand:[123,134],src:[34,66,93,125,126,129],src_backward:109,src_dict:98,src_dict_path:98,src_embed:[72,109],src_forward:109,src_primitive_desc:66,src_root:4,src_word_id:[72,109],src_word_vec:72,sreializ:92,srl:14,ssd:8,ssh:[127,130],ssh_server:126,sstabl:30,stabil:[8,31,63],stabl:[85,127],stack:[22,50,82,91,127],stackexchang:8,stage:[34,41,46,57,63,66,92,111],stale:35,stamp:93,standalon:138,standard:[6,13,20,22,54,82,84,117],stanford:[14,31,128],star:34,start:[8,9,22,29,32,34,35,38,39,40,42,43,45,46,72,74,76,77,93,111,117,123,128,129,134],start_mpi_train:130,start_op_idx:32,start_paddl:129,start_pass:[133,134],start_po:8,start_pserv:[133,134],startpaddl:129,startup:[22,35,43,54,127],startup_program:[18,22,24],stat:[119,134],state:[8,9,18,22,24,33,35,49,50,71,72,77,86,91,97,108,128],state_act:[8,9,106],statem:63,statement:[54,58,63,127],statfulset:129,static_cast:[66,114],staticinput:[8,108,109],statist:[8,18,20,49,77],statset:119,statu:[43,72,111,119,127,128,129],status:128,std:[29,34,38,59,61,62,66,68,69,77,79,82,83,86,88,89,112,113,114,134],stdbuf:125,stderr:126,stdout:[13,126],step:[8,9,11,22,24,31,33,35,40,45,47,49,54,57,58,64,72,75,76,80,82,88,91,106,108,109,117,127,142],step_gradi:32,step_id:91,step_input:91,step_net:33,step_output:91,step_scop:82,stepnet:[33,71,82,86],stepout:106,still:[32,39,42,45,54,63,83],stirng:80,stmt1482205552000:127,stmt1482205746000:127,stochast:[10,35,39,42,75],stop:[8,80],stop_gradi:[22,80],storag:[51,53,127],store:[7,8,14,22,29,31,33,34,38,50,59,61,67,70,72,76,78,80,82,83,84,86,91,127],str:[15,18,22,29,32,43,91,129,136],straight:[78,81,87],straightforward:66,strategi:[11,35,80,134],stream:[13,45,66,77,89],stream_:89,streamid:26,street:8,strict:81,stride:[8,9,22,66,70],stride_h:22,stride_i:8,stride_w:22,stride_x:8,string:[2,7,8,13,15,22,26,29,32,33,39,52,59,62,67,77,78,79,80,82,83,86,87,88,92,112,113,127,134],strip:[98,106,117],struct:[39,40,51,53,61,62,69,70,77,83,88,90,98],structur:[32,33,39,54,57,67,72,78,80,82,87,127],sts:127,stuff:111,stun:2,style:[8,82,88],sub:[7,8,13,22,30,32,42,44,47,57,63,71,74,76,80],sub_block:32,sub_nest_seq:8,sub_sequ:[2,8,103],subclass:[24,80],subcommand:52,subgradi:10,subgraph:[47,57],submiss:45,submit:[66,82,127],subnet0:127,subnet:[30,127],subobjectpath:128,subscript:22,subseq:[105,108],subsequ:[8,74],subsequenceinput:[8,106],subset:22,succ:63,succeed:[39,128],success:[8,40,127,128],successfulcr:128,sucess:63,sucessor:63,sudo:[110,127],suffer:31,suffix:[18,43,125],suggest:[8,34],suit:142,suitabl:87,sum:[8,10,23,32,33,36,46,61,80],sum_op:32,sum_x:22,sume:22,summar:[57,77],summari:77,summat:22,sumopgradmak:83,sumpool:96,sun:20,supercomput:63,suppli:[22,87],support:[6,7,8,10,11,13,15,22,23,31,33,35,42,43,44,45,47,54,56,57,63,66,67,70,72,75,76,77,79,81,82,83,84,87,90,102,106,127,142],support_inplac:63,suppos:[9,22,23,34,44,56,87,123],suppress:[8,52],sure:[22,117,127],surpass:[8,20],sutibal:89,svs:88,swagger:51,swig:[41,68,69,99],swig_paddl:4,switch_ord:97,switchop:33,sychron:74,symbol:[8,33,59,69],symbols_ready_:33,symbolt:[33,82],symlink:111,sync:[35,75,84],sync_with_cpp:[117,118],syncflag:112,synchron:[35,39,66,74,77,127],syntax:[44,50,54,72,81],sysroot:138,system:[33,34,35,40,42,45,47,51,56,57,63,65,96,117],t_max:22,t_min:22,tabl:[7,8,22,33,44,54,61,67,87,92],tablelookup:87,tablelookupgrad:87,tablelookupop:87,tableproject:8,tag:[7,14,85,93,100,111,125],tagtyp:7,tail:72,tainer_id:129,take:[2,7,8,9,13,22,29,30,32,33,34,35,42,44,45,48,50,53,55,57,58,60,61,63,66,70,75,78,79,80,81,82,83,89,90,91,117,127],taken:[8,48,59,63,70,91],talk:[40,55],tangl:117,tanh:[8,9,57,72,109,112],tanhactiv:[9,106],tanhshrink:22,tar:[15,29,93,103,124,127],tarbal:127,target:[8,14,22,24,29,32,33,34,48,50,57,59,73,79,82],target_block:[32,48],target_dict_dim:109,target_dict_s:72,target_dictionary_dim:8,target_language_embed:8,target_language_word:109,target_link_librari:34,target_word:72,targetinlink:[8,106],task:[7,8,45,67,72,77,88,124],task_queu:39,taskentri:39,taskqueu:39,tbd:[41,66,106],tcp:[127,134],tear:119,technic:[32,35],techniqu:[63,117],technolog:54,tee:128,tell:[35,39,40,72,88],templat:[56,66,88,89,113,114,128,129,142],tempor:8,temporari:[18,32,43,50,63,75,80],tempori:63,tensor:[22,23,31,34,44,46,47,53,54,55,57,59,61,62,66,67,70,71,72,87,91,92,113,120],tensor_arrai:44,tensor_array_read:91,tensor_array_s:91,tensor_array_stack:91,tensor_array_unstack:91,tensor_array_writ:91,tensor_data:67,tensor_in:90,tensor_s:31,tensor_test:34,tensor_to_check:31,tensorarrai:46,tensorarraydesc:91,tensordesc:[67,87],tensorflow:[33,44,45,47,54,57,60,84,91],term:[8,9,22,35,83,84],termin:128,terminolog:63,tessorarrai:91,test100:14,test10:14,test1:37,test:[1,2,8,13,14,15,29,30,31,34,59,69,75,81,85,104,111,112,113,114,119,120,123,125,130,134,136],test_:113,test_all_data_in_one_period:128,test_check_grad_ingore_i:113,test_check_grad_ingore_x:113,test_check_grad_norm:113,test_check_output:113,test_compar:93,test_comparespars:93,test_comparetwonet:93,test_comparetwoopt:93,test_config_pars:93,test_data:4,test_data_dir:125,test_fcgrad:112,test_gpuprofil:119,test_layergrad:112,test_list:[2,98],test_mkldnn:65,test_mklpack:64,test_mul_op:[99,113],test_networkcompar:93,test_pass:[133,134,136],test_period:[133,134,136],test_predict:93,test_pydataprovid:93,test_pydataprovider2:93,test_pydataproviderwrapp:93,test_recurrent_machine_gener:93,test_recurrentgradientmachin:[93,106],test_swig_api:93,test_train:93,test_traineronepass:93,test_wait:[133,134],testa:30,testb:30,testbilinearfwdbwd:119,testconfig:112,testfcgrad:112,testfclay:112,testlayergrad:112,testmulop:113,testq:30,testresult:29,testutil:112,text1:52,text:[2,7,9,13,22,30,67,71,77,127],text_fil:13,tflop:119,tftp:142,tgz:[14,93,102],than:[6,7,8,9,22,32,35,43,44,48,54,55,56,57,80,82,84,91,98,123,127,142],the_step:54,theano:54,thei:[8,18,20,22,27,30,32,34,35,40,42,44,47,48,52,54,57,58,62,63,72,73,77,80,82,88,91,92,119,127],them:[7,8,9,15,22,30,31,32,34,35,38,43,47,48,54,55,56,61,62,63,72,80,81,82,83,86,87,88,90,91,92,119,127],themselv:[32,34],theori:54,therefor:[32,63,75],therein:[8,33],theta:57,theta_d:57,theta_g:57,thi:[2,6,7,8,9,10,13,14,15,18,20,21,22,23,24,26,27,29,30,31,32,33,34,35,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,56,57,58,59,62,63,66,70,71,72,73,74,75,76,77,78,80,81,82,83,84,87,88,89,90,91,96,102,103,117,119,120,123,127,142],thin:61,thing:[2,45,57,82,89],think:[30,34],third:[8,35,59,117,123],third_parti:[8,65,93,121,138,139,140],those:[8,33,34,35,56,58,59,60,78],though:[91,142],thought:34,thread:[44,46,77,117,119],thread_count:46,thread_id:77,thread_id_:77,thread_local_rand_use_global_se:[133,134],thread_pool:46,threadblocks:26,threadid:136,threadloc:119,threadpool:44,three:[7,8,22,31,32,35,49,53,54,55,58,66,72,73,76,77,78,81,89],threshold:[6,7,8,22,35,39,48,134],thresholdedrelu:22,through:[8,23,32,34,35,39,41,49,63,73,75,115,120],throughout:50,throughput:119,thrust:82,thu:[8,22,42,49,59,63,127],tier:128,time:[8,9,11,13,22,29,30,31,34,35,39,42,45,47,48,54,56,61,63,64,70,71,72,74,77,80,81,82,83,87,88,91,92,106,117,118,119,123,128,129,134,142],timelin:[8,77,82],timeo:127,timeout:[35,39],timeout_sec:13,timer:119,timestamp:[8,36],timestep:[8,86],titan:63,titl:[14,129],tls:51,tmp:[2,80],to_chw:15,to_no_sequ:[8,105],to_sequ:[8,105,106],to_tar:29,to_your_paddle_clone_path:115,todo:[7,13,14,33,35,39,42,72,88],toend:8,togeth:[8,9,13,29,32,91],token:[7,8,30,109],toler:[29,31],too:[14,31,44,48,66,90,91],took:142,tool:[77,115,117,127,129,138,140],toolchain:[117,138],top:[7,22,29,71,72],top_k:[7,22,72],top_level_rnn:71,topic:66,topk_generated_scor:72,topk_id:72,topk_indic:22,topk_out:22,topk_scor:72,toplevel:110,topolog:[30,35,45,59,63,67,76],topoloi:59,topolopi:29,torch:[33,54],toronto:14,tostr:98,total:[22,29,35,47,49,74,77,81,117,119,128,142],total_pass:81,tottim:[117,118],touch:93,toward:54,trace:[33,55,57],track:[35,39,59,80,111],tractabl:8,tradit:[8,33,53],traffic:45,trail:13,train100:14,train10:14,train:[1,2,6,7,8,13,14,15,20,32,33,37,39,40,42,44,48,49,50,54,55,57,58,63,64,67,74,75,76,77,78,79,80,82,84,87,89,92,94,96,100,103,109,125,126,128,129,130,131,132,134,136],train_arg:129,train_args_dict:129,train_args_list:129,train_config_dir:[127,129],train_data:125,train_data_dir:125,train_i:103,train_id:127,train_list:[2,98,125],train_loop:54,train_read:[45,103],train_x:103,trainabl:[8,67,80],trainer:[2,4,30,36,37,38,39,41,45,47,55,64,65,75,76,82,103,112,125,129,134,136],trainer_config:[1,2,4,124,127,128,129],trainer_config_help:[2,112],trainer_count:[96,104,125,127,128,129,133,134,136],trainer_cpu:43,trainer_cr:43,trainer_gpu:43,trainer_id:[125,127,129,134],trainer_intern:38,trainer_mem:43,trainer_packag:43,trainer_prog:45,trainerconfighelp:98,trainerid:[42,129],trainingjob:45,trainonebatch:38,tran:[66,112],trans_var:90,transact:[35,39],transfer:[63,77],transform:[8,9,15,22,82],transform_param_attr:9,transformed_st:9,translat:[8,9,63,96],translation_id:72,translation_scor:72,transpar:72,transpil:44,transpos:[8,15],transpose_i:22,transpose_x:22,transposedfullmatrixproject:8,travel:2,travers:[32,58,63],travi:111,treat:[8,22,33,40,63],treatment:[40,53],tree:[8,33,44,50,54,80,120,129,140],trg_dic_siz:72,trg_embed:[72,109],trick:72,tricki:68,trigger:[42,76],trim:8,trivial:[72,91],true_block:[33,60,78],true_imag:81,true_label:81,true_neg:49,true_posit:49,true_read:81,truth:[7,8,22],tune:[6,117,118,133],tupl:[8,9,13,14,15,18,22,23,29,32,80,81],ture:8,turn:[8,22,80,81,108],tutori:[117,127,129,130,131,132],twice:[47,57],twine:85,two:[7,8,9,22,23,30,32,40,41,42,43,44,45,49,52,53,54,55,57,58,61,63,67,70,72,75,77,78,81,82,83,84,86,87,88,90,91,92,113,114,119,127],txt:[2,34,43,52,64,65,112,115,125,127,130],type:[2,7,8,9,11,13,14,18,22,30,32,33,35,38,39,42,43,45,51,52,53,55,61,62,66,67,68,69,71,72,78,79,80,81,82,83,84,87,88,89,90,92,103,104,106,109,112,113,114,123,127,128,136],type_nam:88,typedef:[40,53,68,69,70,89],typeerror:48,typeid:88,typenam:[56,88,89,113,114],typic:[7,45],ubuntu:[85,102,104,117],ubyt:81,uci:14,uci_h:104,ufldl:[8,22],uid:128,uint16_t:53,uint32:[51,67],uint32_t:77,uint64:[67,68],uint64_t:[68,123],unawar:40,unbound:63,unclear:42,uncreat:32,under:[2,34,39,47,74,90,96,103,127],underli:[22,72],understand:[20,54,80,117,142],understand_senti:109,undeterminist:119,unidirect:8,unifi:[50,59,87],uniform:[6,8,13,20,37,57,80,81],uniform_random:80,uniniti:32,uninstal:[93,99],uniqu:[30,33,35,42,43,66,70,80,86,127],unique_nam:80,unique_name_gener:80,unique_ptr:[83,86,89,112],unit:[8,9,22,23,34,75,77,84,89],unittest:[69,93,113],unk:[87,92],unknown:[8,22],unless:[2,22,96,103],unlik:[8,22,72],unnecessari:32,unordered_map:86,unpack:91,unrol:71,unseen:84,unseg:8,unsign:[40,53],unstack:91,unstack_from:91,unsupervis:57,unsupport:113,until:[35,40,46,47,54,63,86,127,129],untrack:111,unzip:138,updat:[6,8,10,22,24,32,35,39,40,45,51,53,57,71,72,73,74,75,76,86,91,111,117,118,136],update_equ:[29,103],update_hook:6,update_memori:33,update_op:73,updatecallback:112,updatestack:127,upgrad:[74,93,102],upload:[35,43,51,85],upon:35,upper:8,upstream:[93,111],uri:127,url:[13,14],usag:[7,8,9,15,29,53,60,63,76,80,125,126,129],use:[2,6,7,8,9,11,13,14,15,20,22,24,27,29,30,31,33,34,35,41,45,46,47,50,53,57,59,61,62,63,66,70,72,73,74,76,77,80,86,87,88,90,91,92,96,103,111,113,117,119,123,125,127,129],use_cpu:62,use_cudnn:[22,23,62],use_eigen_bla:138,use_eigen_for_bla:[138,139],use_etcd:29,use_global_stat:8,use_gpu:[4,96,103,104,125,128,129,133,134,136],use_mkl_pack:64,use_mkldnn:[8,62,65],use_nesterov:24,use_old_updat:[38,133,134],use_peephol:22,use_sparse_remote_updat:38,used:[2,7,8,9,10,11,13,14,15,20,22,26,29,30,31,33,34,35,41,42,45,48,50,53,54,57,59,63,71,72,75,76,77,80,81,82,84,86,88,89,90,91,117,119,127],useful:[8,9,31,53,63,80,86,90],usegpu:[112,123],user:[6,8,9,13,14,15,18,20,22,24,26,27,29,30,31,32,33,34,37,39,42,43,44,45,46,47,48,49,50,52,56,57,58,59,61,62,66,70,72,73,74,75,77,80,81,82,83,84,86,88,89,90,91,117,127,142],user_id:129,user_info:14,user_nam:37,usercert:37,userinfo:14,userkei:37,usernam:[37,111,138],uses:[8,35,42,44,45,53,63,70,71,72,76,77,89,90,127],using:[6,8,9,13,22,29,30,32,33,34,35,39,40,42,43,45,50,52,53,54,56,57,59,61,63,71,73,75,78,80,81,83,84,86,88,89,104,113,127],usr:[93,99,100,125,127,129,134],usual:[8,22,29,32,43,63,70,77,78,84,89,117,119,127],util:[45,64,65,74,119,124,129,142],uuid:[36,42],v7a:138,v8a:138,val:32,valgrind:118,valid:[8,15,22,81,82,86,127],valu:[2,4,6,7,8,11,13,14,15,20,22,23,26,29,31,32,33,35,44,48,49,59,60,63,65,67,71,72,73,75,76,78,82,86,87,88,91,92,96,112,123,127,129,136,138],value1:134,value2:134,value_:87,value_evalu:7,value_rang:13,valueerror:[22,59,96],values_:91,vanilla:109,var_nam:[32,90],var_recurs:48,varabl:47,vardesc:[33,58,78,80,82,87],vardescbuild:33,vari:127,variabl:[10,13,14,18,20,21,22,23,24,30,31,33,44,45,47,48,49,50,55,57,58,59,60,61,70,71,72,73,75,78,79,83,84,87,88,90,91,117,120,127,128],variablenamemap:113,varialbl:57,varianc:8,variant:[8,61,70,89,91],varibal:32,varibl:59,varienc:91,varient:91,variou:[33,53,63,84],varproto:88,vars_:[33,86],vartyp:[22,87,92],vartypeinfer:61,vec1:8,vec2:8,vec:98,veclib:139,vecter:22,vector:[8,9,13,14,22,30,33,38,40,59,60,66,71,72,77,80,82,83,87,91,121,123],veloc:24,vendor:34,verb:14,verbos:52,veri:[8,11,34,39,44,47,50,54,56,57,63,66,72,76,81,84,86,89,91,117],verifi:33,version:[2,8,9,32,34,43,45,48,52,55,57,59,60,67,72,85,96,103,111,117,119,125,127,133,134,139],versu:30,vertic:8,vgg:[9,23],via:[22,32,35,70,111,127,142],view:[8,67,70],vim:100,virtual:[48,61,62,83,89],virtualenv:110,visibl:[42,86],visit:[29,32],visual:[8,72],vlog:38,volum:[115,128,129],volumemount:[127,128,129],volumn:127,vutbr:14,w_f:22,wai:[7,9,22,30,32,40,42,50,54,62,63,72,75,80,81,84,91],wait:[35,40,46,129],wangkuiyi:34,want:[2,8,30,43,44,49,57,62,70,75,77,79,81,84,86,89,90,91,117],warn:[29,52,93,98,129],warp:8,warpctc:8,warranti:[2,96,103],wast:74,watch:35,wbia:127,web:117,weight:[7,8,9,10,20,22,23,27,64,67,84,112],weight_act:9,weightlist:112,weights_:112,weights_primitive_desc:66,weights_t:112,welcom:34,well:[22,32,43,45,54,56,57,84,87,127],were:[7,34,54],west:127,wget:[93,138],wgt:66,what:[6,8,34,54,57,72,80,88,90,111,117,142],wheel:102,when:[2,6,7,8,10,13,18,22,29,31,32,33,34,35,38,39,40,43,44,45,47,48,49,50,52,53,54,55,59,72,74,75,76,77,78,80,82,89,91,117,119,127,142],whenev:80,where:[8,9,10,20,22,23,30,32,33,35,42,44,45,54,55,58,70,71,72,75,78,82,84,89,91,117,120],wherea:[22,33,39,56,60,89,92],whether:[7,8,15,21,22,29,31,32,33,50,77,81,87,91,123],which:[6,7,8,9,13,14,15,22,23,29,30,31,32,33,34,35,37,39,40,42,43,44,45,46,48,50,53,54,55,56,57,59,61,63,66,67,70,71,72,73,74,76,78,79,80,81,82,83,86,87,88,90,91,92,103,117,118,127,142],while_grad:63,while_loop:[72,91],while_op:32,whileloop:91,whileop:33,whl:[99,102],who:[32,56,58,74,80],whoever:40,whole:[2,7,13,32,57,60,63,68,69,71,74,79,88,121,127,142],whose:[8,13,22,31,32,35,42,48,71,82,83,88,91],why:[9,31,69,119],wide:[34,48,57,126,130],width:[7,8,13,15,22,38,68,81,98,112,113,123],wiki:[8,34],wikipedia:[8,14],wilder:2,window:[8,11,14,75,110],wirt:59,wise:[8,15,22,47,82],with_avx:[99,111,125,138,139],with_bia:88,with_c_api:[99,121,138,139,140],with_doc:99,with_doubl:[99,112,125],with_dso:99,with_golang:[99,121,138],with_gpu:[99,110,111,121,125,138,139],with_mkl:[64,65,99,121,138],with_mkldnn:65,with_mklml:65,with_profil:119,with_python:[99,121,125,138,139],with_rdma:[125,138,139],with_style_check:[99,111],with_swig_pi:[99,121,138,139],with_test:[99,111,113],with_tim:[119,125],within:[8,39,45,54],without:[2,7,8,24,32,35,40,77,80,81,82,96,103,117],wloop:91,wmt14:109,wmt_shrinked_data:14,won:106,wonder:2,word2vec:[43,96,125,126],word:[2,7,8,14,32,47,58,61,63,71,72,82,88,91,96,106,108],word_dict:[106,125,130],word_dim:[98,106],word_id:[2,96],word_idx:14,word_vector_dim:[8,72,109],words_freq_sort:14,work:[8,13,22,30,33,34,35,45,50,53,54,62,73,75,77,80,100,106,111,115,117,127,128,129,142],worker:[47,92,127],workercount:127,workflow:[82,127],workspac:[125,126],worth:120,would:[29,33,34,35,42,45,46,47,54,56,57,58,66,73,75,76,80,81,87,91,117,127,142],wouldn:[54,58],wrap:[54,56,57,74,142],wrapper:[9,34,56,74,75,83,91,119],write:[2,13,22,30,35,42,44,45,47,53,54,55,56,59,61,66,73,75,80,81,82,83,89,91,96,98,103,127],write_lock:36,write_to_arrai:63,writer:[30,80],written:[22,26,32,33,44,50,57,67,75,82,83,87,117],wrong:81,wrote:[47,59],wsize:127,www:[2,14,22,96,103],x64:140,x86:[138,139],x86_64:[138,139],x_first_step:22,x_last_step:22,x_neg:31,x_num_col_dim:22,x_po:31,x_reshap:22,x_t:22,x_t_data:22,xarg:[7,93,100,112,130],xavier:20,xavieriniti:22,xcode:139,xcodebuild:139,xgbe0:134,xgbe1:134,xiangyu:20,xmap_read:13,xpu:54,xrang:[31,54,57,77,81,103,104,112],xx_layer:62,xxx:[30,91],xxxx:36,xxxxxxxxx:127,xxxxxxxxxx:127,xxxxxxxxxxxxx:127,xxxxxxxxxxxxxxxxxxx:127,y_dim:57,y_neg:31,y_num_col_dim:22,y_po:31,y_predict:[22,103,104,120],yaml:[34,126,127,128,129,130,142],yancey1989:43,yann:14,yapf:111,year:54,yeild:29,yep:[77,117,118],yet:[54,142],yield:[2,13,30,37,81,96,103,106],yoshua:20,you:[2,6,8,9,13,23,29,31,43,45,53,86,96,103,117,127,142],your:[8,13,29,30,34,38,43,52,82,93,127,138,139,140,142],your_access_key_id:127,your_param_nam:98,your_repo:129,your_secrete_access_kei:127,your_source_root:69,yuang:54,yuyang18:[13,14],yuyang:[117,118],z_dim:57,z_size:57,zero:[6,8,9,10,13,14,18,31,32,35,57,72,76,80,87,127,134],zhang:20,zip:[14,80,129,138],zlib:121,zone:127,zxf:93,zxvf:127},titles:["API","DataProvider\u7684\u4ecb\u7ecd","PyDataProvider2\u7684\u4f7f\u7528","API\u4e2d\u6587\u624b\u518c","\u57fa\u4e8ePython\u7684\u9884\u6d4b","Activation","Parameter Attribute","Evaluators","Layers","Networks","Optimizer","Pooling","Data Reader Interface and DataSets","Data Reader Interface","Dataset","Image Interface","Fluid","DataFeeder","Evaluator","Executor","Initializer","IO","Layers","Nets","Optimizer","ParamAttr","Profiler","Regularizer","Model Configuration","Training and Inference","PaddlePaddle Design Doc","Auto Gradient Checker Design","Backward Building","Design Doc: Block and Scope","Required CMake Function","Design Doc: Distributed Training","\u6a21\u578b\u53c2\u6570\u68c0\u67e5\u70b9\uff08Checkpointing\uff09","\u8bad\u7ec3\u6570\u636e\u7684\u5b58\u50a8\u548c\u5206\u53d1","Alalysis of large model distributed training in Paddle","Design Doc: Master Server","Design Doc: The Client Library of Parameter Server","Design Doc: Remote Parameter Updater for Cluster Train","Design Doc: Save Model","Submit a Distributed Training Job","Design Doc: Concurrent Programming with Fluid","Design Doc: Distributed Training Architecture","Design Doc: Execute the Program with Multi CPU","Design Doc: Parameter Server","Error Clip","Evaluator Design","Executor Design Doc","FileManager\u8bbe\u8ba1\u6587\u6863","PFSClient","Design Doc: float16","Design Doc: PaddlePaddle Fluid","PaddlePaddle Fluid: Towards a Compiled Programming Language","Design Doc: Functions, Operators, and Layers","Design for GAN","Design Doc: Computations as a Graph","Survey on Graph","The IfElse Operator","Design Doc: InferVarType","Problem","Memory Optimization","Intel\u00ae MKL Packed on PaddlePaddle: Design Doc","Intel\u00ae MKL-DNN on PaddlePaddle: Design Doc","Design Doc: Add MKLDNN Kernel in Fluid Operator","Design Doc: Model Format","Paddle\u591a\u8bed\u8a00\u63a5\u53e3\u5b9e\u73b0","C-API \u6a21\u578b\u63a8\u65ad\u5b9e\u73b0\u6587\u6863","Design Doc: The Keys of Operator Kernel Type","RNNOp design","Design: Sequence Decoder Generating LoDTensors","Optimizer Design","Design Doc: NCCL support in Paddle Fluid","Averaging Parameter in PaddlePaddle","Design Doc: The C++ Class Parameters","Introduction","Design Doc: PaddlePaddle Programs","Prune","Design Doc: Python API","Python Data Reader Design Doc","Design Doc: Refactorization Overview","Design Doc: Gradient Operators Registration","Regularization in PaddlePaddle","PaddlePaddle\u53d1\u884c\u89c4\u8303","Design of Scope in Paddle","Design Doc: Selected Rows","Interaction between C++ and Python","Design Doc: Supporting new Device/Library","Background","Design for TensorArray","Background","\u7f16\u8bd1\u5b89\u88c5\u4e0e\u5355\u5143\u6d4b\u8bd5","\u96c6\u7fa4\u8bad\u7ec3\u4e0e\u9884\u6d4b","FAQ","\u672c\u5730\u8bad\u7ec3\u4e0e\u9884\u6d4b","\u6a21\u578b\u914d\u7f6e","\u53c2\u6570\u8bbe\u7f6e","\u4ece\u6e90\u7801\u7f16\u8bd1","\u4f7f\u7528Docker\u5b89\u88c5\u8fd0\u884c","\u5b89\u88c5\u4e0e\u7f16\u8bd1","\u4f7f\u7528pip\u5b89\u88c5","\u57fa\u672c\u4f7f\u7528\u6982\u5ff5","\u65b0\u624b\u5165\u95e8","\u652f\u6301\u53cc\u5c42\u5e8f\u5217\u4f5c\u4e3a\u8f93\u5165\u7684Layer","\u5355\u53cc\u5c42RNN API\u5bf9\u6bd4\u4ecb\u7ecd","RNN\u76f8\u5173\u6a21\u578b","Recurrent Group\u6559\u7a0b","RNN\u914d\u7f6e","\u7528Docker\u7f16\u8bd1\u548c\u6d4b\u8bd5PaddlePaddle","\u5982\u4f55\u8d21\u732e\u4ee3\u7801","\u5b9e\u73b0\u65b0\u7684\u7f51\u7edc\u5c42","\u5982\u4f55\u5199\u65b0\u7684Operator","\u5728Paddle\u4e2d\u5982\u4f55\u4f7f\u7528Eigen","\u5982\u4f55\u8d21\u732e/\u4fee\u6539\u6587\u6863","\u8fdb\u9636\u6307\u5357","Profiling the Python Code","Python\u4ee3\u7801\u7684\u6027\u80fd\u5206\u6790","GPU\u6027\u80fd\u5206\u6790\u4e0e\u8c03\u4f18","PaddlePaddle Fluid Source Code Overview","\u7f16\u8bd1 PaddlePaddle \u9884\u6d4b\u5e93","PaddlePaddle C-API","\u8f93\u5165/\u8f93\u51fa\u6570\u636e\u7ec4\u7ec7","C-API \u4f7f\u7528\u6d41\u7a0b","\u5206\u5e03\u5f0f\u8bad\u7ec3","\u4f7f\u7528fabric\u542f\u52a8\u96c6\u7fa4\u8bad\u7ec3","Distributed PaddlePaddle Training on AWS with Kubernetes","Kubernetes\u5355\u673a\u8bad\u7ec3","Kubernetes\u5206\u5e03\u5f0f\u8bad\u7ec3","\u5728OpenMPI\u96c6\u7fa4\u4e2d\u63d0\u4ea4\u8bad\u7ec3\u4f5c\u4e1a","<no title>","<no title>","\u53c2\u6570\u6982\u8ff0","\u7ec6\u8282\u63cf\u8ff0","\u8bbe\u7f6e\u547d\u4ee4\u884c\u53c2\u6570","\u4f7f\u7528\u6848\u4f8b","PaddlePaddle \u6587\u6863","Android\u5e73\u53f0\u7f16\u8bd1\u6307\u5357","iOS\u5e73\u53f0\u7f16\u8bd1\u6307\u5357","Raspberry Pi\u5e73\u53f0\u7f16\u8bd1\u6307\u5357","MOBILE","Cluster bootstrapping tool survey"],titleterms:{"\u4e00\u4e9b\u7ec6\u8282\u7684\u8865\u5145":129,"\u4e0a\u4f20\u8bad\u7ec3\u6587\u4ef6":37,"\u4e0b\u8f7d\u6570\u636e":128,"\u4e0b\u8f7dmklml\u5e93\u5931\u8d25":93,"\u4e0d\u4f7f\u7528":68,"\u4e0d\u4f7f\u7528swig\u8fd9\u79cd\u4ee3\u7801\u751f\u6210\u5668":68,"\u4e0d\u540c\u7684":97,"\u4e0d\u5bfc\u51fapaddle\u5185\u90e8\u7684\u7ed3\u6784\u4f53":68,"\u4e0d\u5f15\u7528\u5176\u4ed6\u52a8\u6001\u5e93":68,"\u4e24\u79cd\u4f7f\u7528":97,"\u4e3a\u4ec0\u4e48\u8981":110,"\u4e3a\u4ec0\u4e48\u9700\u8981\u6027\u80fd\u5206\u6790":119,"\u4ec0\u4e48\u662f\u6027\u80fd\u5206\u6790":119,"\u4ec5\u4ec5\u4f7f\u7528void":68,"\u4ece\u5feb\u7167\u6062\u590d":36,"\u4ece\u6e90\u7801\u7f16\u8bd1":99,"\u4ee3\u7801\u8981\u6c42":111,"\u4f7f\u7528":[111,128],"\u4f7f\u7528\u5206\u5e03\u5f0f\u8ba1\u7b97\u5e73\u53f0\u6216\u5de5\u5177":125,"\u4f7f\u7528\u52a8\u6001\u5e93\u6765\u5206\u53d1paddl":68,"\u4f7f\u7528\u6848\u4f8b":136,"\u4f7f\u7528\u6a21\u578b\u521d\u59cb\u5316\u7f51\u7edc":136,"\u4f7f\u7528\u6d41\u7a0b":124,"\u4f7f\u7528\u73af\u5883\u53d8\u91cf":129,"\u4f7f\u7528\u8bf4\u660e":116,"\u4f7f\u7528\u8f6c\u6362\u5e93":37,"\u4f7f\u7528docker\u542f\u52a8paddlepaddl":100,"\u4f7f\u7528docker\u5b89\u88c5\u8fd0\u884c":100,"\u4f7f\u7528docker\u6267\u884cgpu\u8bad\u7ec3":100,"\u4f7f\u7528docker\u6784\u5efa":115,"\u4f7f\u7528fabric\u542f\u52a8\u96c6\u7fa4\u8bad\u7ec3":126,"\u4f7f\u7528paddlepaddl":115,"\u4f7f\u7528pip\u5b89\u88c5":102,"\u4fdd\u6301\u672c\u5730\u4ed3\u5e93\u6700\u65b0":111,"\u4fee\u6539\u542f\u52a8\u811a\u672c":128,"\u4fee\u6539\u6587\u6863":115,"\u514b\u9686":111,"\u5177\u4f53\u67d0\u79cd\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5177\u4f53\u67d0\u79cd\u7c7b\u578b\u7684\u5b9e\u73b0\u6587\u4ef6":69,"\u5185\u5b58\u4e0d\u591f\u7528\u7684\u60c5\u51b5":2,"\u5185\u7f6e\u5b9a\u65f6\u5668":119,"\u5199\u68af\u5ea6\u68c0\u67e5\u5355\u5143\u6d4b\u8bd5":112,"\u51c6\u5907\u4e00\u4e2alinux\u96c6\u7fa4":126,"\u51c6\u5907\u4ea4\u53c9\u7f16\u8bd1\u73af\u5883":[138,139],"\u51c6\u5907\u6570\u636e\u96c6":125,"\u51c6\u5907\u8bad\u7ec3\u6570\u636e":129,"\u51c6\u5907\u8bad\u7ec3\u7a0b\u5e8f":125,"\u51c6\u5907\u9884\u6d4b\u6a21\u578b":124,"\u51c6\u5907openmpi\u96c6\u7fa4":130,"\u51cf\u5c11\u6570\u636e\u8f7d\u5165\u7684\u8017\u65f6":96,"\u51cf\u5c11dataprovider\u7f13\u51b2\u6c60\u5185\u5b58":96,"\u51fa\u73b0":97,"\u5206\u5757\u6587\u4ef6\u4f20\u8f93":51,"\u5206\u5e03\u5f0f\u8bad\u7ec3":125,"\u5206\u652f\u89c4\u8303":85,"\u521b\u5efa\u672c\u5730\u5206\u652f":111,"\u521b\u5efa\u795e\u7ecf\u7f51\u7edc\u8f93\u5165":124,"\u521b\u5efajob":129,"\u521b\u5efapaddlepaddl":128,"\u521d\u59cb\u5316paddlepaddle\u8fd0\u884c\u73af\u5883":124,"\u5220\u9664\u672c\u5730\u5206\u652f":111,"\u5220\u9664\u8fdc\u7a0b\u5206\u652f":111,"\u5229\u7528\u66f4\u591a\u7684\u8ba1\u7b97\u8d44\u6e90":96,"\u5230\u8fdc\u7a0b\u4ed3\u5e93":111,"\u5236\u4f5c\u955c\u50cf":129,"\u5236\u4f5cdocker\u955c\u50cf":128,"\u524d\u5411\u8ba1\u7b97":124,"\u524d\u5411operator\u5355\u6d4b":113,"\u52a0\u8f7d\u6a21\u578b":124,"\u52a0\u8f7dpaddlepaddl":103,"\u52a0\u901f\u6267\u884c":36,"\u52a0\u901f\u8bad\u7ec3\u901f\u5ea6":96,"\u52a8\u6001\u5e93\u4e2d\u4e0d\u5d4c\u5165\u4efb\u4f55\u5176\u4ed6\u8bed\u8a00\u7684\u89e3\u91ca\u5668":68,"\u52a8\u6001\u6269\u5bb9":36,"\u5355\u5143\u6d4b\u8bd5":134,"\u5355\u53cc\u5c42rnn":106,"\u539f\u56e0":68,"\u539f\u56e0\u5217\u8868":68,"\u53c2\u6570\u5185\u5b58":96,"\u53c2\u6570\u670d\u52a1\u5668\u548c\u5206\u5e03\u5f0f\u901a\u4fe1":134,"\u53c2\u6570\u6982\u8ff0":133,"\u53c2\u6570\u8bbe\u7f6e":98,"\u53c2\u8003":2,"\u53c2\u8003\u6587\u6863":51,"\u53c2\u8003\u8d44\u6599":119,"\u53cc\u5c42rnn":106,"\u53cc\u5c42rnn\u4ecb\u7ecd":108,"\u53cc\u5c42rnn\u7684\u4f7f\u7528":108,"\u53cd\u5411operator\u5355\u6d4b":113,"\u53d1\u5e03docker\u955c\u50cf":85,"\u53d1\u5e03wheel\u5305\u5230pypi":85,"\u53ef\u80fd\u7684\u5185\u5b58\u6cc4\u9732\u95ee\u9898":2,"\u53ef\u80fd\u78b0\u5230\u7684\u95ee\u9898":110,"\u5404\u4e2a\u7248\u672c\u6700\u65b0\u7684whl\u5305":102,"\u540d\u8bcd\u89e3\u91ca":51,"\u5411\u91cf":134,"\u542f\u52a8\u4efb\u52a1":129,"\u542f\u52a8\u53c2\u6570\u670d\u52a1\u5668":125,"\u542f\u52a8\u53c2\u6570\u8bf4\u660e":125,"\u542f\u52a8\u8ba1\u7b97\u8282\u70b9":125,"\u542f\u52a8\u96c6\u7fa4\u4f5c\u4e1a":[126,130],"\u5440":110,"\u548c":105,"\u5728\u4e0d\u540c\u8bbe\u5907\u4e0a\u6307\u5b9a\u5c42":136,"\u5728\u4e0d\u540c\u96c6\u7fa4\u4e2d\u8fd0\u884c":125,"\u5728docker\u4e2d\u6267\u884cpaddlepaddle\u8bad\u7ec3\u7a0b\u5e8f":100,"\u5728openmpi\u96c6\u7fa4\u4e2d\u63d0\u4ea4\u8bad\u7ec3\u4f5c\u4e1a":130,"\u5728paddle\u4e2d\u5982\u4f55\u4f7f\u7528eigen":114,"\u57fa\u4e8edocker\u5bb9\u5668\u7684\u7f16\u8bd1\u65b9\u5f0f":138,"\u57fa\u4e8elinux\u4ea4\u53c9\u7f16\u8bd1\u73af\u5883\u7684\u7f16\u8bd1\u65b9\u5f0f":138,"\u57fa\u4e8epython\u7684\u9884\u6d4b":4,"\u57fa\u672c\u4f7f\u7528\u6982\u5ff5":[103,123],"\u57fa\u672c\u539f\u7406":108,"\u57fa\u672c\u8981\u6c42":68,"\u5982\u4f55\u4e66\u5199\u6587\u6863":115,"\u5982\u4f55\u4f7f\u7528":97,"\u5982\u4f55\u5171\u4eab\u53c2\u6570":98,"\u5982\u4f55\u5199\u65b0\u7684oper":113,"\u5982\u4f55\u51cf\u5c11\u5185\u5b58\u5360\u7528":96,"\u5982\u4f55\u521d\u59cb\u5316\u53c2\u6570":98,"\u5982\u4f55\u52a0\u8f7d\u9884\u8bad\u7ec3\u53c2\u6570":98,"\u5982\u4f55\u52a0\u901f\u8bad\u7ec3\u901f\u5ea6":96,"\u5982\u4f55\u548c\u660e\u6587\u8fdb\u884c\u76f8\u4e92\u8f6c\u5316":98,"\u5982\u4f55\u6307\u5b9agpu\u8bbe\u5907":96,"\u5982\u4f55\u66f4\u65b0www":115,"\u5982\u4f55\u6784\u5efa\u6587\u6863":115,"\u5982\u4f55\u8bbe\u7f6e\u5b66\u4e60\u7387\u9000\u706b":98,"\u5982\u4f55\u8c03\u7528":96,"\u5982\u4f55\u8d21\u732e":115,"\u5982\u4f55\u8d21\u732e\u4ee3\u7801":111,"\u5982\u4f55\u8fdb\u884c\u6027\u80fd\u5206\u6790":119,"\u5982\u4f55\u9009\u62e9sgd\u7b97\u6cd5\u7684\u5b66\u4e60\u7387":98,"\u5b50\u5e8f\u5217\u95f4\u65e0memori":106,"\u5b50\u5e8f\u5217\u95f4\u6709memori":106,"\u5b58\u50a8\u7684\u53c2\u6570\u683c\u5f0f\u662f\u4ec0\u4e48":98,"\u5b89\u88c5":102,"\u5b89\u88c5\u4e0e\u7f16\u8bd1":101,"\u5b89\u88c5\u4ea4\u53c9\u7f16\u8bd1\u5668":140,"\u5b89\u88c5\u6d41\u7a0b":101,"\u5b9a\u4e49operator\u7c7b":113,"\u5b9a\u4e49opkernel\u7c7b":113,"\u5b9a\u4e49protomaker\u7c7b":113,"\u5b9e\u73b0":68,"\u5b9e\u73b0\u5355\u5143\u6d4b\u8bd5":113,"\u5b9e\u73b0\u65b0\u7684\u7f51\u7edc\u5c42":112,"\u5b9e\u73b0\u65b9\u5f0f":69,"\u5b9e\u73b0\u8ba1\u7b97":114,"\u5b9e\u73b0c":[112,113],"\u5b9e\u73b0python\u5c01\u88c5":112,"\u5bfb\u627e\u6027\u80fd\u74f6\u9888":118,"\u5bfc\u51fac":68,"\u5c06\u547d\u4ee4\u53c2\u6570\u4f20\u7ed9\u7f51\u7edc\u914d\u7f6e":136,"\u5c0f\u7ed3":2,"\u5de5\u5177":119,"\u5e38\u89c1\u95ee\u9898\u548c\u89e3\u51b3\u65b9\u6cd5":102,"\u5e38\u89c1\u95ee\u9898\u89e3\u7b54":101,"\u5e76\u5b8c\u6210":111,"\u5efa\u7acb":111,"\u5f00\u53d1\u6807\u51c6":116,"\u5f00\u59cb\u5f00\u53d1":111,"\u5f02\u6b65\u968f\u673a\u68af\u5ea6\u4e0b\u964d":134,"\u5feb\u7167\u4fdd\u5b58\u7684\u8bbe\u8ba1\u5982\u4e0b":36,"\u5feb\u901f\u5b89\u88c5":104,"\u5feb\u901f\u5f00\u59cb":104,"\u6027\u80fd\u4f18\u5316":116,"\u6027\u80fd\u5206\u6790\u5c0f\u6280\u5de7":119,"\u6027\u80fd\u5206\u6790\u5de5\u5177\u4ecb\u7ecd":119,"\u6027\u80fd\u8c03\u4f18":134,"\u603b\u4f53\u6d41\u7a0b":110,"\u603b\u7ed3":123,"\u6216\u8005\u662f":93,"\u6267\u884c\u5355\u5143\u6d4b\u8bd5":99,"\u627e\u5230\u7684pythonlibs\u548cpythoninterp\u7248\u672c\u4e0d\u4e00\u81f4":93,"\u62a5importerror":93,"\u6307\u9488\u4f5c\u4e3a\u7c7b\u578b\u7684\u53e5\u67c4":68,"\u63a5\u53e3\u8f93\u51fa\u591a\u4e2alayer\u7684\u9884\u6d4b\u7ed3\u679c":96,"\u63a8\u5bfc\u65b9\u7a0b":112,"\u63a8\u6d4b\u6267\u884c":36,"\u63d0\u4ea4":111,"\u63d0\u4ea4\u4ee3\u7801\u7684\u4e00\u4e9b\u7ea6\u5b9a":111,"\u63d0\u4ea4\u955c\u50cf":128,"\u642d\u5efa\u795e\u7ecf\u7f51\u7edc":103,"\u652f\u6301\u53cc\u5c42\u5e8f\u5217\u4f5c\u4e3a\u8f93\u5165\u7684layer":105,"\u652f\u6301\u7528\u6237\u81ea\u5b9a\u4e49\u7684\u6570\u636e\u9884\u5904\u7406job":37,"\u6570\u636e\u652f\u6301":134,"\u6574\u4f53\u65b9\u6848":129,"\u6587\u4ef6\u4f20\u8f93\u4f18\u5316":51,"\u6587\u4ef6\u8bbf\u95ee\u65b9\u5f0f":37,"\u6587\u4ef6\u8bbf\u95ee\u7684\u6743\u9650":37,"\u6587\u4ef6\u9884\u5904\u7406":37,"\u6587\u6863":137,"\u65b0\u624b\u5165\u95e8":104,"\u65e5\u5fd7\u4e2d\u4fdd\u5b58\u5747\u4e3a\u7f51\u7edc\u901a\u4fe1\u7c7b\u9519\u8bef":94,"\u65f6\u5e8f\u6a21\u578b\u7684\u4f7f\u7528\u573a\u666f":2,"\u65f6\u95f4\u5e8f\u5217":106,"\u65f6\u95f4\u6b65":106,"\u66b4\u9732\u63a5\u53e3\u539f\u5219":69,"\u672c\u5730\u6d4b\u8bd5":136,"\u672c\u5730\u8bad\u7ec3":136,"\u672c\u5730\u8bad\u7ec3\u4e0e\u9884\u6d4b":96,"\u672f\u8bed":36,"\u6784\u5efa\u548c\u6d4b\u8bd5":111,"\u6784\u5efapaddlepaddle\u7684android\u5f00\u53d1\u955c\u50cf":138,"\u67b6\u6784\u56fe":51,"\u67e5\u770b\u6027\u80fd\u5206\u6790\u6587\u4ef6":118,"\u67e5\u770b\u8bad\u7ec3\u7ed3\u679c":128,"\u67e5\u770b\u8f93\u51fa":129,"\u6837\u4f8b\u6570\u636e":2,"\u6846\u67b6\u751f\u6210":51,"\u6848\u4f8b\u4e00":136,"\u6848\u4f8b\u4e8c":136,"\u68c0\u67e5\u6a21\u578b\u8f93\u51fa":126,"\u68c0\u67e5\u96c6\u7fa4\u8bad\u7ec3\u7ed3\u679c":126,"\u6982\u5ff5\u7b80\u4ecb":113,"\u6982\u5ff5\u89e3\u91ca":37,"\u6982\u8ff0":[105,108,121,125],"\u6a21\u5757":51,"\u6a21\u578b\u53c2\u6570\u68c0\u67e5\u70b9":36,"\u6a21\u578b\u63a8\u65ad\u5b9e\u73b0\u6587\u6863":69,"\u6a21\u578b\u914d\u7f6e":[97,106,116],"\u6a21\u578b\u914d\u7f6e\u7684\u6a21\u578b\u914d\u7f6e":106,"\u6ce8\u518coper":113,"\u6ce8\u610f\u4e8b\u9879":[2,113,124],"\u6d41\u7a0b\u4ecb\u7ecd":37,"\u6d4b\u8bd5":134,"\u6df7\u5408\u4ee3\u7801\u7684\u6027\u80fd\u5206\u6790":118,"\u6e05\u7406":124,"\u73af\u5883\u51c6\u5907":125,"\u751f\u6210\u5e8f\u5217":109,"\u751f\u6210\u6027\u80fd\u5206\u6790\u6587\u4ef6":118,"\u751f\u6210\u6d41\u7a0b\u7684\u4f7f\u7528\u65b9\u6cd5":108,"\u751f\u6210sparse\u6587\u4ef6":51,"\u7528\u6237\u4f7f\u7528\u6d41\u7a0b":51,"\u7528docker\u7f16\u8bd1\u548c\u6d4b\u8bd5paddlepaddl":110,"\u7684\u533a\u522b":97,"\u7684\u53c2\u6570":97,"\u7684\u65b9\u6cd5\u6709\u4f55\u533a\u522b":97,"\u76ee\u5f55\u7ed3\u6784":69,"\u76ee\u6807":51,"\u76f4\u63a5\u6784\u5efa":115,"\u76f8\u5173\u6982\u5ff5":108,"\u77e9\u9635":134,"\u793a\u4f8b1":106,"\u793a\u4f8b2":106,"\u793a\u4f8b3":106,"\u793a\u4f8b4":106,"\u793a\u4f8b\u7a0b\u5e8f":37,"\u795e\u7ecf\u5143\u6fc0\u6d3b\u5185\u5b58":96,"\u7a00\u758f\u8bad\u7ec3":136,"\u7aef\u6570\u636e\u7c7b\u578b\u8bf4\u660e":123,"\u7b26\u53f7":68,"\u7b80\u5355\u95e8\u63a7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc":109,"\u7c7b":[68,112,113],"\u7ebf\u6027\u56de\u5f52\u5b8c\u6574\u793a\u4f8b":103,"\u7ec4\u7ec7\u5e8f\u5217\u4fe1\u606f":123,"\u7ec4\u7ec7\u8f93\u5165\u6570\u636e":[123,124],"\u7ec6\u8282\u63cf\u8ff0":134,"\u7ec8\u6b62\u96c6\u7fa4\u4f5c\u4e1a":126,"\u7ed1\u5b9apython":113,"\u7f16\u5199\u9884\u6d4b\u4ee3\u7801":124,"\u7f16\u5199yaml\u6587\u4ef6":128,"\u7f16\u8bd1":[113,121],"\u7f16\u8bd1\u4f9d\u8d56":99,"\u7f16\u8bd1\u548c\u5b89\u88c5":[138,139,140],"\u7f16\u8bd1\u548c\u6267\u884c":113,"\u7f16\u8bd1\u5b89\u88c5\u4e0e\u5355\u5143\u6d4b\u8bd5":93,"\u7f16\u8bd1\u5b89\u88c5\u540e\u6267\u884c":93,"\u7f16\u8bd1\u65b9\u6cd5":99,"\u7f16\u8bd1\u6d41\u7a0b":101,"\u7f16\u8bd1\u9009\u9879":[69,99],"\u7f16\u8bd1\u9009\u9879\u7684\u8bbe\u7f6e":99,"\u7f16\u8bd1\u9009\u9879\u8bf4\u660e":99,"\u7f16\u8bd1paddlepaddl":138,"\u7f29\u5bb9":36,"\u7f51\u7edc\u914d\u7f6e\u4e2d\u7684\u8c03\u7528":2,"\u800c\u662f\u624b\u5199\u591a\u8bed\u8a00\u7ed1\u5b9a":68,"\u80cc\u666f":68,"\u81ea\u7136\u8bed\u8a00\u5904\u7406":134,"\u83b7\u53d6paddlepaddle\u7684docker\u955c\u50cf":100,"\u8986\u76d6\u4e0d\u4e00\u81f4\u7684\u90e8\u5206":51,"\u8bad\u7ec3":134,"\u8bad\u7ec3\u56e0\u6b64\u9000\u51fa\u600e\u4e48\u529e":96,"\u8bad\u7ec3\u6570\u636e\u5b58\u50a8":37,"\u8bad\u7ec3\u6570\u636e\u7684\u5b58\u50a8\u548c\u5206\u53d1":37,"\u8bad\u7ec3\u6a21\u578b":103,"\u8bad\u7ec3\u6d41\u7a0b\u7684\u4f7f\u7528\u65b9\u6cd5":108,"\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u51fa\u73b0":96,"\u8bbe\u7f6e\u547d\u4ee4\u884c\u53c2\u6570":135,"\u8bcd\u6c47\u8868":106,"\u8be6\u7ec6\u6559\u7a0b":119,"\u8bfb\u53d6\u53cc\u5c42\u5e8f\u5217\u6570\u636e":106,"\u8f6c\u6362\u5e93":37,"\u8f93\u5165":[108,123],"\u8f93\u5165\u4e0d\u7b49\u957f":106,"\u8f93\u5165\u793a\u4f8b":108,"\u8f93\u51fa":108,"\u8f93\u51fa\u6570\u636e":123,"\u8f93\u51fa\u6570\u636e\u7c7b\u578b":123,"\u8f93\u51fa\u6570\u636e\u7ec4\u7ec7":123,"\u8fd0\u884c\u5bb9\u5668":128,"\u8fd0\u884c\u73af\u5883\u4f9d\u8d56":102,"\u8fd0\u884cdocker":93,"\u8fd9\u4e2a\u52a8\u6001\u5e93\u4f7f\u7528c99\u6807\u51c6\u7684\u5934\u6587\u4ef6\u5bfc\u51fa\u4e00\u4e9b\u51fd\u6570":68,"\u8fdb\u884c\u8bad\u7ec3":[37,128],"\u8fdb\u9636\u6307\u5357":116,"\u901a\u7528":134,"\u9047\u5230":93,"\u914d\u7f6e\u4ea4\u53c9\u7f16\u8bd1\u53c2\u6570":[138,139,140],"\u914d\u7f6e\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u67b6\u6784":109,"\u914d\u7f6e\u7f51\u7edc":103,"\u94a9\u5b50":111,"\u94fe\u63a5\u8bf4\u660e":121,"\u9519\u8bef\u600e\u4e48\u529e":97,"\u968f\u673a\u6570":134,"\u96c6\u7fa4\u591a\u8282\u70b9\u8bad\u7ec3":94,"\u96c6\u7fa4\u8bad\u7ec3":136,"\u96c6\u7fa4\u8bad\u7ec3\u4e0e\u9884\u6d4b":94,"\u9700\u8981\u7684\u8f6f\u786c\u4ef6":110,"\u975e\u6cd5\u6307\u4ee4":93,"\u9884\u6d4b\u5e93":121,"\u9884\u6d4b\u6d41\u7a0b":4,"\u9884\u6d4bdemo":4,"abstract":[45,46,47,74,142],"android\u5e73\u53f0\u7f16\u8bd1\u6307\u5357":138,"api\u4e2d\u6587\u624b\u518c":3,"api\u5bf9\u6bd4\u4ecb\u7ecd":106,"api\u5e93":138,"beam_search\u7684\u751f\u6210":106,"book\u4e2d\u6240\u6709\u7ae0\u8282":85,"book\u6559\u7a0b":100,"case":32,"class":[57,76,80],"cmake\u6e90\u7801\u7f16\u8bd1":93,"dataprovider\u7684\u4ecb\u7ecd":1,"dataprovider\u7684\u4f7f\u7528":2,"filemanager\u8bbe\u8ba1\u6587\u6863":51,"final":62,"float":96,"function":[34,56,57,80],"gpu\u548ccpu\u6df7\u5408\u4f7f\u7528":136,"gpu\u6027\u80fd\u5206\u6790\u4e0e\u8c03\u4f18":119,"gpu\u955c\u50cf\u51fa\u73b0":93,"group\u6559\u7a0b":108,"import":93,"ios\u5e73\u53f0\u7f16\u8bd1\u6307\u5357":139,"kubernetes\u5206\u5e03\u5f0f\u8bad\u7ec3":129,"kubernetes\u5355\u673a\u8bad\u7ec3":128,"mnist\u7684\u4f7f\u7528\u573a\u666f":2,"new":89,"org\u5de5\u5177":115,"paddle\u52a8\u6001\u5e93\u4e2d":68,"paddle\u591a\u8bed\u8a00\u63a5\u53e3\u5b9e\u73b0":68,"paddle\u7248\u672c\u53f7\u4e3a0":93,"paddlepaddle\u53d1\u884c\u89c4\u8303":85,"paddlepaddle\u56de\u5f52\u6d4b\u8bd5\u5217\u8868":85,"paddlepaddle\u662f\u5426\u652f\u6301\u7ef4\u6570\u53ef\u53d8\u7684\u6570\u636e\u8f93\u5165":97,"paddlepaddle\u73af\u5883\u4f9d\u8d56":102,"paddlepaddle\u7684softmax\u80fd\u5426\u6307\u5b9a\u8ba1\u7b97\u7684\u7ef4\u5ea6":97,"paddlepaddle\u7f16\u8bd1\u4f9d\u8d56":99,"pi\u5e73\u53f0\u7f16\u8bd1\u6307\u5357":140,"pod\u95f4\u901a\u4fe1":129,"pydataprovider2\u7684\u4f7f\u7528":2,"python\u4e0ec":118,"python\u4ee3\u7801\u7684\u6027\u80fd\u5206\u6790":118,"python\u76f8\u5173\u7684\u5355\u5143\u6d4b\u8bd5\u90fd\u8fc7\u4e0d\u4e86":93,"return":[80,81],"rnn\u76f8\u5173\u6a21\u578b":107,"rnn\u914d\u7f6e":109,"switch":[66,89],"tensor\u4f7f\u7528\u6837\u4f8b":114,"tensor\u5230eigentensor\u7684\u8f6c\u6362":114,"tensor\u6a21\u5757":114,AWS:127,Abs:5,DNS:127,EFS:127,For:34,KMS:127,The:[33,40,44,50,54,57,58,60,61,70,73,76,82,83],Use:[33,78],Using:[34,40],With:43,about:57,abs:22,absolut:72,access:127,account:127,accuraci:22,action:[64,65],activ:[5,8,65],adadelta:10,adagrad:10,adagradoptim:24,adam:10,adamax:10,adamaxoptim:24,adamoptim:24,add:[63,66,127],address:127,addto:8,advanc:89,aggreg:8,aggregatelevel:8,alalysi:38,algorithm:[31,35,45,71,79],all:[86,91],analog:44,analysi:[45,63],anneal:98,api:[0,3,45,64,65,69,73,75,80,84,88,122,124],appendix:142,applic:3,arbitrari:54,architectur:[45,77],argument:[52,81],arrai:31,array_length:22,array_read:22,array_to_lod_tensor:22,array_writ:22,asset:127,assign:22,associ:[86,127],assumpt:142,async:134,attent:109,attribut:[6,63,84],auc:7,auto:31,averag:75,avg:11,aws:127,backgraound:31,background:[47,64,89,90,91,92],backward:[32,54,58,82],base:[43,72],basepool:11,basic:[63,89,142],batch:81,batch_norm:[8,22],batch_siz:81,beam:72,beam_search:8,beam_search_decod:22,becaus:98,benchmark:[64,65],benefit:[47,82],between:[30,80,82,88,89],bidirectional_gru:9,bidirectional_lstm:9,big:98,bilinear_interp:8,binari:33,bla:99,block:[33,55,57,58,78,80,82],block_expand:8,blockdesc:78,bootstrap:142,bottleneck:117,brelu:[5,22],bring:142,bucket:127,build:[32,57,82],cach:2,can:86,capi:69,capi_priv:69,cast:22,ceil:22,challeng:[32,47,79],chang:72,check:[8,31],checker:31,checkpoint:[35,36,42],choic:62,choos:[34,127],chunk:7,cifar:14,classif:7,classification_error:7,classification_error_print:7,client:40,clip:[8,48],clone:111,close:31,cloudform:127,cluster:[41,127,142],cmake:[34,64,65],code:[43,55,80,117,120],column_sum:7,commit:111,compar:142,comparis:80,compat:54,compil:[33,53,55,78,82,120],complet:54,compos:81,comput:[33,58,66,82,84],con:142,concat:[8,22],concept:[80,82,127],concern:65,conclus:[42,59,142],concurr:44,condit:57,config:3,configur:[28,127],conll05:14,connect:8,constantiniti:20,construct:58,content:[2,64,65,69,93,94,96,97,98,105,119,127],context_project:8,control:[63,82],contruct:63,conv2d:22,conv2d_transpos:22,conv:8,conv_oper:8,conv_project:8,conv_shift:8,convert:42,core:[31,80,127],corner:32,cos_sim:[8,22],cost:8,cpu:46,creat:[32,81,82,86,127],create_arrai:22,creation:[39,75,84],creator:81,credenti:127,crf:8,crf_decod:8,cross_channel_norm:8,cross_entropi:22,cross_entropy_cost:8,cross_entropy_with_selfnorm_cost:8,ctc:8,ctc_error:7,cuda:[53,93,99],cudnn:99,cudnnavg:11,cudnnmax:11,current:[53,83],custom:81,data:[8,12,13,22,35,45,81,90,127],datafeed:[13,17],dataflow:63,dataprovid:[3,134],dataset:[12,14,35,39],datatyp:[13,70],decayedadagrad:10,decayedadagradoptim:24,decod:72,decor:81,deep:[33,54],defin:127,definit:92,delet:127,demo:[57,127],dens:42,depend:57,deploi:43,describ:[54,73],descript:[52,82],design:[30,31,33,35,39,40,41,42,44,45,46,47,49,50,53,54,56,57,58,61,64,65,66,67,70,71,72,73,74,76,78,80,81,82,83,86,87,89,91],destroi:[86,127],detail:38,detect:[7,8],detection_map:7,detection_output:8,develop:82,devic:89,devicecontext:89,dictionari:81,differ:[82,89],directori:127,discrimin:57,discuss:[47,57],dispatch:[35,39],distribut:[30,35,38,43,45,47,127],dnn:65,doc:[30,33,35,39,40,41,42,44,45,46,47,50,53,54,56,58,61,64,65,66,67,70,74,76,78,80,81,82,83,87,89],docker:[43,110],doe:81,dot_prod:8,dot_product_attent:[9,23],dotmul_oper:8,dotmul_project:8,down:127,download:127,driver:93,drop_out:97,dropout:[8,22],duplic:97,dure:[72,81],dylib:69,dynam:[35,91],dynamic_lstm:22,dynet:59,ec2:127,eigen:114,elast:127,elect:42,elementwise_add:22,elementwise_div:22,elementwise_mul:22,elementwise_sub:22,els:33,elu:22,embed:[8,22],engin:57,enough:31,entri:81,environ:43,eos:8,error:48,evalu:[7,18,49],event:[29,30,77],evolut:54,examin:117,exampl:[30,34,44,60,69],except:96,execut:[33,46,54,78,82],executor:[19,50],exp:[5,22],expand:[8,105],expandlevel:8,explain:31,extern:127,factor:8,factorization_machin:8,faq:95,fault:35,file:[33,117,127],fill_const:22,fill_constant_batch_size_lik:22,find:127,first_seq:[8,105],float16:53,floor:22,flow:63,fluid:[16,44,54,55,66,74,120],fork:111,format:[33,35,67],forward:58,frame:33,framework:[31,114],from:[30,42,88],full_matrix_project:8,fulli:8,functor:89,futur:54,gan:57,gate:109,gated_unit:8,gener:[55,57,72,117,142],get_output:8,give:81,global:[78,80],glu:23,gpu:134,grad_op:32,gradient:[31,32,40,65,83],gradient_print:7,graident:31,graph:[58,59,63,82,84],group:[8,127],gru:[9,134],gru_group:9,gru_step:8,gru_unit:[9,22],grumemori:8,handler:[30,68],happen:42,hard_shrink:22,hard_sigmoid:22,hardwar:53,helper:80,hierarchi:33,high:[73,75,84,88],how:[31,38,75,81,82,89],hsigmoid:8,huber_classification_cost:8,huber_regression_cost:8,iam:127,ident:5,identifi:117,identity_project:8,ifels:60,ifelseop:33,illeg:93,imag:[8,9,15,43],imdb:14,img_cmrnorm:8,img_conv:8,img_conv_bn_pool:9,img_conv_group:[9,23],img_pool:8,imikolov:14,implement:[31,32,34,38,46,48,49,53,67,71,74,75,80,81,82,83,84],increment:22,infer:[29,96],infershap:[78,87],infervartyp:61,ingredi:30,ingress:51,init_hook:2,initi:[20,40,57,127],input_typ:2,insid:86,inspect:127,instal:[127,142],instanc:127,instead:81,instruct:93,insuffici:93,integr:[89,127],intel:[64,65],interact:88,interfac:[12,13,15,31,35,40,41,50,73,81,86],intermedi:82,interpol:8,introduc:[72,91],introduct:[77,84],is_paramet:21,isn:81,issu:[53,111],job:[35,43,127,128],join:8,kei:[64,70,127],kernel:[66,70,82],kmax_sequence_scor:8,kube:127,kubectl:127,kubernet:[43,127,128],l1decayregular:27,l2_distanc:8,l2_normal:22,l2decayregular:27,lambda_cost:8,languag:[33,55],larg:38,last_seq:[8,105],layer:[8,22,30,56,64,65,80,97],layout:70,leaky_relu:22,learn:[33,54,98],learnabl:8,less_than:22,leval:88,level:[73,75,84,88],libpaddle_capi_shar:69,libpaddle_capi_whol:69,librari:[40,53,70,82,89],limit:45,linear:5,linear_chain_crf:22,linear_comb:8,list:[36,81],live:63,local:[45,86,127],lod:72,lod_rank_t:22,lod_tensor_to_arrai:22,lodtensor:[71,72,91],lodtensordesc:92,log:[5,22],logic:39,logsigmoid:22,look:117,low:[75,84,88],lstm:[9,134],lstm_step:8,lstm_unit:22,lstmemori:8,lstmemory_group:9,lstmemory_unit:9,machin:[8,72],macro:82,main:57,make:63,manag:34,map:[81,82],master:[35,39,43,44],math:[8,89],mathemat:31,matmul:22,matrix:65,max:11,max_sequence_len:22,maxframe_print:7,maxid:8,maxid_print:7,maxout:8,mean:22,member:57,memori:[8,63,71,89,97,106,108],merge_lod_tensor:22,messag:[88,98],method:72,might:57,migrat:82,mileston:82,mini:81,minibatch:13,misc:8,mix:8,mkl:[64,65],mkldnn:66,mkldnn_helper:66,mkldnndevicecontext:66,mnist:14,mobil:141,model:[3,28,30,38,40,42,54,57,67,72,109],modul:[82,89,93],momentum:10,momentumoptim:24,more:57,motiv:[32,50,67,74,79],movielen:14,msrainiti:20,mul:22,multi:[46,55],multi_binary_label_cross_entropy_cost:8,multibox_loss:8,multipl:81,multiplex:8,mxnet:59,name:[86,93,97,127],nativ:55,nccl:74,nce:8,necess:80,necessari:82,need:81,nest:71,net:23,network:[9,82,109],neural:109,nlp:[9,134],norm:[8,84],normaliniti:20,note:31,numer:31,numpi:31,nvprof:119,nvvp:119,object:35,offset:72,ones:22,onli:[81,86],op_mak:82,oper:[56,60,63,66,70,75,78,80,82,83,87,91],opinfomap:82,opkernel:[82,89],opproto:88,ops:84,optim:[10,24,35,40,58,63,73,80],option:52,opwithkernel:82,order:52,org:115,origin:82,orthogon:86,other:65,out_prod:8,output:[8,127],overview:[42,48,50,64,65,82,86,120],pack:[64,72],packag:34,pad:8,paddl:[38,74,81,86,93,97,114],paddlejob:43,paddlepaddl:[30,33,54,55,64,65,75,78,84,85,93,115,120,121,122,127,137],pair:127,paradigm:54,parallel_nn:136,paramattr:25,paramet:[6,8,29,30,35,40,41,43,47,65,75,76,80,84,127],parameteraverageoptim:75,parent:86,part:58,partit:40,path:[42,52],penalti:84,perform:[75,117,134],persist:39,pfsclient:[51,52],pfsserver:51,place:[63,70,89],placement:45,platform:93,pnpair:7,point:[64,96,127],polici:63,pool2d:22,pool:[8,11,105],pose:[61,83],potenti:62,pow:22,power:8,pre:111,precision_recal:7,prefetch:81,prelu:8,prepar:127,principl:66,print:7,privat:127,pro:142,problem:[49,61,62,63,70,73,83,90],procedur:142,process:[35,40,43,73,82],profil:[26,117],program:[33,44,46,54,55,78,80],programdesc:[55,78],project:34,propos:[61,83,84],protobuf:87,protocol:98,provid:[2,81],prune:79,pserver:42,pull:111,push:111,python:[31,43,45,64,65,71,73,75,80,81,84,88,92,117,123],qualiti:82,queue:[35,39],rank:7,rank_cost:8,raspberri:140,rate:98,reader:[12,13,30,81],realiz:82,reciproc:22,recoveri:35,recurr:[8,9,97,108,109],recurrent_group:8,reduce_max:22,reduce_mean:22,reduce_min:22,reduce_sum:22,ref:31,refactor:82,refer:[2,45,47,63,64,65],region:127,regist:[61,82,88],registr:[82,83],registri:82,regular:[27,40,84],reject:98,rel:72,relat:[82,91],relu6:22,relu:[5,22],remot:41,remoteexecutor:45,render:127,repeat:8,represent:[33,82],request:111,requir:[34,57],reshap:[8,22],resiz:8,retri:39,reus:80,rmsprop:10,rnn:[71,91,106,134],rnnop:[33,71,82],roi_pool:8,rotat:8,round:22,route53:127,row:87,row_conv:8,row_l2_norm:8,run:[50,120],runtim:43,sampl:8,sampling_id:8,save:42,scale:[8,22,35],scale_shift:8,scaling_project:8,scope:[33,71,82,86],search:72,secur:127,select:[40,87],selectedrow:87,selective_fc:8,sentiment:14,separ:82,seq_concat:8,seq_reshap:8,seq_slic:8,seqtext_print:7,sequenc:[72,109],sequence_conv:22,sequence_conv_pool:[9,23],sequence_expand:22,sequence_first_step:22,sequence_last_step:22,sequence_pool:22,sequence_reshap:22,sequence_softmax:22,sequencesoftmax:5,server:[35,39,40,43,47,127],servic:127,setup:127,sextant:142,sgd:134,sgdoptim:24,shape:72,share:[30,32,63,86],should:86,shrink_memori:22,shuffl:81,sigmoid:[5,22],sigmoid_cross_entropy_with_logit:22,simpl:72,simple_attent:9,simple_gru2:9,simple_gru:9,simple_img_conv_pool:[9,23],simple_lstm:9,singl:81,slice:8,slice_project:8,slope_intercept:8,small_vgg:9,smooth_l1_cost:8,soft_relu:22,softmax:5,softplu:22,softrelu:5,softshrink:22,softsign:[5,22],solut:[61,62,63,64,70,79,83,90],sourc:120,spars:[40,41,42,87],split:22,split_lod_tensor:22,spp:8,sqrt:22,squar:[5,22],square_error_cost:[8,22],squarerootn:11,stack:33,stanh:5,start:[30,127],statement:49,step2:124,step:[71,124],storag:84,store:35,strategi:63,sub_nested_seq:8,sub_seq:8,subcommond:52,submit:43,suffici:81,suitabl:34,sulut:66,sum:[7,11,22],sum_cost:8,sum_to_one_norm:8,summar:[30,44],summari:67,support:[53,74,89,91,93],survei:[53,59,84,142],swish:22,synopsi:52,system:[54,127],tabl:69,table_project:8,tanh:[5,22],tanh_shrink:22,task:[35,39],tear:127,tecton:142,templat:127,tensor:[8,82,89,114],tensorarrai:[72,91],tensordesc:92,tensorflow:59,test:[64,65,66],text_conv_pool:9,theori:31,thi:[86,93],think:57,three:91,thresholded_relu:22,time:120,timelin:42,todo:[36,37,46],togeth:86,toler:35,too:98,tool:[34,142],topic:89,topk:22,toward:55,train:[29,30,35,38,41,43,45,73,81,127],trainer:[29,35,40,42,43,127],tran:8,trans_full_matrix_project:8,transform:90,translat:72,transpil:[45,46,47,55,63,74],transpos:22,tune:134,ture:54,two:31,type:70,uci_h:14,uniform:91,uniforminiti:20,unit:[64,65,66],unpack:72,updat:[30,41,42,127],usag:[32,48,71,72,81],use:[38,81],user:35,util:7,valu:80,value_print:7,vardesc:92,variabl:[32,63,80,82,86,92],verifi:127,version:[44,53,93],vgg_16_network:9,volum:127,vpc:127,warp_ctc:8,weightdecayregular:27,what:[38,42],wheel:93,when:[42,86],whl:93,why:[53,54,75,81,82,91],wmt14:14,worker:44,xavieriniti:20,zero:22}}) \ No newline at end of file +Search.setIndex({docnames:["api/index_cn","api/v1/data_provider/dataprovider_cn","api/v1/data_provider/pydataprovider2_cn","api/v1/index_cn","api/v1/predict/swig_py_paddle_cn","api/v2/config/activation","api/v2/config/attr","api/v2/config/evaluators","api/v2/config/layer","api/v2/config/networks","api/v2/config/optimizer","api/v2/config/pooling","api/v2/data","api/v2/data/data_reader","api/v2/data/dataset","api/v2/data/image","api/v2/fluid","api/v2/fluid/data_feeder","api/v2/fluid/evaluator","api/v2/fluid/executor","api/v2/fluid/initializer","api/v2/fluid/io","api/v2/fluid/layers","api/v2/fluid/nets","api/v2/fluid/optimizer","api/v2/fluid/param_attr","api/v2/fluid/profiler","api/v2/fluid/regularizer","api/v2/model_configs","api/v2/run_logic","design/api","design/auto_gradient_check","design/backward","design/block","design/build_system/README","design/cluster_train/README","design/cluster_train/checkpointing","design/cluster_train/data_dispatch","design/cluster_train/large_model_dist_train","design/cluster_train/master_server","design/cluster_train/pserver_client","design/cluster_train/remote_parameter_updater","design/cluster_train/save_model","design/cluster_train/submit-job","design/concurrent_programming","design/dist_refactor/distributed_architecture","design/dist_refactor/multi_cpu","design/dist_refactor/parameter_server","design/error_clip","design/evaluator","design/executor","design/file_manager/README","design/file_manager/pfs/pfsclient","design/float16","design/fluid","design/fluid_compiler","design/functions_operators_layers","design/gan_api","design/graph","design/graph_survey","design/if_else_op","design/infer_var_type","design/kernel_hint_design","design/memory_optimization","design/mkl/mkl_packed","design/mkl/mkldnn","design/mkl/mkldnn_fluid","design/model_format","design/multi_language_interface/00.why_plain_c","design/multi_language_interface/01.inference_implementation","design/operator_kernel_type","design/ops/rnn","design/ops/sequence_decoder","design/optimizer","design/paddle_nccl","design/parameter_average","design/parameters_in_cpp","design/profiler","design/program","design/prune","design/python_api","design/reader/README","design/refactorization","design/register_grad_op","design/regularization","design/releasing_process","design/scope","design/selected_rows","design/simple_op_design","design/support_new_device","design/switch_kernel","design/tensor_array","design/var_desc","faq/build_and_install/index_cn","faq/cluster/index_cn","faq/index_cn","faq/local/index_cn","faq/model/index_cn","faq/parameter/index_cn","getstarted/build_and_install/build_from_source_cn","getstarted/build_and_install/docker_install_cn","getstarted/build_and_install/index_cn","getstarted/build_and_install/pip_install_cn","getstarted/concepts/use_concepts_cn","getstarted/index_cn","howto/deep_model/rnn/hierarchical_layer_cn","howto/deep_model/rnn/hrnn_rnn_api_compare_cn","howto/deep_model/rnn/index_cn","howto/deep_model/rnn/recurrent_group_cn","howto/deep_model/rnn/rnn_config_cn","howto/dev/build_cn","howto/dev/contribute_to_paddle_cn","howto/dev/new_layer_cn","howto/dev/new_op_cn","howto/dev/use_eigen_cn","howto/dev/write_docs_cn","howto/index_cn","howto/optimization/cpu_profiling","howto/optimization/cpu_profiling_cn","howto/optimization/gpu_profiling_cn","howto/read_source","howto/usage/capi/compile_paddle_lib_cn","howto/usage/capi/index_cn","howto/usage/capi/organization_of_the_inputs_cn","howto/usage/capi/workflow_of_capi_cn","howto/usage/cluster/cluster_train_cn","howto/usage/cluster/fabric_cn","howto/usage/cluster/k8s_aws_cn","howto/usage/cluster/k8s_cn","howto/usage/cluster/k8s_distributed_cn","howto/usage/cluster/openmpi_cn","howto/usage/cluster/src/k8s_data/README","howto/usage/cluster/src/k8s_train/README","howto/usage/cmd_parameter/arguments_cn","howto/usage/cmd_parameter/detail_introduction_cn","howto/usage/cmd_parameter/index_cn","howto/usage/cmd_parameter/use_case_cn","index_cn","mobile/cross_compiling_for_android_cn","mobile/cross_compiling_for_ios_cn","mobile/cross_compiling_for_raspberry_cn","mobile/index_cn","survey/cluster_bootstrapping_tools"],envversion:50,filenames:["api/index_cn.rst","api/v1/data_provider/dataprovider_cn.rst","api/v1/data_provider/pydataprovider2_cn.rst","api/v1/index_cn.rst","api/v1/predict/swig_py_paddle_cn.rst","api/v2/config/activation.rst","api/v2/config/attr.rst","api/v2/config/evaluators.rst","api/v2/config/layer.rst","api/v2/config/networks.rst","api/v2/config/optimizer.rst","api/v2/config/pooling.rst","api/v2/data.rst","api/v2/data/data_reader.rst","api/v2/data/dataset.rst","api/v2/data/image.rst","api/v2/fluid.rst","api/v2/fluid/data_feeder.rst","api/v2/fluid/evaluator.rst","api/v2/fluid/executor.rst","api/v2/fluid/initializer.rst","api/v2/fluid/io.rst","api/v2/fluid/layers.rst","api/v2/fluid/nets.rst","api/v2/fluid/optimizer.rst","api/v2/fluid/param_attr.rst","api/v2/fluid/profiler.rst","api/v2/fluid/regularizer.rst","api/v2/model_configs.rst","api/v2/run_logic.rst","design/api.md","design/auto_gradient_check.md","design/backward.md","design/block.md","design/build_system/README.md","design/cluster_train/README.md","design/cluster_train/checkpointing.md","design/cluster_train/data_dispatch.md","design/cluster_train/large_model_dist_train.md","design/cluster_train/master_server.md","design/cluster_train/pserver_client.md","design/cluster_train/remote_parameter_updater.md","design/cluster_train/save_model.md","design/cluster_train/submit-job.md","design/concurrent_programming.md","design/dist_refactor/distributed_architecture.md","design/dist_refactor/multi_cpu.md","design/dist_refactor/parameter_server.md","design/error_clip.md","design/evaluator.md","design/executor.md","design/file_manager/README.md","design/file_manager/pfs/pfsclient.md","design/float16.md","design/fluid.md","design/fluid_compiler.md","design/functions_operators_layers.md","design/gan_api.md","design/graph.md","design/graph_survey.md","design/if_else_op.md","design/infer_var_type.md","design/kernel_hint_design.md","design/memory_optimization.md","design/mkl/mkl_packed.md","design/mkl/mkldnn.md","design/mkl/mkldnn_fluid.md","design/model_format.md","design/multi_language_interface/00.why_plain_c.md","design/multi_language_interface/01.inference_implementation.md","design/operator_kernel_type.md","design/ops/rnn.md","design/ops/sequence_decoder.md","design/optimizer.md","design/paddle_nccl.md","design/parameter_average.md","design/parameters_in_cpp.md","design/profiler.md","design/program.md","design/prune.md","design/python_api.md","design/reader/README.md","design/refactorization.md","design/register_grad_op.md","design/regularization.md","design/releasing_process.md","design/scope.md","design/selected_rows.md","design/simple_op_design.md","design/support_new_device.md","design/switch_kernel.md","design/tensor_array.md","design/var_desc.md","faq/build_and_install/index_cn.rst","faq/cluster/index_cn.rst","faq/index_cn.rst","faq/local/index_cn.rst","faq/model/index_cn.rst","faq/parameter/index_cn.rst","getstarted/build_and_install/build_from_source_cn.rst","getstarted/build_and_install/docker_install_cn.rst","getstarted/build_and_install/index_cn.rst","getstarted/build_and_install/pip_install_cn.rst","getstarted/concepts/use_concepts_cn.rst","getstarted/index_cn.rst","howto/deep_model/rnn/hierarchical_layer_cn.rst","howto/deep_model/rnn/hrnn_rnn_api_compare_cn.rst","howto/deep_model/rnn/index_cn.rst","howto/deep_model/rnn/recurrent_group_cn.md","howto/deep_model/rnn/rnn_config_cn.rst","howto/dev/build_cn.md","howto/dev/contribute_to_paddle_cn.md","howto/dev/new_layer_cn.rst","howto/dev/new_op_cn.md","howto/dev/use_eigen_cn.md","howto/dev/write_docs_cn.rst","howto/index_cn.rst","howto/optimization/cpu_profiling.md","howto/optimization/cpu_profiling_cn.md","howto/optimization/gpu_profiling_cn.rst","howto/read_source.md","howto/usage/capi/compile_paddle_lib_cn.md","howto/usage/capi/index_cn.rst","howto/usage/capi/organization_of_the_inputs_cn.md","howto/usage/capi/workflow_of_capi_cn.md","howto/usage/cluster/cluster_train_cn.md","howto/usage/cluster/fabric_cn.md","howto/usage/cluster/k8s_aws_cn.md","howto/usage/cluster/k8s_cn.md","howto/usage/cluster/k8s_distributed_cn.md","howto/usage/cluster/openmpi_cn.md","howto/usage/cluster/src/k8s_data/README.md","howto/usage/cluster/src/k8s_train/README.md","howto/usage/cmd_parameter/arguments_cn.md","howto/usage/cmd_parameter/detail_introduction_cn.md","howto/usage/cmd_parameter/index_cn.rst","howto/usage/cmd_parameter/use_case_cn.md","index_cn.rst","mobile/cross_compiling_for_android_cn.md","mobile/cross_compiling_for_ios_cn.md","mobile/cross_compiling_for_raspberry_cn.md","mobile/index_cn.rst","survey/cluster_bootstrapping_tools.md"],objects:{"paddle.v2":{image:[15,0,0,"-"]},"paddle.v2.image":{batch_images_from_tar:[15,1,1,""],center_crop:[15,1,1,""],left_right_flip:[15,1,1,""],load_and_transform:[15,1,1,""],load_image:[15,1,1,""],load_image_bytes:[15,1,1,""],random_crop:[15,1,1,""],resize_short:[15,1,1,""],simple_transform:[15,1,1,""],to_chw:[15,1,1,""]}},objnames:{"0":["py","module","Python \u6a21\u5757"],"1":["py","function","Python \u51fd\u6570"]},objtypes:{"0":"py:module","1":"py:function"},terms:{"000\u5f20\u7070\u5ea6\u56fe\u7247\u7684\u6570\u5b57\u5206\u7c7b\u6570\u636e\u96c6":2,"00186201e":4,"00m":119,"01org":93,"03m":119,"0424m":119,"0473v3":9,"04\u4ee5\u4e0a":102,"04\u4ee5\u53camaco":104,"055ee37d":127,"0630u":119,"06u":119,"0810u":119,"08823112e":4,"0957m":119,"0\u53f7\u8bad\u7ec3\u8282\u70b9\u662f\u4e3b\u8bad\u7ec3\u8282\u70b9":134,"0\u5c42\u5e8f\u5217":105,"0_cudnn5":99,"0_cudnn5_avx_mkl":[100,102],"0_cudnn7_avx_mkl":102,"0ab":8,"0rc1":85,"0rc2":85,"0x10f256d50":59,"0x7ffe4de00110":59,"100gi":127,"100m":96,"10g":43,"1150u":119,"11\u5b9e\u73b0\u4e86c":69,"11e6":128,"12194102e":4,"124n":119,"12\u4ee5\u4e0a":102,"12\u64cd\u4f5c\u7cfb\u7edf":93,"12gb":63,"13m":128,"1490u":119,"14\u7248\u672c\u4ee5\u4e0a\u7684":140,"14\u8fd9\u79cd\u5199\u6cd5\u5c06\u4f1a\u6d4b\u8bd5\u6a21\u578b":136,"15501715e":4,"1550u":119,"15\u884c":106,"16\u5b57\u8282\u8868\u793a\u4fdd\u5b58\u7684\u53c2\u6570\u603b\u4e2a\u6570":98,"16u":119,"173n":119,"1770u":119,"18ad":127,"18e457ce3d362ff5f3febf8e7f85ffec852f70f3b629add10aed84f930a68750":128,"197u":119,"1\u4e4b\u540e\u7684\u4efb\u4f55\u4e00\u4e2a\u7248\u672c\u6765\u7f16\u8bd1\u8fd0\u884c":99,"1\u7684\u5c42\u4e4b\u5916":136,"1\u7a00\u758f\u6570\u636e":112,"1\u8f6e\u5b58\u50a8\u7684\u6240\u6709\u6a21\u578b":136,"210u":119,"211839e770f7b538e2d8":9,"215n":119,"228u":119,"2520u":119,"25639710e":4,"2680u":119,"26\u884c":106,"27787406e":4,"279n":119,"27m":119,"285m":119,"2863m":119,"28\u7684\u56fe\u7247\u50cf\u7d20\u7070\u5ea6\u503c":2,"28\u7ef4\u7684\u7a20\u5bc6\u6d6e\u70b9\u6570\u5411\u91cf\u548c\u4e00\u4e2a":2,"28m":119,"2977m":119,"2\u4e09\u7c7b\u7684\u6bd4\u4f8b\u4e3a":98,"2\u4e2a\u5b50\u5e8f\u5217":123,"2\u5206\u522b\u4ee3\u88683\u4e2a\u8282\u70b9\u7684trainer":129,"2\u610f\u5473\u77400\u53f7\u548c1\u53f7gpu\u5c06\u4f1a\u4f7f\u7528\u6570\u636e\u5e76\u884c\u6765\u8ba1\u7b97fc1\u548cfc2\u5c42":136,"2\u8fd9\u51e0\u4e2a\u76ee\u5f55\u8868\u793apaddlepaddle\u8282\u70b9\u4e0etrain":129,"2cbf7385":127,"302n":119,"30u":119,"32777140e":4,"328n":119,"32u":119,"32x32":14,"331n":119,"3320u":119,"36540484e":4,"365e":127,"36u":119,"3710m":119,"3768m":119,"387u":119,"38u":119,"3920u":119,"39u":119,"3\u4ee5\u4e0a\u7684\u7b26\u53f7":102,"3\u53f7gpu":96,"4035m":119,"4090u":119,"4096mb":134,"4279m":119,"43630644e":4,"43u":119,"448a5b355b84":128,"4560u":119,"4563m":119,"45u":119,"4650u":119,"4726m":119,"473m":128,"48565123e":4,"48684503e":4,"49316648e":4,"4\u4e2a\u5e8f\u5217\u7684\u957f\u5ea6\u5206\u522b\u4e3a":123,"4\u5b57\u8282\u8868\u793apaddlepaddle\u7248\u672c\u4fe1\u606f":98,"4gb":134,"500m":96,"50bd":127,"50gi":127,"51111044e":4,"514u":119,"525n":119,"526u":119,"53018653e":4,"536u":119,"5460u":119,"5470u":119,"54u":119,"5690m":119,"573u":119,"578n":119,"5798m":119,"586u":119,"58s":128,"5969m":119,"5\u4f5c\u4e3a\u7f16\u8bd1\u73af\u5883":102,"5\u5373\u5c06\u505c\u6b62\u7ef4\u62a4":102,"5_cudnn5_avx_mkl":102,"5_cudnn5_avx_openbla":[102,104],"6080u":119,"6140u":119,"6305m":119,"639u":119,"64\u5e73\u53f0\u4e3a\u4f8b":138,"64m":67,"655u":119,"6780u":119,"6810u":119,"682u":119,"6970u":119,"6\u4e07\u4ebf\u6b21\u6d6e\u70b9\u8fd0\u7b97\u6bcf\u79d2":119,"6\u4ee5\u4e0a":[102,104],"6\u4f5c\u4e3a\u6807\u51c6\u7f16\u8bd1\u73af\u5883":102,"6ce9":127,"704u":119,"70634608e":4,"7090u":119,"72296313e":4,"72u":119,"73u":119,"75u":119,"760u":119,"767u":119,"783n":119,"784u":119,"78m":119,"7\u4ee5\u4e0a":138,"7\u4ee5\u4e0a\u7684\u7b26\u53f7":102,"7\u4ee5\u4e0b":138,"7\u548cpip":93,"7\u7248\u672c\u5f00\u59cb":138,"7\u7cfb\u5217":102,"7eamaa":14,"7kb":128,"8000\u5c31\u53ef\u4ee5\u5728\u7f51\u9875\u4e0a\u751f\u6210\u9700\u8981\u7684\u6587\u6863":115,"8250u":119,"8300u":119,"830n":119,"849m":119,"85625684e":4,"861u":119,"8661m":119,"892m":119,"8\u5b57\u8282\u8868\u793a\u6bcf\u4e2a\u53c2\u6570\u5360\u7528\u7684\u5b57\u8282\u6570":98,"901n":119,"90u":119,"918u":119,"9247m":119,"924n":119,"9261m":119,"93137714e":4,"9330m":119,"94u":119,"9530m":119,"96644767e":4,"983m":119,"988u":119,"997u":119,"99982715e":4,"99u":119,"9\u4e2d\u7684\u4e00\u4e2a\u6570\u5b57":2,"9a235":139,"9f18":128,"\u4e00":106,"\u4e00\u4e2a":123,"\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a0\u5c42\u5e8f\u5217\u7ecf\u8fc7\u8fd0\u7b97\u6269\u5c55\u6210\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u4e0d\u5171\u4eab\u7684\u4f8b\u5b50\u662f":113,"\u4e00\u4e2a\u5178\u578b\u7684chunk\u5982\u4e0b\u6240\u793a":51,"\u4e00\u4e2a\u5206\u5e03\u5f0fpaddlepaddle\u8bad\u7ec3\u4efb\u52a1\u4e2d":128,"\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217\u6216\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217\u7ecf\u8fc7\u8fd0\u7b97\u6269\u5c55\u6210\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217\u8fdb\u5165":108,"\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217\u6216\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217\u7ecf\u8fc7\u8fd0\u7b97\u53d8\u6210\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217\u7ecf\u8fc7\u8fd0\u7b97\u53d8\u6210\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217\u8fdb\u5165":108,"\u4e00\u4e2a\u53cc\u5c42rnn\u7531\u591a\u4e2a\u5355\u5c42rnn\u7ec4\u6210":108,"\u4e00\u4e2a\u53ef\u8c03\u7528\u7684\u51fd\u6570":108,"\u4e00\u4e2a\u5e38\u7528\u7684cmake\u914d\u7f6e\u5982\u4e0b":140,"\u4e00\u4e2a\u6570\u636e\u96c6\u5927\u90e8\u5206\u5e8f\u5217\u957f\u5ea6\u662f100":96,"\u4e00\u4e2a\u6587\u4ef6":2,"\u4e00\u4e2a\u662f\u6d6e\u70b9\u8ba1\u7b97\u91cf":119,"\u4e00\u4e2a\u72ec\u7acb\u7684\u5143\u7d20":105,"\u4e00\u4e2a\u72ec\u7acb\u7684\u8bcd\u8bed":105,"\u4e00\u4e2a\u795e\u7ecf\u7f51\u7edc\u7684\u6a21\u578b\u7531\u5927\u91cf\u7684\u53c2\u6570\u7ec4\u6210":36,"\u4e00\u4e2a\u7f51\u7edc\u5c42\u7684\u524d\u5411\u4f20\u64ad\u90e8\u5206\u628a\u8f93\u5165\u8f6c\u5316\u4e3a\u76f8\u5e94\u7684\u8f93\u51fa":112,"\u4e00\u4e2a\u7f51\u7edc\u5c42\u7684\u53c2\u6570\u662f\u5728":112,"\u4e00\u4e2a\u7f51\u7edc\u5c42\u7684c":112,"\u4e00\u4e2a\u8f93\u51fa\u6570\u636e\u540c\u6837\u88ab\u7ec4\u7ec7\u4e3a\u4e00\u4e2a":123,"\u4e00\u4e2a\u8f93\u51fa\u7ec4\u6210":113,"\u4e00\u4e2a\u91cd\u8981\u7684\u95ee\u9898\u662f\u9009\u62e9\u6b63\u786e\u7684learning_r":98,"\u4e00\u4e2achunk\u7531\u6240\u5728\u7684\u6587\u4ef6\u504f\u79fb":51,"\u4e00\u4e2agpu\u8bbe\u5907\u4e0a\u4e0d\u5141\u8bb8\u914d\u7f6e\u591a\u4e2a\u6a21\u578b":134,"\u4e00\u4e2agradientmachine\u7c7b\u7684\u5bf9\u8c61\u7ba1\u7406\u7740\u4e00\u7ec4\u8ba1\u7b97\u5c42":124,"\u4e00\u4e2alabel":106,"\u4e00\u4e2alogging\u5bf9\u8c61":2,"\u4e00\u4e2amemory\u5305\u542b":109,"\u4e00\u4e2aposix\u517c\u5bb9\u7684\u6587\u4ef6\u7cfb\u7edf":51,"\u4e00\u4e9b\u60c5\u51b5\u4e3a\u4e86\u4fbf\u4e8e\u53d1\u5e03":124,"\u4e00\u4eba":106,"\u4e00\u53e5\u8bdd\u662f\u7531\u8bcd\u8bed\u6784\u6210\u7684\u5e8f\u5217":108,"\u4e00\u53f0\u7535\u8111":110,"\u4e00\u65e9":106,"\u4e00\u662fbatch":96,"\u4e00\u6761\u6837\u672c":2,"\u4e00\u6837\u7684\u65b9\u5f0f":110,"\u4e00\u6b21\u6027\u676f\u5b50":106,"\u4e00\u6b21yield\u8c03\u7528":2,"\u4e00\u7ef4\u6570\u7ec4":[123,124],"\u4e00\u7ef4\u6574\u578b\u6570\u7ec4":123,"\u4e00\u81f4":[105,106],"\u4e00\u822c\u4e0d\u5141\u8bb8\u518d\u4ece":85,"\u4e00\u822c\u4ece":111,"\u4e00\u822c\u5728paddlepaddle\u4e2d":106,"\u4e00\u822c\u60c5\u51b5\u4e0b":1,"\u4e00\u822c\u63a8\u8350\u8bbe\u7f6e\u6210true":2,"\u4e00\u822c\u662f\u7531\u4e8e\u76f4\u63a5\u4f20\u9012\u5927\u5b57\u5178\u5bfc\u81f4\u7684":98,"\u4e00\u822c\u6765\u8bf4":109,"\u4e00\u822c\u7531mkl":65,"\u4e00\u822c\u8868\u793a":106,"\u4e00\u822c\u8bbe\u7f6e":98,"\u4e00\u8282":124,"\u4e09\u79cd\u5e8f\u5217\u6a21\u5f0f":[2,103],"\u4e0a":111,"\u4e0a\u4ea4\u53c9\u7f16\u8bd1raspberri":140,"\u4e0a\u4f20\u5230cloud\u6216\u8005\u4e0b\u8f7d\u5230\u672c\u5730\u7684\u65f6\u95f4\u53ef\u80fd\u6bd4\u8f83\u957f":51,"\u4e0a\u4f20\u65b9\u6cd5":85,"\u4e0a\u4f20\u8ba1\u7b97\u5f97\u51fa\u7684\u68af\u5ea6":125,"\u4e0a\u56fe\u4e2d\u7684":123,"\u4e0a\u56fe\u4e2d\u865a\u7ebf\u7684\u8fde\u63a5":106,"\u4e0a\u56fe\u63cf\u8ff0\u4e86\u4e00\u4e2a3\u8282\u70b9\u7684\u5206\u5e03\u5f0f\u8bad\u7ec3\u573a\u666f":129,"\u4e0a\u6ce8\u518c\u4e00\u4e0b":51,"\u4e0a\u7f16\u8bd1\u5f88\u6162":110,"\u4e0a\u7f51":106,"\u4e0a\u8fd0\u884c":138,"\u4e0a\u8ff0\u4ee3\u7801\u5c06bias\u5168\u90e8\u521d\u59cb\u5316\u4e3a1":98,"\u4e0a\u8ff0\u547d\u4ee4\u4e2d":100,"\u4e0a\u8ff0\u547d\u4ee4\u7f16\u8bd1\u51fa\u4e00\u4e2a":110,"\u4e0a\u8ff0\u7684":97,"\u4e0a\u8ff0\u7684\u4ee3\u7801\u7247\u6bb5\u5305\u542b\u4e86\u4e24\u79cd\u65b9\u6cd5":119,"\u4e0a\u8ff0paddlepaddl":85,"\u4e0a\u9762\u7684\u4ee3\u7801\u5728":113,"\u4e0a\u9762\u7684\u4ee3\u7801\u9996\u5148\u5bfc\u5165\u4f9d\u8d56\u7684\u5305":113,"\u4e0b":[113,115],"\u4e0b\u4e00\u4e2awheel\u5305\u9700\u8981\u66f4\u65b0\u7248\u672c\u53f7\u624d\u53ef\u4ee5\u4e0a\u4f20":85,"\u4e0b\u4f1a\u770b\u5230\u5982\u4e0b\u76ee\u5f55\u7ed3\u6784":121,"\u4e0b\u540c":98,"\u4e0b\u56fe\u4e2d\u5c31\u5c55\u793a\u4e86\u4e00\u4e9b\u5173\u4e8e\u5185\u5b58\u6570\u636e\u8fc1\u5f99\u548c\u8ba1\u7b97\u8d44\u6e90\u5229\u7528\u7387\u7684\u5efa\u8bae":119,"\u4e0b\u56fe\u662f\u4e00\u4e2a\u5168\u8fde\u63a5\u5c42\u7684\u793a\u610f\u56fe":112,"\u4e0b\u56fe\u662fcsr\u5b58\u50a8\u7a00\u758f\u77e9\u9635\u7684\u793a\u610f\u56fe":123,"\u4e0b\u5b58\u653e\u516c\u5171\u6570\u636e\u96c6\u5408":37,"\u4e0b\u627e\u5230":121,"\u4e0b\u62c9\u6846\u4e2d\u627e\u5230\u751f\u6210\u76843\u4e2a\u4e8c\u8fdb\u5236\u6587\u4ef6":85,"\u4e0b\u6587\u4ee5nlp\u4efb\u52a1\u4e3a\u4f8b":108,"\u4e0b\u6587\u4f1a\u8be6\u7ec6\u8fdb\u884c\u4ecb\u7ecd":123,"\u4e0b\u6587\u4f7f\u7528":129,"\u4e0b\u6587\u5c31\u662f\u7528job\u7c7b\u578b\u7684\u8d44\u6e90\u6765\u8fdb\u884c\u8bad\u7ec3":128,"\u4e0b\u6587\u8be6\u7ec6\u89e3\u91ca":123,"\u4e0b\u6b21":106,"\u4e0b\u7684":[124,129],"\u4e0b\u8868\u5217\u51fa\u4e86python\u7aef\u8bad\u7ec3\u63a5\u53e3\u66b4\u9732\u7684\u6570\u636e\u7c7b\u578b":123,"\u4e0b\u8f7d":51,"\u4e0b\u8f7d\u5230\u672c\u5730":51,"\u4e0b\u8f7d\u5b8c\u6570\u636e\u540e":128,"\u4e0b\u8f7d\u5f97\u5230":85,"\u4e0b\u8f7d\u6307\u5b9a\u7248\u672c\u7684docker\u955c\u50cf":100,"\u4e0b\u8f7dgpu\u7248\u672c":100,"\u4e0b\u9762":124,"\u4e0b\u9762\u4e3e\u4e2a\u7b80\u5355\u7684\u4f8b\u5b50":119,"\u4e0b\u9762\u4ecb\u7ecd\u4ecb\u7ecd":113,"\u4e0b\u9762\u4ee5":125,"\u4e0b\u9762\u4ee5\u77e9\u9635\u4e58\u64cd\u4f5c":113,"\u4e0b\u9762\u4ee5addop\u4e3a\u4f8b\u8bf4\u660etensor\u7684\u4f7f\u7528\u8fc7\u7a0b":114,"\u4e0b\u9762\u5206\u522b\u4ecb\u7ecd\u67d0\u4e00\u7c7b\u6587\u4ef6\u7684\u5b9e\u73b0\u65b9\u5f0f":69,"\u4e0b\u9762\u5217\u51fa\u4e86":109,"\u4e0b\u9762\u5217\u51fa\u4e86\u5168\u8fde\u63a5\u5c42\u7684\u68af\u5ea6\u68c0\u67e5\u5355\u5143\u6d4b\u8bd5":112,"\u4e0b\u9762\u5c31\u6839\u636e\u8fd9\u51e0\u4e2a\u6b65\u9aa4\u5206\u522b\u4ecb\u7ecd":129,"\u4e0b\u9762\u6211\u4eec\u4f7f\u7528\u8fd9\u4e2a\u955c\u50cf\u6765\u4e0b\u8f7d\u6570\u636e\u5230docker":128,"\u4e0b\u9762\u662f":113,"\u4e0b\u9762\u662f\u5bf9":113,"\u4e0b\u9762\u662fc":124,"\u4e0b\u9762\u7684\u4ee3\u7801\u5c06\u968f\u673a\u751f\u6210\u7684\u77e9\u9635\u8f6c\u5316\u4e3a\u53ef\u4ee5\u88abpaddlepaddle\u52a0\u8f7d\u7684\u6a21\u578b\u53c2\u6570":98,"\u4e0b\u9762\u7684\u4ee3\u7801\u7247\u6bb5\u4ecegithub\u62c9\u53d6\u6700\u65b0\u4ee3\u7801":121,"\u4e0b\u9762\u7684\u4ee3\u7801\u7247\u6bb5\u521b\u5efa\u4e86\u4e00\u4e2a\u9ad8\u5ea6\u4e3a1":123,"\u4e0b\u9762\u7684\u4ee3\u7801\u7247\u6bb5\u521b\u5efa\u4e86\u4e00\u4e2acpu\u4e0a\u7684\u4e8c\u503c\u7a00\u758f\u77e9\u9635":123,"\u4e0b\u9762\u7684\u4ee3\u7801\u7247\u6bb5\u521b\u5efa\u4e86\u542b\u6709\u4e09\u4e2a\u5143\u7d20":123,"\u4e0b\u9762\u7684\u4ee3\u7801\u7247\u6bb5\u5728\u521b\u5efa\u4e86\u4e00\u4e2acpu\u4e0a\u7684\u5e26\u5143\u7d20\u503c\u7684\u7a00\u758f\u77e9\u9635":123,"\u4e0b\u9762\u7684\u4ee3\u7801\u7247\u6bb5\u5b9e\u73b0\u4e86":112,"\u4e0b\u9762\u7684\u70b9\u5b9e\u73b0\u4e86mulop\u7684\u5b9a\u4e49":113,"\u4e0b\u9762\u7ed9\u51fa\u4e86\u4e00\u4e2a\u4f8b\u5b50":112,"\u4e0b\u9762\u7ed9\u51fa\u5728\u4e09\u7ef4\u7a7a\u95f4\u4e2d\u4f7f\u7528\u7ebf\u6027\u56de\u5f52\u62df\u5408\u4e00\u6761\u76f4\u7ebf\u7684\u4f8b\u5b50":103,"\u4e0b\u9762\u8be6\u7ec6\u89e3\u91ca\u4ec0\u4e48\u662f":123,"\u4e0b\u9762\u8fd9\u4e9blayer\u80fd\u591f\u63a5\u53d7\u53cc\u5c42\u5e8f\u5217\u4f5c\u4e3a\u8f93\u5165":105,"\u4e0d":106,"\u4e0d\u4e00\u5b9a\u548c\u65f6\u95f4\u6709\u5173\u7cfb":2,"\u4e0d\u4e00\u81f4\u7684\u7531pfsclient\u4e0b\u8f7d\u6216\u8005\u4f20\u8f93chunk\u5b8c\u6210":51,"\u4e0d\u4ec5\u8981\u63d0\u4f9b\u6bcf\u4e00\u4e2a\u5916\u5c42\u5e8f\u5217\u5728\u6574\u4e2a":123,"\u4e0d\u4f1a\u4fdd\u7559\u5728\u78c1\u76d8\u4e0a":110,"\u4e0d\u4f1a\u518d\u4ece":96,"\u4e0d\u4f1a\u865a\u62df\u4efb\u4f55\u786c\u4ef6":110,"\u4e0d\u4f7f\u7528\u9759\u6001\u5e93":68,"\u4e0d\u4f7f\u7528\u989d\u5916\u7a7a\u95f4":112,"\u4e0d\u4f7f\u7528c":68,"\u4e0d\u4f7f\u7528swig":68,"\u4e0d\u5141\u8bb8\u4e00\u4e2a\u6587\u4ef6\u4e2d\u5305\u542b\u591a\u4e2aop":113,"\u4e0d\u5171\u4eab\u5219\u4e0d\u52a0":113,"\u4e0d\u5171\u4eab\u7684\u4f8b\u5b50\u53ef\u4ee5\u53c2\u8003":113,"\u4e0d\u53ef\u4ee5\u66f4\u6539":85,"\u4e0d\u53ef\u518d\u8fdb\u884c\u62c6\u5206":123,"\u4e0d\u540c":65,"\u4e0d\u540c\u4e8e\u4e0a\u8ff0\u4ecb\u7ecd\u7684recurr":97,"\u4e0d\u540c\u4e8eop\u7684\u7f16\u8bd1\u6d4b\u8bd5":113,"\u4e0d\u540c\u53c2\u6570\u670d\u52a1\u5668\u4e0a\u6570\u636e\u5927\u5c0f\u7684\u6700\u5927\u503c\u4e0e\u6700\u5c0f\u503c\u7684\u6bd4\u7387":134,"\u4e0d\u540c\u5e8f\u5217\u53ef\u80fd\u4f1a\u542b\u6709\u4e0d\u540c\u6570\u76ee\u4e2a\u5143\u7d20":123,"\u4e0d\u540c\u65f6\u95f4\u6b65\u7684\u8f93\u5165\u662f\u4e0d\u540c\u7684":109,"\u4e0d\u540c\u7248\u672c\u7684\u7f16\u8bd1\u5668\u4e4b\u95f4":68,"\u4e0d\u540c\u7684\u4f18\u5316\u7b97\u6cd5\u9700\u8981\u4f7f\u7528\u4e0d\u540c\u5927\u5c0f\u7684\u5185\u5b58":96,"\u4e0d\u540c\u7684\u5206\u5e03\u5f0f\u6587\u4ef6\u7cfb\u7edf":129,"\u4e0d\u540c\u7684\u6570\u636e\u7c7b\u578b\u548c\u5e8f\u5217\u6a21\u5f0f\u8fd4\u56de\u7684\u683c\u5f0f\u4e0d\u540c":[2,103],"\u4e0d\u540c\u8ba1\u7b97\u5c42\u5bf9\u7a7a\u8f93\u5165\u7684\u5904\u7406\u7b56\u7565\u6709\u53ef\u80fd\u4e0d\u540c":123,"\u4e0d\u540c\u8bbe\u5907":113,"\u4e0d\u540c\u8bed\u8a00\u7684\u63a5\u53e3\u9002\u5e94\u4e0d\u540c\u8bed\u8a00\u7684\u7279\u6027":68,"\u4e0d\u540c\u8f93\u5165\u542b\u6709\u7684\u5b50\u53e5":108,"\u4e0d\u540c\u8f93\u5165\u5e8f\u5217\u542b\u6709\u7684\u8bcd\u8bed\u6570\u5fc5\u987b\u4e25\u683c\u76f8\u7b49":108,"\u4e0d\u540cdataprovider\u5bf9\u6bd4\u5982\u4e0b":106,"\u4e0d\u540crank\u7684tensor\u662f\u4e0d\u540c\u7c7b\u578b":114,"\u4e0d\u5728":69,"\u4e0d\u5bb9\u6613\u51fa\u9519":51,"\u4e0d\u5c11":106,"\u4e0d\u5d4c\u5165\u5176\u4ed6\u8bed\u8a00\u89e3\u91ca\u5668":68,"\u4e0d\u5d4c\u5165python\u89e3\u91ca\u5668":68,"\u4e0d\u5e94\u8be5\u88ab\u62c6\u89e3":108,"\u4e0d\u6307\u5b9a\u65f6":108,"\u4e0d\u652f\u6301":123,"\u4e0d\u652f\u6301\u5e8f\u5217\u957f\u5ea6\u4e3a":123,"\u4e0d\u662f\u4e00\u6761\u5e8f\u5217":[2,103],"\u4e0d\u662f\u771f\u6b63\u7684layer":97,"\u4e0d\u662f\u901a\u8fc7\u4e00\u822c\u7684\u65b9\u5f0f\u6765\u5b9e\u73b0\u5bf9\u8f93\u51fa\u7684\u6fc0\u6d3b":97,"\u4e0d\u663e\u793a\u7684\u5199\u6bcf\u4e2a\u7c7b\u5177\u4f53\u5305\u542b\u4ec0\u4e48":68,"\u4e0d\u6ee1\u8db3\u94a9\u5b50\u7684":111,"\u4e0d\u7528mount\u7684\u65b9\u5f0f\u6765\u8bbf\u95ee\u6570\u636e":37,"\u4e0d\u7f13\u5b58\u4efb\u4f55\u6570\u636e":2,"\u4e0d\u80fd\u4fee\u6539op\u7684\u6210\u5458\u53d8\u91cf":113,"\u4e0d\u80fd\u592a\u968f\u610f":111,"\u4e0d\u80fd\u88ab\u63d0\u4ea4\u5230":111,"\u4e0d\u8bba\u5e8f\u5217\u4e2d\u7684\u5143\u7d20\u5728\u5185\u5b58\u4e2d\u5360\u7528\u591a\u5c11\u5b9e\u9645\u5b58\u50a8\u7a7a\u95f4":123,"\u4e0d\u8bba\u6570\u636e\u57df\u662f":123,"\u4e0d\u8bba\u662f\u4e00\u7ef4\u6574\u578b\u6570\u7ec4\u8fd8\u662f\u4e8c\u7ef4\u6d6e\u70b9\u6570\u77e9\u9635":123,"\u4e0d\u8bba\u662f\u5355\u5c42\u5e8f\u5217\u8fd8\u662f\u53cc\u5c42\u5e8f\u5217\u7684\u5e8f\u5217\u4fe1\u606f":123,"\u4e0d\u8fc7":106,"\u4e0d\u8fc7\u5b9e\u9645\u4e0a\u662f\u8fd0\u884c\u5728\u4e00\u4e2a":110,"\u4e0d\u8fdc":106,"\u4e0d\u9519":106,"\u4e0d\u9700\u5728\u4f7f\u7528c":124,"\u4e0d\u9700\u8981\u4f9d\u8d56\u5176\u4ed6\u4efb\u4f55\u8f6f\u4ef6\u4e86":110,"\u4e0d\u9700\u8981\u63d0\u4f9b\u5143\u7d20\u503c":123,"\u4e0d\u9700\u8981\u8bbe\u7f6e":138,"\u4e0e":[65,113,118,129],"\u4e0e\u4e4b\u76f8\u5bf9\u7684\u662flocal":51,"\u4e0e\u5176\u4ed6\u7b2c\u4e09\u65b9\u5e93\u4e00\u6837":65,"\u4e0e\u5176\u5b83":124,"\u4e0e\u529f\u80fd\u5206\u652f\u4e0d\u540c\u7684\u662f":85,"\u4e0e\u5355\u5c42rnn\u7684\u914d\u7f6e\u7c7b\u4f3c":106,"\u4e0e\u53ef\u80fd\u6709\u7684":85,"\u4e0e\u540c\u6b65sgd\u76f8\u6bd4":125,"\u4e0e\u5bfb\u627epython\u4ee3\u7801\u7684\u6027\u80fd\u74f6\u9888\u7c7b\u4f3c":118,"\u4e0e\u5f53\u524d\u7684\u8870\u51cf\u56e0\u5b50\u7684\u4e58\u79ef":98,"\u4e0e\u672c\u5730\u8bad\u7ec3\u76f8\u540c":126,"\u4e0e\u6b64\u4e0d\u540c\u7684\u662f":129,"\u4e0e\u8c03\u4f18":118,"\u4e0e\u8f93\u5165\u4e0d\u540c\u7684\u662f":124,"\u4e0e\u8fd9\u4e2a\u8bad\u7ec3\u6570\u636e\u4ea4\u4e92\u7684layer":96,"\u4e0ebatch":64,"\u4e0ejob":129,"\u4e0eoperator\u524d\u5411\u8ba1\u7b97\u7684\u8f93\u51fa\u8fdb\u884c\u5bf9\u6bd4":113,"\u4e0eoperator\u6ce8\u518c\u65f6\u6ce8\u518c\u7684\u7c7b\u578b\u4e00\u81f4":113,"\u4e0epython\u4e0d\u540c":118,"\u4e14":106,"\u4e14\u4e0d\u6392\u9664commit\u4e4b\u95f4\u7684\u4fee\u6539\u5b58\u5728\u76f8\u4e92\u8986\u76d6\u7684\u60c5\u51b5":111,"\u4e14\u4f7f\u7528":121,"\u4e14\u589e\u52a0\u4e00\u4e2a\u7b2c\u4e09\u65b9\u8bed\u8a00":68,"\u4e14\u5c55\u793a\u6548\u679c\u66f4\u597d":118,"\u4e14\u5e8f\u5217\u7684\u6bcf\u4e00\u4e2a\u5143\u7d20\u8fd8\u662f\u4e00\u4e2a\u65f6\u95f4\u5e8f\u5217":[2,103],"\u4e14\u6bcf\u4e2a\u53e5\u5b50\u8868\u793a\u4e3a\u5bf9\u5e94\u7684\u8bcd\u8868\u7d22\u5f15\u6570\u7ec4":106,"\u4e14\u8c03\u7528\u65f6\u4e0d\u80fd\u629b\u51fa\u5f02\u5e38\u6216\u51fa\u73b0\u8fd0\u884c\u65f6\u9519\u8bef":69,"\u4e14c99\u652f\u6301bool\u7c7b\u578b\u548c\u5b9a\u957f\u6574\u6570":68,"\u4e14c99\u76f8\u5bf9\u4e8ec11\u4f7f\u7528\u66f4\u52a0\u5e7f\u6cdb":68,"\u4e24":106,"\u4e24\u4e2a\u5b50\u76ee\u5f55\u4e0b":115,"\u4e24\u4e2a\u5d4c\u5957\u7684":108,"\u4e24\u4e2a\u64cd\u4f5c":119,"\u4e24\u4e2a\u8f93\u5165\u7684\u5b50\u5e8f\u5217\u957f\u5ea6\u4e5f\u5e76\u4e0d\u76f8\u540c":106,"\u4e24\u4e2a\u90e8\u5206":115,"\u4e24\u4e2a\u9690\u5c42\u7684\u7b80\u5355\u5168\u8fde\u63a5\u7f51\u7edc":124,"\u4e24\u6b21":123,"\u4e24\u79cd\u5e38\u7528\u7684\u6a21\u578b\u52a0\u8f7d\u65b9\u5f0f":124,"\u4e24\u79cd\u65b9\u6cd5\u7684\u533a\u522b":96,"\u4e24\u79cdblas\u5e93":99,"\u4e24\u8005\u5747\u4e3a\u7eaf\u6587\u672c\u6587\u4ef6":1,"\u4e24\u8005\u90fd\u662f\u5bf9\u68af\u5ea6\u7684\u622a\u65ad":96,"\u4e25\u683c\u7684\u547d\u540d\u89c4\u8303pep":85,"\u4e2a\u5185\u5b58\u6c60\u5b9e\u9645\u4e0a\u51b3\u5b9a\u4e86shuffle\u7684\u7c92\u5ea6":96,"\u4e2a\u6027\u5316\u63a8\u8350":85,"\u4e2a\u6279\u6b21\u7684\u53c2\u6570\u5e73\u5747\u503c\u8fdb\u884c\u6d4b\u8bd5":134,"\u4e2a\u6a21\u578b\u6d4b\u8bd5\u6570\u636e":134,"\u4e2d":[64,65,68,69,96,112,113,114,118,123,129],"\u4e2d\u4e0d\u8981\u6dfb\u52a0\u5927\u6587\u4ef6\u7b49":111,"\u4e2d\u4f1a\u4f7f\u7528\u5230\u7684\u5b57\u5178\u6570\u636e\u6587\u4ef6":125,"\u4e2d\u4f1a\u63d0\u4f9b\u4e00\u4e9b\u5fc5\u8981\u7684\u63a5\u53e3\u548c\u51fd\u6570":65,"\u4e2d\u4f20\u5165\u53c2\u6570":125,"\u4e2d\u4f20\u5165\u7684\u53c2\u6570":125,"\u4e2d\u5143\u7d20\u4e2a\u6570\u603b\u662f\u7b49\u4e8e\u884c\u6570":123,"\u4e2d\u5143\u7d20\u7684\u4e2a\u6570\u7b49\u4e8e\u7f51\u7edc\u4e2d\u8f93\u51fa\u5c42\u7684\u4e2a\u6570":96,"\u4e2d\u5173\u4e8e\u65f6\u95f4\u9012\u5f52\u795e\u7ecf\u7f51\u7edc\u7684\u4ecb\u7ecd":106,"\u4e2d\u5199\u5165json\u5185\u5bb9":36,"\u4e2d\u5305\u542b\u4e00\u4e2araspberri":140,"\u4e2d\u5305\u542b\u6240\u4f9d\u8d56\u7684\u6240\u6709\u7b2c\u4e09\u65b9\u5e93":138,"\u4e2d\u5305\u542b\u82e5\u5e72\u4e2a\u4e0d\u540candroid":138,"\u4e2d\u5305\u542bc":[138,140],"\u4e2d\u5355\u5143\u6d4b\u8bd5\u7684\u4e00\u90e8\u5206":111,"\u4e2d\u5355\u5143\u6d4b\u8bd5\u80fd\u987a\u5229\u901a\u8fc7":111,"\u4e2d\u542b\u6709\u591a\u4e2a\u5e8f\u5217":123,"\u4e2d\u5b8c\u5168\u4e00\u81f4":68,"\u4e2d\u5b9a\u4e49":109,"\u4e2d\u5b9a\u4e49\u4f7f\u7528\u54ea\u79cddataprovid":1,"\u4e2d\u5b9a\u4e49\u548c\u4f7f\u7528":108,"\u4e2d\u5b9e\u73b0\u4e86\u4e00\u4e2amerge\u7684\u65b9\u6cd5":65,"\u4e2d\u5b9e\u73b0\u7684\u7ed3\u6784\u4f53":69,"\u4e2d\u5bf9\u5e94\u7684layer\u5904":64,"\u4e2d\u5f15\u5165\u7684":64,"\u4e2d\u6307\u5b9a":134,"\u4e2d\u6307\u5b9a\u7684\u540d\u5b57":136,"\u4e2d\u63d0\u4f9b\u4e00\u4e2a\u4e0emkl\u6709\u5173\u7684\u603b\u5f00\u5173":65,"\u4e2d\u63d0\u4f9b\u4e86\u4e00\u4e9b\u5168\u5c40\u51fd\u6570\u7528\u6765\u5b9e\u73b0paddl":114,"\u4e2d\u641c\u7d22\u8fd9\u51e0\u4e2a\u5e93":99,"\u4e2d\u64cd\u4f5c":123,"\u4e2d\u6587\u6587\u6863":115,"\u4e2d\u6587\u6587\u6863\u76ee\u5f55":115,"\u4e2d\u6587\u7ef4\u57fa\u767e\u79d1\u9875\u9762":106,"\u4e2d\u6839\u636e":64,"\u4e2d\u6bcf\u4e2a\u5143\u7d20\u662f\u4e00\u4e2alayer\u7684\u8f93\u51fa\u7ed3\u679c\u77e9\u9635":96,"\u4e2d\u6bcf\u4e2apod\u7684ip\u5730\u5740":129,"\u4e2d\u6bcf\u5c42\u7684\u6570\u503c\u7edf\u8ba1":134,"\u4e2d\u6dfb\u52a0":64,"\u4e2d\u6dfb\u52a0\u4e00\u4e2a":65,"\u4e2d\u6dfb\u52a0\u4e24\u4e2a\u8f93\u5165":113,"\u4e2d\u7528\u4e8e\u5b58\u50a8\u6570\u636e\u7684":124,"\u4e2d\u7684":[114,124],"\u4e2d\u7684\u4e00\u884c":[2,111],"\u4e2d\u7684\u4ee3\u7801\u4f5c\u4e3a\u5b9e\u4f8b":125,"\u4e2d\u7684\u504f\u79fb":123,"\u4e2d\u7684\u5bf9\u5e94\u5206\u652f\u5373\u53ef":111,"\u4e2d\u7684\u7248\u672c\u4fe1\u606f":85,"\u4e2d\u7684\u76f8\u5173\u811a\u672c":124,"\u4e2d\u7684\u8bf4\u660e":2,"\u4e2d\u7684\u8d77\u59cb\u504f\u79fb":123,"\u4e2d\u83b7\u53d6":129,"\u4e2d\u8bbe\u7f6e\u7684\u6240\u6709\u8282\u70b9":126,"\u4e2d\u8be6\u7ec6\u4ecb\u7ecd":112,"\u4e2d\u8bfb\u53d6":2,"\u4e2d\u8c03\u7528":113,"\u4e2d\u8fd0\u884c\u4efb\u52a1\u7684\u89d2\u5ea6":37,"\u4e2d\u914d\u7f6e\u5faa\u73af\u795e\u7ecf\u7f51\u7edc":109,"\u4e2d\u914d\u7f6e\u7684\u6548\u679c\u4e00\u81f4":2,"\u4e34\u65f6\u53d8\u91cf\u7b49\u7b49":96,"\u4e3a":[2,64,65,109,113,123,138,139,140],"\u4e3a0":2,"\u4e3a\u4e86\u4f7f":113,"\u4e3a\u4e86\u4f7f\u8bc4\u5ba1\u4eba\u5728\u8bc4\u5ba1\u4ee3\u7801\u65f6\u66f4\u597d\u5730\u4e13\u6ce8\u4e8e\u4ee3\u7801\u672c\u8eab":111,"\u4e3a\u4e86\u4fdd\u8bc1\u6548\u7387":112,"\u4e3a\u4e86\u4fdd\u8bc1gpu\u9a71\u52a8\u80fd\u591f\u5728\u955c\u50cf\u91cc\u9762\u6b63\u5e38\u8fd0\u884c":100,"\u4e3a\u4e86\u51cf\u5c11\u751f\u6210\u94fe\u63a5\u5e93\u7684\u5927\u5c0f\u628a":121,"\u4e3a\u4e86\u5c01\u88c5\u80fd\u591f\u6b63\u786e\u5de5\u4f5c":112,"\u4e3a\u4e86\u5c3d\u53ef\u80fd\u5c11\u7684\u5728\u7236\u7c7blayer\u4e2d\u6dfb\u52a0\u53d8\u91cf\u6216\u8005\u51fd\u6570":65,"\u4e3a\u4e86\u5e94\u5bf9\u4ee5\u4e0a\u7684\u95ee\u9898":51,"\u4e3a\u4e86\u5f00\u53d1paddlepaddl":110,"\u4e3a\u4e86\u63cf\u8ff0\u65b9\u4fbf":108,"\u4e3a\u4e86\u65b9\u4fbf\u5927\u5bb6":111,"\u4e3a\u4e86\u66b4\u9732\u7684\u63a5\u53e3\u5c3d\u91cf\u7b80\u5355":69,"\u4e3a\u4e86\u66f4\u597d\u7684\u7b26\u5408paddlepaddle\u7684\u4ee3\u7801\u98ce\u683c":65,"\u4e3a\u4e86\u6700\u5927\u7a0b\u5ea6\u51cf\u5c11\u591a\u6b21\u8c03\u7528":64,"\u4e3a\u4e86\u751f\u6210\u66f4\u53ef\u8bfb\u7684\u6027\u80fd\u5206\u6790\u7ed3\u679c":118,"\u4e3a\u4e86\u7b80\u5316cmake\u914d\u7f6e":138,"\u4e3a\u4e86\u8fbe\u5230\u6027\u80fd\u6700\u4f18":119,"\u4e3a\u4e86\u8fbe\u5230\u6700\u5feb\u7684\u8ba1\u7b97\u901f\u5ea6":[138,139],"\u4e3a\u4e86\u8fdb\u4e00\u6b65\u63d0\u5347paddlepaddle\u5728\u57fa\u672c\u6570\u5b66\u8fd0\u7b97\u7684\u8ba1\u7b97\u901f\u5ea6":65,"\u4e3a\u4ec0\u4e48\u7528":110,"\u4e3a\u4f7f\u7528c":124,"\u4e3a\u4f8b":[97,113],"\u4e3a\u4f8b\u6765\u4ecb\u7ecd\u5982\u4f55\u5199\u5e26kernel\u7684oper":113,"\u4e3a\u53c2\u6570\u77e9\u9635\u7684\u5bbd\u5ea6":98,"\u4e3a\u5b83\u4eec\u9644\u52a0\u4e0a\u5e8f\u5217\u4fe1\u606f\u5c06\u53d8\u6210\u5e8f\u5217\u8f93\u5165":123,"\u4e3a\u5bb9\u5668\u5185\u6267\u884c\u7684\u547d\u4ee4":100,"\u4e3a\u60a8\u505a\u6027\u80fd\u8c03\u4f18\u63d0\u4f9b\u4e86\u65b9\u5411":119,"\u4e3a\u65b9\u4fbf\u4f5c\u4e1a\u542f\u52a8\u63d0\u4f9b\u4e86\u4e24\u4e2a\u72ec\u7279\u7684\u547d\u4ee4\u9009\u9879":126,"\u4e3a\u6b64":128,"\u4e3a\u6bcf\u4e00\u4e2a":[123,124],"\u4e3a\u6bcf\u4e00\u4e2a\u8f93\u5165":[123,124],"\u4e3a\u6bcf\u4e2aop\u521b\u5efa\u5355\u72ec\u7684":113,"\u4e3a\u8f93\u51fa\u5206\u914d\u5185\u5b58":112,"\u4e3aconst\u51fd\u6570":113,"\u4e3aoutput_\u7533\u8bf7\u5185\u5b58":112,"\u4e3b\u8981\u4e3a\u5f00\u53d1\u8005\u4f7f\u7528":134,"\u4e3b\u8981\u529f\u80fd\u5305\u62ec":51,"\u4e3b\u8981\u5305\u62ec":65,"\u4e3b\u8981\u5305\u62ec\u4e86\u6df1\u5ea6\u5b66\u4e60\u76f8\u5173\u7684\u6570\u5b66\u539f\u8bed\u4e0e\u64cd\u4f5c":65,"\u4e3b\u8981\u5305\u62ec\u4ee5\u4e0b\u4e94\u4e2a\u6b65\u9aa4":4,"\u4e3b\u8981\u5305\u62ec\u56db\u79cd\u7c7b\u578b":103,"\u4e3b\u8981\u539f\u56e0":106,"\u4e3b\u8981\u539f\u56e0\u5305\u62ec\u4e24\u4e2a\u65b9\u9762":96,"\u4e3b\u8981\u539f\u56e0\u662f\u589e\u52a0\u4e86\u521d\u59cb\u5316\u673a\u5236":2,"\u4e3b\u8981\u7528\u4e8epython":113,"\u4e3b\u8981\u9488\u5bf9paddlepaddle\u5728\u91cd\u6784\u4e4b\u524d\u7684\u4ee3\u7801\u6846\u67b6\u4ee5\u53cav1\u7684api":65,"\u4e3e\u4e00\u4e2a\u4f8b\u5b50":98,"\u4e3e\u4f8b":96,"\u4e3e\u4f8b\u8bf4\u660e":106,"\u4e4b\u524d":111,"\u4e4b\u540e":[103,112],"\u4e4b\u540e\u4f7f\u7528":112,"\u4e4b\u540e\u4f7f\u7528\u77e9\u9635\u8fd0\u7b97\u51fd\u6570\u6765\u8ba1\u7b97":112,"\u4e4b\u540e\u518d\u7528\u7f51\u9875\u8fde\u5230http":115,"\u4e4b\u540e\u521d\u59cb\u5316\u6240\u6709\u7684\u6743\u91cd\u77e9\u9635":112,"\u4e4b\u540e\u624d\u80fd\u5f00\u59cb\u7f16\u8bd1\u7684\u6b65\u9aa4":99,"\u4e4b\u5916\u7684\u6240\u6709\u5934\u6587\u4ef6":69,"\u4e4b\u7c7b\u7684\u7a0b\u5e8f\u6765\u7f16\u8bd1\u6e90\u7801":110,"\u4e4b\u95f4\u7684\u8fd0\u7b97\u662f\u72ec\u7acb\u7684":108,"\u4e58\u4e0a\u8f93\u51fa\u7684\u68af\u5ea6":112,"\u4e58\u6cd5\u548c\u4e58\u6cd5\u68af\u5ea6\u7684\u8ba1\u7b97\u5360\u75282":118,"\u4e58\u9664\u7b49\u65f6\u5019":96,"\u4e5f":106,"\u4e5f\u4e0d\u4f7f\u7528\u5176\u4ed6\u52a8\u6001\u5e93":68,"\u4e5f\u4e0d\u5b58\u5728\u4e00\u4e2asubseq\u76f4\u63a5\u751f\u6210\u4e0b\u4e00\u4e2asubseq\u7684\u60c5\u51b5":108,"\u4e5f\u4e0d\u5e94\u8be5\u62a5\u9519":69,"\u4e5f\u4e0d\u751f\u6210":69,"\u4e5f\u4e0d\u80fd\u63a5\u6536\u5e8f\u5217\u6570\u636e\u4f5c\u4e3a\u8f93\u5165":97,"\u4e5f\u4f1a\u5360\u7528\u78c1\u76d8":110,"\u4e5f\u53ef\u4ee5\u4f7f\u7528":111,"\u4e5f\u53ef\u4ee5\u4f7f\u7528\u8fd9\u4e9b\u955c\u50cf":85,"\u4e5f\u53ef\u4ee5\u5229\u7528paddlepaddl":115,"\u4e5f\u53ef\u4ee5\u662f\u4e00\u4e2a\u8bcd\u8bed":108,"\u4e5f\u53ef\u4ee5\u662f\u5728\u4efb\u52a1\u542f\u52a8\u524d\u4e0b\u8f7d\u5230\u672c\u5730\u7684":125,"\u4e5f\u53ef\u4ee5\u76f4\u63a5\u5728\u7f51\u9875\u9884\u89c8\u6587\u6863":115,"\u4e5f\u53ef\u4ee5\u8bf4\u662f\u67d0\u4e9b\u7279\u5b9a\u6307\u4ee4\u7684\u4f7f\u7528\u60c5\u51b5":119,"\u4e5f\u53ef\u4ee5\u901a\u8fc7\u4fee\u6539":129,"\u4e5f\u53ef\u5199\u6210":113,"\u4e5f\u53ef\u81ea\u884c\u524d\u5f80\u5b98\u7f51\u4e0b\u8f7d":139,"\u4e5f\u53ef\u901a\u8fc7\u4ee5\u4e0b\u547d\u4ee4\u83b7\u53d6":138,"\u4e5f\u5c31\u662f":111,"\u4e5f\u5c31\u662f\u672c\u5730\u7684\u6e90\u7801\u6811\u6839\u76ee\u5f55\u91cc\u7684":110,"\u4e5f\u5c31\u662f\u7a7a\u8f93\u5165":123,"\u4e5f\u5c31\u662f\u81ea\u5df1\u7528\u6237\u540d\u4e0b\u7684":111,"\u4e5f\u5c31\u662f\u8bf4":[123,134,136],"\u4e5f\u5c31\u662f\u8bf4\u8f93\u51fa\u7684\u7ed3\u679c\u4e0d\u4f1a\u5728\u539f\u6765\u7684\u6570\u636e\u4e0a\u7d2f\u52a0":65,"\u4e5f\u5c31\u662fpaddlepaddle\u4e2d\u7684\u4e00\u7ef4\u6574\u578b\u6570\u7ec4":123,"\u4e5f\u63cf\u8ff0\u4e86\u5bb9\u5668\u9700\u8981\u4f7f\u7528\u7684\u5b58\u50a8\u5377\u6302\u8f7d\u7684\u60c5\u51b5":129,"\u4e5f\u652f\u6301cpu\u7684\u6027\u80fd\u5206\u6790":119,"\u4e5f\u662f\u4e00\u4e2a\u65f6\u95f4\u5e8f\u5217":106,"\u4e5f\u662fdecoder\u5faa\u73af\u5c55\u5f00\u7684\u4f9d\u636e":108,"\u4e5f\u662fpaddlepaddle\u6240\u80fd\u591f\u4fdd\u8bc1\u7684shuffle\u7c92\u5ea6":2,"\u4e5f\u6ca1\u7528":93,"\u4e5f\u9700\u8981\u4e24\u6b21\u968f\u673a\u9009\u62e9\u5230\u76f8\u540cgenerator\u7684\u65f6\u5019":2,"\u4e66\u5199":68,"\u4e7e":106,"\u4e86":[106,110],"\u4e86\u89e3\u5176\u8c03\u7528\u5173\u7cfb":118,"\u4e86\u89e3\u60a8\u7684\u786c\u4ef6":119,"\u4e86\u89e3\u66f4\u591a\u7ec6\u8282":109,"\u4e86\u89e3\u66f4\u591a\u8be6\u7ec6\u4fe1\u606f":109,"\u4e8c\u7ef4\u6d6e\u70b9\u578b\u77e9\u9635":123,"\u4e8c\u7ef4\u6d6e\u70b9\u6570\u77e9\u9635":123,"\u4e8c\u7ef4\u77e9\u9635":124,"\u4e8c\u7ef4\u77e9\u9635\u53ef\u4ee5\u8868\u793a\u884c\u5411\u91cf\u548c\u5217\u5411\u91cf":123,"\u4e8c\u8005\u8bed\u610f\u4e0a\u5b8c\u5168\u4e00\u81f4":106,"\u4e8e\u662f":123,"\u4e8e\u662f\u6211\u4eec\u53ef\u4ee5\u70b9\u51fb":118,"\u4e8e\u662f\u8fd9\u91cc\u4f7f\u7528":118,"\u4e94\u661f\u7ea7":106,"\u4ea4\u4e92\u7684\u65b9\u6cd5":118,"\u4ea4\u53c9\u7f16\u8bd1\u5de5\u5177\u94fe\u4e3a":138,"\u4ea4\u53c9\u7f16\u8bd1android\u5e73\u53f0\u4e0a\u9002\u7528\u7684paddlepaddle\u5e93":138,"\u4ea4\u53c9\u7f16\u8bd1android\u7248\u672c\u7684paddlepaddle\u5e93\u65f6":138,"\u4ea4\u53c9\u7f16\u8bd1ios\u5e73\u53f0\u4e0a\u9002\u7528\u7684paddlepaddle\u5e93":139,"\u4ea4\u53c9\u7f16\u8bd1ios\u7248\u672c\u7684paddlepaddle\u5e93\u65f6":139,"\u4ea4\u53c9\u7f16\u8bd1raspberri":140,"\u4ea4\u7531cmake\u7cfb\u7edf\u672c\u8eab\u6765\u5904\u7406":138,"\u4ea4\u901a":106,"\u4ea4\u901a\u4fbf\u5229":106,"\u4ea6\u53ef\u4ee5\u901a\u8fc7\u624b\u52a8\u8bbe\u7f6e":[138,139],"\u4eab\u53d7\u60a8\u7684\u65c5\u7a0b":100,"\u4eba\u8138\u8bc6\u522b":37,"\u4ec0\u4e48\u662f":110,"\u4ec5\u4ec5\u4f7f\u7528":68,"\u4ec5\u4f1a\u5728\u652f\u6301avx2\u6307\u4ee4\u96c6\u53ca\u4ee5\u4e0a\u7684\u673a\u5668\u624d\u4f7f\u7528mkl":65,"\u4ec5\u5728\u8fdc\u7a0b\u7a00\u758f\u8bad\u7ec3\u65f6\u6709\u6548":112,"\u4ec5\u5bf9\u7a00\u758f\u6570\u636e\u6709\u6548":112,"\u4ec5\u652f\u6301\u6574\u578b\u503c":123,"\u4ec5\u7528\u4e8e\u5b58\u50a8\u6574\u578b\u503c":124,"\u4ec5\u9700\u8981\u77e5\u9053\u5982\u4f55\u4ece":2,"\u4ecb\u7ecd\u4e86\u4e00\u79cd\u901a\u8fc7ssh\u8fdc\u7a0b\u5206\u53d1\u4efb\u52a1":129,"\u4ecb\u7ecd\u4ea4\u53c9\u7f16\u8bd1android\u5e73\u53f0\u4e0a\u9002\u7528\u7684paddlepaddle\u5e93\u7684\u65b9\u6cd5\u548c\u6b65\u9aa4":138,"\u4ecb\u7ecd\u4f7f\u7528paddlepaddl":125,"\u4ece":[85,94,119],"\u4ece0\u5230num":134,"\u4ece0\u5f00\u59cb\u7684\u6574\u6570":125,"\u4ece\u4e00\u4e2aword\u751f\u6210\u4e0b\u4e00\u4e2aword":108,"\u4ece\u5185\u6838\u51fd\u6570\u7684\u89d2\u5ea6":119,"\u4ece\u6a21\u578b\u6587\u4ef6\u5c06\u9884\u8bad\u7ec3\u53c2\u6570\u8f7d\u5165":98,"\u4ece\u6bcf\u4e00\u4e2a\u65f6\u95f4\u6b65\u6765\u770b":106,"\u4ece\u6e90\u7801\u4ea4\u53c9\u7f16\u8bd1ios\u5e73\u53f0\u4e0a\u9002\u7528\u7684paddlepaddle\u5e93":139,"\u4ece\u6e90\u7801\u4ea4\u53c9\u7f16\u8bd1paddlepaddl":138,"\u4ece\u6e90\u7801\u7f16\u8bd1":101,"\u4ece\u78c1\u76d8\u52a0\u8f7d\u9884\u6d4b\u6a21\u578b":124,"\u4ece\u78c1\u76d8\u6587\u4ef6\u4e2d\u52a0\u8f7duuid\u6587\u4ef6\u540d\u7684\u68c0\u67e5\u70b9\u5feb\u7167\u6587\u4ef6":36,"\u4ece\u800c\u53ef\u4ee5\u505a\u4e00\u4e9b\u4e0e\u8ba1\u7b97\u91cd\u53e0\u7684\u5de5\u4f5c":112,"\u4ece\u800c\u5f15\u53d1\u5176\u4ed6\u8282\u70b9\u65e0\u6cd5\u8fde\u63a5\u5bfc\u81f4":94,"\u4ece\u800c\u751f\u6210\u591a\u4e2agener":2,"\u4ece\u800c\u907f\u514d\u4e86packing\u5197\u4f59":64,"\u4ece\u800c\u9632\u6b62\u8fc7\u62df\u5408":1,"\u4ece\u8bed\u4e49\u4e0a\u770b":108,"\u4ece\u8d77\u59cb\u7aef\u53e3\u76d1\u542c\u591a\u4e2a\u7aef\u53e3\u7528\u4e8e\u901a\u4fe1":125,"\u4ece\u8f93\u5165\u6570\u636e\u4e0a\u770b":106,"\u4ececmake":138,"\u4eceetcd\u4e2d\u8bfb\u53d6\u8282\u70b9":36,"\u4ecestart":134,"\u4ed3\u5e93\u7684\u8fdc\u7a0b\u4e3b\u673a":111,"\u4ed6\u4e3b\u8981\u5305\u542b\u4e86\u5b9e\u9645\u66b4\u9732\u7684\u7c7b\u578b\u7ed3\u6784":69,"\u4ed6\u4eec\u5206\u522b\u662f":106,"\u4ed6\u4eec\u5728\u81ea\u5df1\u7684":110,"\u4ed6\u4eec\u5728paddle\u7684\u6587\u6863\u548capi\u4e2d\u662f\u4e00\u4e2a\u6982\u5ff5":106,"\u4ed6\u662f\u5c06":69,"\u4ed6\u7684\u76ee\u6807\u662f\u4f7f\u7528c":68,"\u4ee3\u66ff":129,"\u4ee3\u7801\u4e2d9":106,"\u4ee3\u7801\u53c2\u8003":125,"\u4ee3\u7801\u5982\u4e0b":[96,97,98,109],"\u4ee3\u7801\u6ce8\u91ca\u8bf7\u9075\u5b88":111,"\u4ee3\u7801\u7247\u6bb5\u5982\u4e0b":123,"\u4ee3\u7801\u751f\u6210\u7684\u7b26\u53f7\u53ef\u80fd\u4e0d\u4e00\u81f4":68,"\u4ee3\u7801\u7684\u6027\u80fd\u5206\u6790":118,"\u4ee3\u7801\u793a\u4f8b\u5982\u4e0b":[113,124],"\u4ee3\u8868\u5bbf\u4e3b\u673a\u76ee\u5f55":129,"\u4ee3\u8868\u8fd9\u4e2alayer\u662f\u7528\u4e8e\u8dd1\u5728mkl":65,"\u4ee3\u8868\u8fd9\u4e2ashard\u7684\u6700\u5927index":37,"\u4ee3\u8868shard\u7684index":37,"\u4ee5":97,"\u4ee5\u4e0a":[111,138],"\u4ee5\u4e0a\u4e24\u79cd\u65b9\u5f0f\u53ea\u9700\u9009\u62e9\u5176\u4e00\u5373\u53ef":124,"\u4ee5\u4e0a\u4ee3\u7801\u7684reader\u8f93\u51fa\u7684data":37,"\u4ee5\u4e0a\u547d\u4ee4\u4f1a\u5728\u5f53\u524d\u76ee\u5f55\u4e0b\u751f\u6210100\u4e2a\u6587\u4ef6":37,"\u4ee5\u4e0b":37,"\u4ee5\u4e0b\u4ee3\u7801\u7247\u6bb5\u5b9a\u4e49":109,"\u4ee5\u4e0b\u547d\u4ee4\u542f\u52a8\u4e00\u4e2a":110,"\u4ee5\u4e0b\u6307\u4ee4\u80fd\u68c0\u67e5linux\u7535\u8111\u662f\u5426\u652f\u6301avx":100,"\u4ee5\u4e0b\u64cd\u4f5c\u5747\u5728head\u8282\u70b9\u4e2d\u6267\u884c":130,"\u4ee5\u4e0b\u6559\u7a0b\u5c06\u6307\u5bfc\u60a8\u63d0\u4ea4\u4ee3\u7801":111,"\u4ee5\u4e0b\u7b80\u79f0rnn":64,"\u4ee5\u4ea4\u4e92\u5f0f\u7684\u65b9\u5f0f\u6267\u884c\u6216\u8c03\u8bd5\u60a8\u7684\u4ee3\u7801":100,"\u4ee5\u4f7f\u7528":138,"\u4ee5\u4f7f\u7528adam\u7b97\u6cd5\u4e3a\u4f8b":98,"\u4ee5\u4fbf\u6211\u4eec\u53ef\u4ee5\u628a\u66f4\u591a\u7684\u7cbe\u529b\u653e\u5230\u903b\u8f91\u672c\u8eab\u4e0a":51,"\u4ee5\u4fbf\u83b7\u5f97\u8bad\u7ec3\u6570\u636e\u7684\u4f4d\u7f6e\u548c\u83b7\u53d6\u73af\u5883\u53d8\u91cf\u914d\u7f6e":125,"\u4ee5\u4fdd\u8bc1\u68af\u5ea6\u7684\u6b63\u786e\u8ba1\u7b97":112,"\u4ee5\u4fdd\u8bc1\u68af\u5ea6\u8ba1\u7b97\u7684\u6b63\u786e\u6027":112,"\u4ee5\u4fdd\u8bc1\u7f16\u8bd1\u9ad8\u6548":110,"\u4ee5\u53ca":[64,110,112,123],"\u4ee5\u53ca\u4f7f\u7528\u5b50\u5e8f\u5217\u6765\u5b9a\u4e49\u5206\u7ea7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u67b6\u6784":109,"\u4ee5\u53ca\u5207\u6362\u673a\u5668\u65f6\u9700\u8981\u65b0\u5b89\u88c5\u7684\u8f9b\u82e6":110,"\u4ee5\u53ca\u53cc\u5c42\u5e8f\u5217":105,"\u4ee5\u53ca\u5982\u4f55\u89e3\u6790\u795e\u7ecf\u7f51\u7edc\u524d\u5411\u8ba1\u7b97\u7684\u8f93\u51fa\u7ed3\u679c":123,"\u4ee5\u53ca\u76ee\u6807\u673a\u7248openblas\u5e93":140,"\u4ee5\u53ca\u76f8\u5173\u7684\u5c5e\u6027\u53c2\u6570":113,"\u4ee5\u53ca\u7b2c\u4e09\u65b9\u4f9d\u8d56\u94fe\u63a5\u5e93\u548c\u5934\u6587\u4ef6":121,"\u4ee5\u53ca\u8ba1\u7b97\u903b\u8f91\u5728\u5e8f\u5217\u4e0a\u7684\u5faa\u73af\u5c55\u5f00":108,"\u4ee5\u53ca\u8f93\u5165\u7684\u68af\u5ea6":112,"\u4ee5\u53caandroid":138,"\u4ee5\u53cagcc":99,"\u4ee5\u53canumpi":37,"\u4ee5\u53carelu":112,"\u4ee5\u63d0\u4f9b\u4e00\u4e9b\u9ed8\u8ba4\u7684\u7f16\u8bd1\u5668\u548c\u7f16\u8bd1\u53c2\u6570\u76f8\u5173\u914d\u7f6e":138,"\u4ee5\u63d0\u4f9b\u4e00\u4e9b\u9ed8\u8ba4\u7684\u7f16\u8bd1\u5668\u548c\u7f16\u8bd1\u53c2\u6570\u914d\u7f6e":139,"\u4ee5\u6b64\u8fbe\u5230\u6700\u597d\u7684\u6027\u80fd":65,"\u4ee5\u76f8\u5bf9\u8def\u5f84\u5f15\u7528":1,"\u4ee5\u786e\u4fdd\u6240\u6709\u7684\u7b2c\u4e09\u65b9\u4f9d\u8d56\u5e93\u548cpaddlepaddle\u4ee3\u7801\u90fd\u662f\u9488\u5bf9\u65b0\u7684cmake\u914d\u7f6e\u91cd\u65b0\u7f16\u8bd1\u7684":[138,139,140],"\u4ee5\u793a\u533a\u5206":[64,65],"\u4ee5\u8f93\u51fa":96,"\u4ee5\u9017\u53f7\u95f4\u9694":134,"\u4ee5\u907f\u514d\u94fe\u63a5\u4e0d\u5fc5\u8981\u7684\u5e93":121,"\u4ee5eigentensor\u4e3a\u4f8b":114,"\u4ee5embedding\u5c42\u4e3a\u4f8b":98,"\u4ee5lstm\u4e3a\u4f8b":97,"\u4ef7\u683c":106,"\u4efb\u4f55\u65f6\u5019\u5982\u679c\u9700\u8981\u6d6e\u70b9\u578b\u6570\u7ec4":123,"\u4efb\u52a1\u6765\u7ec8\u6b62\u96c6\u7fa4\u4f5c\u4e1a":126,"\u4efb\u52a1\u88ab\u8c03\u5ea6\u5728\u96c6\u7fa4\u4e2d\u65f6":125,"\u4efb\u610f\u5c06\u4e00\u4e9b\u6570\u636e\u7ec4\u5408\u6210\u53cc\u5c42\u65f6\u95f4\u5e8f\u5217":106,"\u4efb\u610f\u65f6\u523b\u53ea\u53ef\u80fd\u540c\u65f6\u6709\u4e00\u53f0\u670d\u52a1\u5668\u6545\u969c":36,"\u4f18\u5316\u524d":64,"\u4f18\u5316\u540e":64,"\u4f18\u5316\u5668\u5219\u7528\u94fe\u5f0f\u6cd5\u5219\u6765\u5bf9\u6bcf\u4e2a\u53c2\u6570\u8ba1\u7b97\u635f\u5931\u51fd\u6570\u7684\u68af\u5ea6":112,"\u4f1a\u4ea7\u751f\u5f53\u524dpython\u4e8c\u8fdb\u5236\u7684\u5b8c\u6574\u8def\u5f84":118,"\u4f1a\u4ee5":[64,65],"\u4f1a\u4f7f\u7528":124,"\u4f1a\u4f7f\u7528\u76f8\u540c\u7684\u539f\u6570\u636e":64,"\u4f1a\u5148\u4e34\u65f6\u4fdd\u5b58\u5728":65,"\u4f1a\u5148\u8fdb\u884c\u53c2\u6570\u7684\u521d\u59cb\u5316\u4e0e\u89e3\u6790":129,"\u4f1a\u5171\u4eab\u53c2\u6570":98,"\u4f1a\u5173\u8054\u53c2\u6570":97,"\u4f1a\u5206\u522b\u4ecb\u7ecd\u96c6\u7fa4\u4f5c\u4e1a\u7684\u542f\u52a8\u548c\u505c\u6b62\u65b9\u6cd5":125,"\u4f1a\u52a0\u8f7d\u4e0a\u4e00\u8f6e\u7684\u53c2\u6570":134,"\u4f1a\u53d8\u6210\u8bcd\u8868\u4e2d\u7684\u4f4d\u7f6e":106,"\u4f1a\u542f\u52a8pserver\u4e0etrainer\u8fdb\u7a0b":129,"\u4f1a\u5728":[65,115],"\u4f1a\u5728\u5f53\u524d\u76ee\u5f55\u751f\u6210\u4e24\u4e2a\u5b50\u76ee\u5f55":115,"\u4f1a\u5728\u7f16\u8bd1paddlepaddle\u7684\u65f6\u5019\u4e0b\u8f7d\u5e76\u7f16\u8bd1mkl":65,"\u4f1a\u5927\u4e0d\u76f8\u540c":125,"\u4f1a\u5bf9\u6bcf\u4e00\u4e2a\u6fc0\u6d3b\u6682\u5b58\u4e00\u4e9b\u6570\u636e":96,"\u4f1a\u5bf9\u8fd9\u7c7b\u8f93\u5165\u8fdb\u884c\u62c6\u89e3":108,"\u4f1a\u5bfc\u81f4\u4e0d\u540c\u7248\u672cpython\u5728\u4e00\u4e2a\u8fdb\u7a0b\u91cc\u7684bug":68,"\u4f1a\u5c06\u6bcf\u4e2a\u65f6\u95f4\u6b65\u7684\u8f93\u51fa\u62fc\u63a5":108,"\u4f1a\u5c06\u7b2c\u4e00\u4e2a":96,"\u4f1a\u5f15\u5165":65,"\u4f1a\u6210\u4e3astep\u51fd\u6570\u7684\u8f93\u5165":108,"\u4f1a\u6253\u5370\u5230\u6807\u51c6\u8f93\u51fa":118,"\u4f1a\u6254\u5230\u8fd9\u6761\u6570\u636e":2,"\u4f1a\u628a\u8bad\u7ec3\u96c6\u548c\u6d4b\u8bd5\u96c6\u5206\u522b\u5206\u5272\u6210\u591a\u4e2a\u6587\u4ef6":125,"\u4f1a\u628acpu\u7684buffer\u5bf9\u9f50\u4e3a4096":65,"\u4f1a\u62a5\u5982\u4e0b\u7684\u9519\u8bef":96,"\u4f1a\u62a5\u9519":108,"\u4f1a\u6839\u636e\u547d\u4ee4\u884c\u53c2\u6570\u6307\u5b9a\u7684\u6d4b\u8bd5\u65b9\u5f0f":1,"\u4f1a\u6839\u636einput_types\u68c0\u67e5\u6570\u636e\u7684\u5408\u6cd5\u6027":2,"\u4f1a\u6dfb\u52a0\u76f8\u5e94\u7684\u811a\u672c\u5728":65,"\u4f1a\u6dfb\u52a0\u76f8\u5e94\u7684\u811a\u672c\u7528\u4e8e\u6d4b\u8bd5\u548c\u5bf9\u6bd4\u5728\u4f7f\u7528mkl":64,"\u4f1a\u72ec\u7acb\u62e5\u6709\u4e00\u4efd\u8bad\u7ec3\u597d\u7684\u6a21\u578b":124,"\u4f1a\u751f\u6210\u6027\u80fd\u5206\u6790\u7ed3\u679c\u6587\u4ef6":118,"\u4f1a\u76f4\u63a5\u62a5\u9519\u9000\u51fa":68,"\u4f1a\u76f8\u5e94\u5730\u6539\u53d8\u8f93\u51fa\u7684\u5c3a\u5bf8":112,"\u4f1a\u81ea\u52a8\u4f7f\u7528mklml\u5e93\u4f5c\u4e3apaddlepaddle\u7684cblas\u548clapack\u5e93":65,"\u4f1a\u81ea\u52a8\u5173\u95ed\u5bf9\u5e94\u7684issu":111,"\u4f1a\u81ea\u52a8\u5728\u7f16\u8bd1\u65f6\u4e0b\u8f7d":99,"\u4f1a\u81ea\u52a8\u6839\u636e\u786c\u4ef6\u914d\u7f6e":65,"\u4f1a\u83b7\u53d6\u5f53\u524dnamespace\u4e0b\u7684\u6240\u6709pod":129,"\u4f1a\u88ab":125,"\u4f1a\u88ab\u62c6\u89e3\u4e3a\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":108,"\u4f1a\u88ab\u62c6\u89e3\u4e3a\u975e\u5e8f\u5217":108,"\u4f1a\u88abpickle\u5e8f\u5217\u5316\u6210\u5b57\u7b26\u4e32":37,"\u4f1a\u901a\u8fc7\u5224\u6570\u636e\u662f\u5426\u9644\u5e26\u6709\u5e8f\u5217\u4fe1\u606f\u6765\u5224\u65ad\u4e00\u4e2a\u5411\u91cf":123,"\u4f1a\u9020\u6210\u90ae\u4ef6\u707e\u96be":111,"\u4f20\u5165":[2,37],"\u4f20\u5165\u4e0a\u4e00\u6b65\u89e3\u6790\u51fa\u6765\u7684\u6a21\u578b\u914d\u7f6e\u5c31\u53ef\u4ee5\u521b\u5efa\u4e00\u4e2a":4,"\u4f20\u5165\u9884\u6d4b\u6570\u636e":4,"\u4f20\u7ed9dataprovider\u7684\u67d0\u4e00\u4e2aargs\u8fc7\u5927":98,"\u4f20\u9012\u7ed9\u914d\u7f6e\u6587\u4ef6\u7684\u53c2\u6570":134,"\u4f46":69,"\u4f46\u4e0d\u66b4\u9732":69,"\u4f46\u4e0d\u7528\u4e8e\u8ba1\u7b97\u68af\u5ea6":112,"\u4f46\u4e0d\u9700\u8981\u63d0\u524d\u521b\u5efa":134,"\u4f46\u4e8e\u53cc\u5c42\u5e8f\u5217\u7684lstm\u6765\u8bf4":106,"\u4f46\u548c\u5355\u5c42rnn\u4e0d\u540c":106,"\u4f46\u5b50\u53e5\u542b\u6709\u7684\u8bcd\u8bed\u6570\u53ef\u4ee5\u4e0d\u76f8\u7b49":108,"\u4f46\u5c3d\u91cf\u8bf7\u4fdd\u6301\u7f16\u8bd1\u548c\u8fd0\u884c\u4f7f\u7528\u7684cudnn\u662f\u540c\u4e00\u4e2a\u7248\u672c":99,"\u4f46\u5e76\u6ca1\u6709\u7ecf\u8fc7\u56de\u5f52\u6d4b\u8bd5":85,"\u4f46\u5e8f\u5217\u8f93\u51fa\u65f6":106,"\u4f46\u5f53\u8c03\u7528\u8fc7\u4e00\u6b21\u540e":2,"\u4f46\u622a\u65ad\u65f6\u673a\u4e0d\u540c":96,"\u4f46\u6240\u6709fork\u7684\u7248\u672c\u5e93\u7684\u6240\u6709\u5206\u652f\u90fd\u76f8\u5f53\u4e8e\u7279\u6027\u5206\u652f":85,"\u4f46\u662f":[96,106],"\u4f46\u662f\u53c8\u8fc7\u4e8e\u7410\u788e":69,"\u4f46\u662f\u5728mkl":65,"\u4f46\u662f\u5728paddlepaddle\u4e2d":65,"\u4f46\u662f\u5927\u90e8\u5206\u53c2\u6570\u662f\u4e3a\u5f00\u53d1\u8005\u63d0\u4f9b\u7684":133,"\u4f46\u662f\u5b50\u5e8f\u5217\u7684\u6570\u76ee\u5fc5\u987b\u4e00\u6837":106,"\u4f46\u662f\u5e76\u4e0d\u80fd\u4fdd\u8bc1\u53c2\u6570\u540c\u6b65\u66f4\u65b0":125,"\u4f46\u662f\u652f\u6301avx\u6307\u4ee4\u96c6":111,"\u4f46\u662f\u6574\u4e2a\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u4e0d\u9700\u8981\u4efb\u4f55\u8f6c\u6362":65,"\u4f46\u662f\u6bcf\u4e2a\u6837\u672c\u4ec5\u5305\u542b\u51e0\u4e2a\u8bcd":136,"\u4f46\u662f\u6ce8\u610f\u7684\u662f":65,"\u4f46\u662f\u7a81\u7136\u6709\u4e00\u4e2a10000\u957f\u7684\u5e8f\u5217":96,"\u4f46\u662f\u865a\u62df\u7684\u4e0d\u4ec5\u4ec5\u662f":110,"\u4f46\u662f\u89e3\u91ca\u6027\u8bed\u8a00":68,"\u4f46\u662f\u8c03\u8bd5python\u4e2d\u4f7f\u7528\u7684\u52a8\u6001\u94fe\u63a5\u5e93\u4e0e\u76f4\u63a5\u8c03\u8bd5\u539f\u59cb\u4e8c\u8fdb\u5236\u76f8\u6bd4\u589e\u52a0\u4e86\u5f88\u591a\u590d\u6742\u5ea6":118,"\u4f46\u662fbatch":96,"\u4f46\u6709\u503c\u7684\u5730\u65b9\u5fc5\u987b\u4e3a1":[2,103],"\u4f46\u6709\u503c\u7684\u90e8\u5206\u53ef\u4ee5\u662f\u4efb\u4f55\u6d6e\u70b9\u6570":[2,103],"\u4f46\u7531\u4e8ecuda\u5e93\u901a\u5e38\u9700\u8981cento":102,"\u4f46\u8fd9\u4e2a\u5173\u7cfb\u53ef\u80fd\u4e0d\u6b63\u786e":2,"\u4f46\u9700\u6ce8\u610f\u53cd\u5411op\u6ca1\u6709":113,"\u4f46eigen":114,"\u4f4d\u7f6e":106,"\u4f4f":106,"\u4f5c\u4e3a\u4e0b\u4e00\u4e2a\u5b50\u53e5memory\u7684\u521d\u59cb\u72b6\u6001":106,"\u4f5c\u4e3a\u4f8b\u5b50\u6f14\u793a\u5982\u4f55\u914d\u7f6e\u590d\u6742\u7684\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u6a21\u578b":109,"\u4f5c\u4e3a\u53c2\u6570\u5c5e\u6027":113,"\u4f5c\u4e3a\u53c2\u6570\u7684id":98,"\u4f5c\u4e3a\u53e6\u4e00\u4e2a\u7b2c\u4e09\u65b9\u5e93\u96c6\u6210\u8fdbpaddlepaddl":65,"\u4f5c\u4e3a\u5b58\u50a8\u7cfb\u7edf":37,"\u4f5c\u4e3a\u5f53\u524d\u65f6\u523b\u8f93\u5165":108,"\u4f5c\u4e3a\u7c7b\u53e5\u67c4":68,"\u4f5c\u4e3a\u7edf\u8ba1\u7684\u57fa\u672c\u5355\u4f4d":123,"\u4f5c\u4e3a\u7f16\u8bd1\u5de5\u5177":99,"\u4f5c\u4e3a\u8c03\u7528":124,"\u4f5c\u4e3a\u8f93\u5165":123,"\u4f5c\u4e3a\u8f93\u51fa":109,"\u4f5c\u4e3aboot_layer\u4f20\u7ed9\u4e0b\u4e00\u4e2a\u5b50\u53e5\u7684memori":106,"\u4f5c\u7528":105,"\u4f60\u53ef\u4ee5\u5c06\u7f51\u7edc\u914d\u7f6e\u6210\u67d0\u4e9b\u5c42\u4f7f\u7528gpu\u8ba1\u7b97":136,"\u4f60\u8fd8\u53ef\u4ee5\u901a\u8fc7\u8fd0\u884cdjango\u6846\u67b6\u76f4\u63a5\u6fc0\u6d3b\u5de5\u5177\u7684\u670d\u52a1\u5668":115,"\u4f60\u9700\u8981\u4e00\u4e9b\u66f4\u590d\u6742\u7684\u5355\u5143\u6d4b\u8bd5\u6765\u4fdd\u8bc1\u4f60\u5b9e\u73b0\u7684\u7f51\u7edc\u5c42\u662f\u6b63\u786e\u7684":112,"\u4f60\u9700\u8981\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d\u6307\u5b9a\u8bbe\u5907\u7684id\u53f7":136,"\u4f60\u9700\u8981\u5728\u914d\u7f6ecmake\u65f6\u5c06":112,"\u4f60\u9700\u8981\u628a\u8be5\u6587\u4ef6\u52a0\u5165":112,"\u4f7f\u4e4b\u53d8\u4e3a\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217\u8f93\u5165":123,"\u4f7f\u4e4b\u53d8\u4e3a\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217\u8f93\u5165":123,"\u4f7f\u5f97\u5355\u5143\u6d4b\u8bd5\u6709\u4e00\u4e2a\u5e72\u51c0\u7684\u73af\u5883":93,"\u4f7f\u5f97\u642d\u6a21\u578b\u65f6\u66f4\u65b9\u4fbf":112,"\u4f7f\u68af\u5ea6\u7684\u63d0\u4ea4\u548c\u53c2\u6570\u7684\u66f4\u65b0\u6309\u7167\u987a\u5e8f\u65b9\u5f0f\u6267\u884c":125,"\u4f7f\u7528":[65,69,85,96,97,98,106,108,109,112,118,119,121,123,124,134,138],"\u4f7f\u75280\u53f7\u548c1\u53f7gpu\u8ba1\u7b97fc2\u5c42":136,"\u4f7f\u75280\u53f7gpu\u8ba1\u7b97fc2\u5c42":136,"\u4f7f\u75281\u53f7gpu\u8ba1\u7b97fc3\u5c42":136,"\u4f7f\u75282\u53f7\u548c3\u53f7gpu\u8ba1\u7b97fc3\u5c42":136,"\u4f7f\u7528\u4e00\u4e2a\u5c3a\u5ea6\u4e3a":112,"\u4f7f\u7528\u4e00\u4e2a\u8bcd\u524d\u4e24\u4e2a\u8bcd\u548c\u540e\u4e24\u4e2a\u8bcd":96,"\u4f7f\u7528\u4e0a\u6587\u521b\u5efa\u7684yaml\u6587\u4ef6\u521b\u5efakubernet":128,"\u4f7f\u7528\u4e0b\u9762\u547d\u4ee4":37,"\u4f7f\u7528\u4e0b\u9762\u7684\u547d\u4ee4\u6765\u8fd0\u884c\u5b83":115,"\u4f7f\u7528\u4e86\u540c\u6837\u7684parameter\u548cbia":98,"\u4f7f\u7528\u4ee5\u4e0a\u8bad\u7ec3\u597d\u7684\u6a21\u578b\u8fdb\u884c\u9884\u6d4b":103,"\u4f7f\u7528\u52a8\u6001\u5e93":68,"\u4f7f\u7528\u53c2\u6570":[99,125],"\u4f7f\u7528\u540c\u6837\u7684\u8bad\u7ec3\u6570\u636eblock":36,"\u4f7f\u7528\u57fa\u4e8edocker\u5bb9\u5668\u7684\u7f16\u8bd1\u65b9\u5f0f":138,"\u4f7f\u7528\u591a\u5757\u663e\u5361\u8bad\u7ec3":96,"\u4f7f\u7528\u591a\u7ebf\u7a0b\u8bad\u7ec3":96,"\u4f7f\u7528\u5b66\u4e60\u5b8c\u6210\u7684\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u6a21\u578b\u751f\u6210\u5e8f\u5217":109,"\u4f7f\u7528\u5b83\u4f1a\u5f00\u542f\u4e00\u4e2ahttp\u670d\u52a1":118,"\u4f7f\u7528\u5bb9\u5668\u65b9\u5f0f\u8fd0\u884c\u8bad\u7ec3\u4efb\u52a1\u7684kubernet":129,"\u4f7f\u7528\u6211\u4eec\u4e4b\u524d\u6784\u9020\u7684\u955c\u50cf":128,"\u4f7f\u7528\u6570\u503c\u6cd5\u68c0\u6d4b\u68af\u5ea6\u6b63\u786e\u6027\u548c\u7a33\u5b9a\u6027":113,"\u4f7f\u7528\u6587\u6863":113,"\u4f7f\u7528\u663e\u5361\u8bad\u7ec3":96,"\u4f7f\u7528\u667a\u80fd\u6307\u9488\u7684\u539f\u56e0\u662f":69,"\u4f7f\u7528\u6848\u4f8b":135,"\u4f7f\u7528\u6d41\u7a0b":122,"\u4f7f\u7528\u73af\u5883\u53d8\u91cf":125,"\u4f7f\u7528\u7684\u53c2\u6570\u4e0epaddlepaddle\u7533\u8bf7\u7684buffer\u5171\u7528\u4e00\u5757\u5185\u5b58":65,"\u4f7f\u7528\u76f8\u5bf9\u8def\u5f84\u7684\u5f15\u7528\u65b9\u5f0f":69,"\u4f7f\u7528\u8005\u4e0d\u9700\u8981\u5173\u5fc3":134,"\u4f7f\u7528\u8005\u53ea\u9700\u8981\u5173\u6ce8\u4e8e\u8bbe\u8ba1rnn\u5728\u4e00\u4e2a\u65f6\u95f4\u6b65\u4e4b\u5185\u5b8c\u6210\u7684\u8ba1\u7b97":108,"\u4f7f\u7528\u8005\u65e0\u9700\u5173\u5fc3\u8fd9\u4e2a\u53c2\u6570":134,"\u4f7f\u7528\u8005\u901a\u5e38\u65e0\u9700\u5173\u5fc3":134,"\u4f7f\u7528\u8be5learning_rate_schedule\u65f6":98,"\u4f7f\u7528\u8fd9\u4e2a\u795e\u7ecf\u7f51\u7edc\u53ef\u4ee5\u5b8c\u6210\u5bf9\u65b0\u6570\u636e\u7684\u9884\u6d4b":36,"\u4f7f\u7528\u8fd9\u79cd\u65b9\u5f0f":[106,124],"\u4f7f\u7528\u8fdc\u7a0b\u7a00\u758f\u65b9\u5f0f\u8bad\u7ec3\u65f6":112,"\u4f7f\u7528\u9759\u6001\u5e93\u548c\u52a8\u6001\u5e93\u96be\u5ea6\u5dee\u4e0d\u591a":68,"\u4f7f\u7528args\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d\u8bbe\u7f6e":2,"\u4f7f\u7528c":[69,121],"\u4f7f\u7528c99\u505a\u63a5\u53e3":68,"\u4f7f\u7528c99\u800c\u4e0d\u4f7f\u7528c11\u7684\u539f\u56e0\u662f":68,"\u4f7f\u7528c99\u800c\u4e0d\u4f7f\u7528c89":68,"\u4f7f\u7528checkgrad\u6a21\u5f0f\u65f6\u7684\u53c2\u6570\u53d8\u5316\u5927\u5c0f":134,"\u4f7f\u7528cmake\u7684\u8bdd":118,"\u4f7f\u7528cpu\u4e24\u7ebf\u7a0b\u8ba1\u7b97fc4\u5c42":136,"\u4f7f\u7528cpu\u8ba1\u7b97fc4\u5c42":136,"\u4f7f\u7528docker":100,"\u4f7f\u7528docker\u5b89\u88c5\u548c\u8fd0\u884cpaddlepaddle\u53ef\u4ee5\u65e0\u9700\u8003\u8651":100,"\u4f7f\u7528docker\u5b89\u88c5\u8fd0\u884c":101,"\u4f7f\u7528docker\u5c31\u4e0d\u7528\u914d\u7f6e\u4ea4\u53c9\u7f16\u8bd1\u73af\u5883\u4e86":110,"\u4f7f\u7528docker\u6784\u5efapaddlepaddle\u7684\u6587\u6863":115,"\u4f7f\u7528docker\u7684\u60c5\u51b5\u4e0b":99,"\u4f7f\u7528eigen\u8fdb\u884c\u77e9\u9635\u8ba1\u7b97":138,"\u4f7f\u7528init":136,"\u4f7f\u7528lstm\u4f5c\u4e3aencod":106,"\u4f7f\u7528memory\u7684rnn\u5b9e\u73b0\u4fbf\u5982\u4e0b\u56fe\u6240\u793a":106,"\u4f7f\u7528model":136,"\u4f7f\u7528openblas\u7684\u955c\u50cf":100,"\u4f7f\u7528openblas\u8fdb\u884c\u77e9\u9635\u8ba1\u7b97":138,"\u4f7f\u7528paddlepaddl":[121,124],"\u4f7f\u7528pip\u5b89\u88c5":101,"\u4f7f\u7528rdma\u8fd8\u662ftcp\u4f20\u8f93\u534f\u8bae":134,"\u4f7f\u7528regress":85,"\u4f7f\u7528swig\u53ea\u652f\u6301cpython\u89e3\u91ca\u5668":68,"\u4f7f\u7528swig\u9700\u8981\u591a\u8bed\u8a00\u7ed1\u5b9a\u7684\u5f00\u53d1\u4eba\u5458\u719f\u7ec3\u638c\u63e1swig\u914d\u7f6e":68,"\u4f7f\u7528void":68,"\u4f7f\u8be5\u5c42\u7684\u53c2\u6570\u5728\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u4fdd\u6301\u4e0d\u53d8":98,"\u4f86":106,"\u4f8b\u5982":[2,37,68,69,85,96,97,99,103,106,109,112,119,123,129,133,134,136],"\u4f8b\u5982\u4e0b\u56fe\u4e2d":118,"\u4f8b\u5982\u4e5f\u53ef\u5728\u7a0b\u5e8f\u8fd0\u884c\u8fc7\u7a0b\u4e2d\u518d\u52a0\u8f7d\u53e6\u5916\u4e00\u4e2a\u6a21\u578b":124,"\u4f8b\u5982\u4f7f\u7528":96,"\u4f8b\u5982\u542b\u6709\u591a\u4e2a\u901a\u9053\u7684\u56fe\u7247":123,"\u4f8b\u5982\u5728deepspeech2":64,"\u4f8b\u5982\u5bf9\u4e8ejava\u6216\u8005python":68,"\u4f8b\u5982\u5bf9\u4e8ejava\u6765\u8bf4":68,"\u4f8b\u5982\u5bf9\u4e8epython":68,"\u4f8b\u5982\u5c06\u7b2c\u4e00\u6761\u6570\u636e\u8f6c\u5316\u4e3a":106,"\u4f8b\u5982\u6587\u672c\u5206\u7c7b\u4e2d":106,"\u4f8b\u5982\u672c\u4f8b\u4e2d\u7684\u4e24\u4e2a\u7279\u5f81":106,"\u4f8b\u5982\u673a\u5668\u4e0a\u67094\u5757gpu":96,"\u4f8b\u5982c":68,"\u4f8b\u5982java\u4e0epython\u7684\u9519\u8bef\u5904\u7406\u662f\u76f4\u63a5\u6254\u51fa\u6765except":68,"\u4f8b\u5982output\u76ee\u5f55\u4e0b\u5c31\u5b58\u653e\u4e86\u8f93\u51fa\u7ed3\u679c":129,"\u4f8b\u5982python\u53ef\u4ee5\u4f7f\u7528":68,"\u4f8b\u5982python\u7684":68,"\u4f8b\u5982rnn":64,"\u4f8b\u5982sigmoid":112,"\u4f8b\u5b50\u4e2d\u4e3a3\u4e2a":125,"\u4f8b\u5b50\u4e2d\u662f":112,"\u4f8b\u5b50\u4e2d\u662f0":112,"\u4f8b\u5b50\u4e2d\u662f100":112,"\u4f8b\u5b50\u4e2d\u662f4096":112,"\u4f8b\u5b50\u4e2d\u662f8192":112,"\u4f8b\u5b50\u4e2d\u662ffc":112,"\u4f8b\u5b50\u4e2d\u662fsoftmax":112,"\u4f9bpaddlepaddle\u52a0\u8f7d":134,"\u4f9d\u636e\u662f\u5426\u5305\u542bkernel":113,"\u4f9d\u6b21\u7c7b\u63a8":85,"\u4f9d\u8d56":[99,102],"\u4f9d\u8d56\u73af\u5883\u5373\u53ef\u8fd0\u884c":100,"\u4f9d\u8d56libpython2":99,"\u4fbf\u5229":106,"\u4fbf\u548c\u5355\u5c42rnn\u914d\u7f6e\u4e2d\u7684":106,"\u4fbf\u5b9c":106,"\u4fbf\u662f\u5c06\u9759\u6001\u5e93\u52a0\u5165jvm\u4e2d":68,"\u4fdd\u5b58\u6a21\u578b\u53c2\u6570\u7684\u76ee\u5f55":134,"\u4fdd\u5b58\u7684\u53c2\u6570\u4e5f\u662ffloat\u7c7b\u578b":98,"\u4fdd\u5b58\u7f51\u7edc\u5c42\u8f93\u51fa\u7ed3\u679c\u7684\u76ee\u5f55":134,"\u4fdd\u5b58\u9884\u6d4b\u7ed3\u679c\u7684\u6587\u4ef6\u540d":134,"\u4fdd\u6301\u5c3d\u91cf\u5c11\u7684commit":111,"\u4fe1\u53f7\u6765\u81ea\u52a8\u7ec8\u6b62\u5b83\u542f\u52a8\u7684\u6240\u6709\u8fdb\u7a0b":126,"\u4fe1\u606f":123,"\u4fee\u590d\u6240\u6709bug\u540e":85,"\u4fee\u590ddocker\u7f16\u8bd1\u955c\u50cf\u95ee\u9898":85,"\u4fee\u6539":[65,85,128],"\u4fee\u6539\u542f\u52a8\u811a\u672c\u540e":128,"\u4fee\u6539\u6210":85,"\u4fee\u6539\u6210\u66f4\u5feb\u7684\u7248\u672c":119,"\u4fee\u6539\u6587\u6863":116,"\u503c\u5f97\u6ce8\u610f\u7684\u662f":[106,111],"\u503c\u5f97\u6df1\u5165\u5206\u6790":119,"\u503c\u7c7b\u578b":136,"\u5047\u5982\u6211\u4eec\u662f\u4e09\u5206\u7c7b\u95ee\u9898":98,"\u5047\u8bbe":112,"\u5047\u8bbe\u60a8\u5df2\u7ecf\u5728\u5f53\u524d\u76ee\u5f55":100,"\u5047\u8bbe\u635f\u5931\u51fd\u6570\u662f":112,"\u5047\u8bbe\u7b2c\u4e00\u4e2alayer\u7684\u8f93\u51faa\u662f\u4e00\u4e2a":96,"\u504f\u7f6e\u53c2\u6570\u7684\u5927\u5c0f":112,"\u505a\u4e00\u4e2a\u4ecb\u7ecd":114,"\u505a\u53ea\u8bfb\u6302\u8f7d":37,"\u505a\u5982\u4e0b\u51e0\u4e2a\u64cd\u4f5c":85,"\u505a\u63a5\u53e3":68,"\u505a\u68af\u5ea6\u68c0\u6d4b":113,"\u505a\u68c0\u67e5":113,"\u505c\u6b62\u4fdd\u5b58\u68c0\u67e5\u70b9\u7684\u7ebf\u7a0b":36,"\u505c\u6b62\u52a0\u8f7d\u6570\u636e":134,"\u505c\u7535":106,"\u5141\u8bb8\u5916\u7f51\u8bbf\u95ee\u8fd9\u4e2ahttp\u670d\u52a1":118,"\u5143\u7d20":105,"\u5143\u7d20\u4e4b\u95f4\u7684\u987a\u5e8f\u662f\u5e8f\u5217\u6240\u643a\u5e26\u7684\u91cd\u8981\u4fe1\u606f":123,"\u5143\u7d20\u4e4b\u95f4\u7684\u987a\u5e8f\u662f\u91cd\u8981\u7684\u8f93\u5165\u4fe1\u606f":105,"\u5145\u5206\u53d1\u6325\u82f1\u7279\u5c14\u5e73\u53f0\u7684\u4f18\u52bf":64,"\u5145\u5206\u5c55\u73b0\u82f1\u7279\u5c14\u5e73\u53f0\u7684\u4f18\u52bf":65,"\u5148\u4ece\u5355\u7ebf\u7a0b\u5f00\u59cb":118,"\u5148\u5378\u8f7d\u4e4b\u524d\u7684\u7248\u672c":99,"\u5148\u5b8c\u6210\u5bf9\u6743\u91cd\u7684packing\u64cd\u4f5c":64,"\u5148\u5b9e\u73b0\u6a21\u578b\u63a8\u65ad\u7684api":69,"\u5148\u627e\u51fa\u53c2\u6570":97,"\u5148\u67e5\u770b\u4e00\u4e0b\u662f\u5426\u66fe\u7ecf\u5b89\u88c5\u8fc7paddl":93,"\u5148\u68c0\u67e5\u5173\u952e\u8def\u5f84\u7684\u6027\u80fd\u95ee\u9898":118,"\u514b\u9686\u4e0b\u9762":140,"\u5168\u5bb6":106,"\u5168\u8fde\u63a5\u5c42\u4ee5\u4e00\u4e2a\u7ef4\u5ea6\u4e3a":112,"\u5168\u8fde\u63a5\u5c42\u6ca1\u6709\u7f51\u7edc\u5c42\u914d\u7f6e\u7684\u8d85\u53c2\u6570":112,"\u5168\u8fde\u63a5\u5c42\u7684\u5b9e\u73b0\u4f4d\u4e8e":112,"\u5168\u8fde\u63a5\u5c42\u7684\u6bcf\u4e2a\u8f93\u51fa\u90fd\u8fde\u63a5\u5230\u4e0a\u4e00\u5c42\u7684\u6240\u6709\u7684\u795e\u7ecf\u5143\u4e0a":112,"\u5168\u8fde\u63a5\u5c42python\u5c01\u88c5\u7684\u4f8b\u5b50\u4e2d\u5305\u542b\u4e0b\u9762\u51e0\u6b65":112,"\u516c\u5f0f":100,"\u5171\u4eab\u4e00\u4e2aop\u5b9a\u4e49":113,"\u5171\u4eab\u5185\u5b58":65,"\u5171\u4eab\u540c\u4e00\u4e2a\u6743\u91cd":64,"\u5171\u4eab\u540c\u4e00\u4e2akernel\u65f6":113,"\u5171\u4eab\u5b58\u50a8\u6302\u5728\u7684\u8def\u5f84":129,"\u5173\u4e8e\u4ec0\u4e48\u662f":123,"\u5173\u4e8e\u5728paddlepaddle\u4e2d\u5982\u4f55\u4f7f\u7528eigen\u5e93":113,"\u5173\u4e8e\u65f6\u95f4\u5e8f\u5217":106,"\u5173\u4e8e\u6784\u5efa\u548c\u6d4b\u8bd5\u7684\u66f4\u591a\u4fe1\u606f":111,"\u5173\u4e8eavx":100,"\u5173\u4e8eeigen":114,"\u5173\u4e8elstm":97,"\u5173\u4e8epaddlepaddle\u7684\u5206\u5e03\u5f0f\u8bad\u7ec3":129,"\u5173\u4e8epaddlepaddle\u7684\u66f4\u591a\u4f7f\u7528\u65b9\u6cd5\u8bf7\u53c2\u8003":103,"\u5173\u4e8eunbound":108,"\u5173\u952e\u8bcd\u5305\u62ec":111,"\u5176\u4e2d":[2,68,85,96,98,103,109,112,118,138,140],"\u5176\u4e2d\u5305\u542b\u4e86\u7528\u6237\u7684\u8bad\u7ec3\u7a0b\u5e8f":125,"\u5176\u4e2d\u5305\u542b\u6240\u4f9d\u8d56\u7684\u6240\u6709\u7b2c\u4e09\u65b9\u5e93":139,"\u5176\u4e2d\u5305\u542b\u6240\u6709c":139,"\u5176\u4e2d\u5305\u542bpaddlepaddle\u7684c":139,"\u5176\u4e2d\u6bcf\u4e00\u884c\u5bf9\u5e94\u4e00\u4e2a\u6570\u636e\u6587\u4ef6\u5730\u5740":1,"\u5176\u4e2d\u6bcf\u4e2a\u5143\u7d20\u662f\u53cc\u5c42\u5e8f\u5217\u4e2d\u6bcf\u4e2asubseq\u6700\u540e\u4e00\u4e2a":105,"\u5176\u4e2d\u6bcf\u884c\u6570\u636e\u4ee3\u8868\u4e00\u5f20\u56fe\u7247":2,"\u5176\u4e2dcheckgrad\u4e3b\u8981\u4e3a\u5f00\u53d1\u8005\u4f7f\u7528":134,"\u5176\u4e2dmean\u548cstd\u662f\u8bad\u7ec3\u914d\u7f6e\u4e2d\u7684\u53c2\u6570":134,"\u5176\u4e2dvalue\u5373\u4e3asoftmax\u5c42\u7684\u8f93\u51fa":4,"\u5176\u4e2dx\u8868\u793a\u8f93\u5165\u6570\u636e\u662f\u4e00\u4e2a\u7ef4\u5ea6\u4e3a2\u7684\u7a20\u5bc6\u5411\u91cf":103,"\u5176\u4e3b\u8981\u63a5\u53e3\u5982\u4e0b":114,"\u5176\u4ed6\u4eba\u53ef\u4ee5\u590d\u73b0\u95ee\u9898\u4ee5\u4fbf\u5e2e\u52a9":110,"\u5176\u4ed6\u5185\u5b58\u6742\u9879":96,"\u5176\u4ed6\u5185\u5b58\u6742\u9879\u662f\u6307paddlepaddle\u672c\u8eab\u6240\u7528\u7684\u4e00\u4e9b\u5185\u5b58":96,"\u5176\u4ed6\u51fd\u6570\u5747\u8fd4\u56de":69,"\u5176\u4ed6\u53c2\u6570\u4f7f\u7528":2,"\u5176\u4ed6\u6240\u6709\u5c42\u90fd\u4f1a\u4f7f\u7528gpu\u8ba1\u7b97":136,"\u5176\u4ed6\u7528\u6237\u7684fork\u7248\u672c\u5e93\u5e76\u4e0d\u9700\u8981\u4e25\u683c\u9075\u5b88":85,"\u5176\u4ed6\u7684\u4f9d\u8d56\u8f6f\u4ef6":99,"\u5176\u4ed6\u914d\u7f6e\u53c2\u6570":[138,139],"\u5176\u4ed6\u9ad8\u7ea7\u529f\u80fd\u5305\u62ec\u5b9a\u4e49\u591a\u4e2amemori":109,"\u5176\u4f1a\u81ea\u52a8\u88ab\u52a0\u5165\u7f16\u8bd1\u5217\u8868":112,"\u5176\u4f5c\u7528\u662f\u5c06\u6570\u636e\u4f20\u5165\u5185\u5b58\u6216\u663e\u5b58":1,"\u5176\u53c2\u6570\u5982\u4e0b":2,"\u5176\u547d\u4ee4\u5982\u4e0b":118,"\u5176\u5b83\u53ef\u9009\u7f16\u8bd1\u9009\u9879\u6309\u9700\u8fdb\u884c\u8bbe\u5b9a":121,"\u5176\u5b83layer\u7684\u8f93\u51fa":108,"\u5176\u5b9e\u4e5f\u662f\u548c\u6bcf\u4e2amini":96,"\u5176\u6b21":[2,106],"\u5176\u8bf4\u660e\u5982\u4e0b":106,"\u5176\u8f6c\u6362\u6b21\u6570\u51cf\u5c11\u81f3":64,"\u5176\u8f93\u51fa\u88ab\u7528\u4f5cmemory\u7684\u521d\u59cb\u503c":109,"\u5176name\u7531\u53c2\u6570":97,"\u5177\u4f53\u4f7f\u7528\u65b9\u6cd5\u4e3a":[69,96],"\u5177\u4f53\u505a\u6cd5\u8bf7\u53c2\u8003":110,"\u5177\u4f53\u539f\u56e0\u53c2\u8003":69,"\u5177\u4f53\u53ef\u4ee5\u53c2\u8003":[2,96,112],"\u5177\u4f53\u53ef\u4ee5\u53c2\u8003mkl":65,"\u5177\u4f53\u53ef\u53c2\u8003\u6587\u6863":108,"\u5177\u4f53\u5b9e\u73b0\u65b9\u5f0f\u6bd4\u5982":[64,65],"\u5177\u4f53\u60c5\u51b5\u56e0\u4eba\u800c\u5f02":119,"\u5177\u4f53\u64cd\u4f5c\u5982\u4e0b":93,"\u5177\u4f53\u6b65\u9aa4\u5982\u4e0b":93,"\u5177\u4f53\u7684\u5b8c\u6210\u72b6\u6001\u53ef\u4ee5\u53c2\u89c1":65,"\u5177\u4f53\u7684\u683c\u5f0f\u8bf4\u660e":2,"\u5177\u4f53\u7684\u89e3\u51b3\u65b9\u6cd5\u662f":93,"\u5177\u4f53\u8bf7\u53c2\u8003":[2,69,111],"\u5177\u4f53\u8bf7\u89c1":111,"\u5177\u6709\u76f8\u540c\u7684\u7ed3\u679c\u4e86":106,"\u5185":109,"\u5185\u5b58":119,"\u5185\u5b58\u4e0d\u8db3":94,"\u5185\u5b58\u5bb9\u9650\u9608\u503c":134,"\u5185\u5bb9":113,"\u5185\u5bb9\u5982\u4e0b":128,"\u5185\u5c42\u5e8f\u5217\u5728":123,"\u5185\u5c42inner_step\u7684recurrent_group\u548c\u5355\u5c42\u5e8f\u5217\u7684\u51e0\u4e4e\u4e00\u6837":106,"\u5185\u5df2\u7ecf\u5305\u542bpaddlepaddle\u7684\u6267\u884c\u7a0b\u5e8f\u4f46\u662f\u8fd8\u6ca1\u4e0a\u8ff0\u529f\u80fd":129,"\u5185\u7f6e\u7684":124,"\u5185\u90e8":[124,129],"\u5185\u90e8\u5b58\u50a8":65,"\u5185\u90e8\u7531":[123,124],"\u5185\u90e8\u9a71\u52a8python\u89e3\u91ca\u5668\u8fdb\u884c\u6a21\u578b\u914d\u7f6e\u89e3\u6790\u548c\u6570\u636e\u8bfb\u53d6":68,"\u518d\u4ee5":113,"\u518d\u505a\u4e00\u5b9a\u7684reshap":97,"\u518d\u5199\u5165\u7f51\u7edc\u53c2\u6570":98,"\u518d\u5728\u6bcf\u4e00\u4e2aapi\u4e2d\u81ea\u5df1\u68c0\u67e5\u7c7b\u578b":68,"\u518d\u57fa\u4e8e":85,"\u518d\u5b89\u88c5":[93,102],"\u518d\u5bf9\u6bcf\u4e00\u4e2a\u5355\u5c42\u65f6\u95f4\u5e8f\u5217\u8fdb\u884c\u5904\u7406":106,"\u518d\u5bf9\u6bcf\u4e00\u53e5\u8bdd\u7684\u7f16\u7801\u5411\u91cf\u7528lstm\u7f16\u7801\u6210\u4e00\u4e2a\u6bb5\u843d\u7684\u5411\u91cf":106,"\u518d\u5bf9\u8fd9\u4e2a\u6bb5\u843d\u5411\u91cf\u8fdb\u884c\u5206\u7c7b":106,"\u518d\u5c06\u66f4\u65b0\u540e\u7684\u53c2\u6570\u4e0b\u53d1\u5230\u6bcf\u4e2a\u8ba1\u7b97\u8282\u70b9":125,"\u518d\u5f00\u542f\u591a\u7ebf\u7a0b":118,"\u518d\u628a\u5df2\u8f6c\u6362\u4e3apacked\u683c\u5f0f\u7684\u6570\u636e\u4f20\u9012\u7ed9\u90a3\u4e9b\u590d\u7528\u540c\u4e00\u6570\u636e\u7684gemm":64,"\u518d\u6307\u5b9a":99,"\u518d\u68c0\u67e5\u5176\u4ed6\u90e8\u5206\u7684\u6027\u80fd\u95ee\u9898":118,"\u518d\u6b21\u5bf9\u4ee3\u7801\u8fdb\u884c\u6027\u80fd\u5206\u6790":119,"\u518d\u6b21\u8fdb\u884c\u6027\u80fd\u5206\u6790":118,"\u518d\u7528\u8fd9\u4e2a\u68af\u5ea6\u53bb\u548c":112,"\u518d\u901a\u8fc7\u51fd\u6570":129,"\u518d\u91cd\u65b0\u5b89\u88c5":99,"\u5199\u4ee3\u7801":68,"\u5199\u5165\u5feb\u7167\u6570\u636e":36,"\u5199\u5165\u6587\u4ef6\u4e2d":124,"\u5199\u68af\u5ea6\u68c0\u67e5\u5355\u5143\u6d4b\u8bd5\u662f\u4e00\u4e2a\u9a8c\u8bc1\u65b0\u5b9e\u73b0\u7684\u5c42\u662f\u5426\u6b63\u786e\u7684\u76f8\u5bf9\u7b80\u5355\u7684\u529e\u6cd5":112,"\u5199\u7684":118,"\u51c6\u5907":106,"\u51c6\u5907\u60a8\u7684\u8ba1\u7b97\u96c6\u7fa4":125,"\u51c6\u5907\u8bad\u7ec3\u6570\u636e":130,"\u51c6\u5907\u8bad\u7ec3\u6570\u636e\u548c\u9a8c\u8bc1\u6570\u636e\u96c6":125,"\u51c6\u5907\u9884\u6d4b\u6570\u636e":4,"\u51c6\u5907\u9884\u6d4b\u6a21\u578b\u548c":124,"\u51c6\u5907\u9884\u6d4b\u6a21\u578b\u90e8\u5206":124,"\u51cf\u5c0f\u5e8f\u5217\u7684\u957f\u5ea6":96,"\u51cf\u5c0f\u8fd9\u4e2a\u5185\u5b58\u6c60\u5373\u53ef\u51cf\u5c0f\u5185\u5b58\u5360\u7528":96,"\u51cf\u5c0fbatch":96,"\u51e0\u53f0\u5230\u51e0\u5343\u53f0\u89c4\u6a21":125,"\u51fa\u53bb\u73a9":106,"\u51fa\u5dee":106,"\u51fa\u6765":106,"\u51fa\u73b0":93,"\u51fa\u73b0\u4ee5\u4e0b\u9519\u8bef":98,"\u51fa\u73b0\u8be5\u9519\u8bef\u7684\u539f\u56e0\u4e00\u822c\u662f\u7528\u6237\u5bf9\u4e0d\u540clayer\u7684\u53c2\u6570":97,"\u51fa\u73b0\u8fd9\u4e2a\u95ee\u9898\u7684\u4e3b\u8981\u539f\u56e0\u662f":[93,102],"\u51fd\u6570":[2,64,65,109,112,118,119,123],"\u51fd\u6570\u4e2d\u4f7f\u7528":2,"\u51fd\u6570\u4e2d\u64cd\u4f5c\u7684\u91cd\u8981\u53d8\u91cf\u7684\u8be6\u7ec6\u89e3\u91ca":113,"\u51fd\u6570\u5047\u8bbe":109,"\u51fd\u6570\u52a0\u5230\u4ee3\u7801\u4e2d":119,"\u51fd\u6570\u5373\u53ef\u5b8c\u6210\u8f6c\u6362":37,"\u51fd\u6570\u53ea\u5173\u6ce8\u4e8ernn\u4e00\u4e2a\u65f6\u95f4\u6b65\u4e4b\u5185\u7684\u8ba1\u7b97":108,"\u51fd\u6570\u540d":118,"\u51fd\u6570\u540d\u4e3a":69,"\u51fd\u6570\u547d\u540d":68,"\u51fd\u6570\u5b9a\u4e49\u8f93\u5165":113,"\u51fd\u6570\u5b9e\u9645\u4f7f\u7528\u7684\u603b\u65f6\u95f4":118,"\u51fd\u6570\u5c31\u662f\u6839\u636e\u8be5\u673a\u5236\u914d\u7f6e\u7684":2,"\u51fd\u6570\u5f97\u5230\u7684\u68af\u5ea6\u53bb\u5bf9\u6bd4":112,"\u51fd\u6570\u5fc5\u987b\u5148\u8c03\u7528\u57fa\u7c7b\u4e2d\u7684\u51fd\u6570":112,"\u51fd\u6570\u5fc5\u987b\u8fd4\u56de\u4e00\u4e2a\u6216\u591a\u4e2alayer\u7684\u8f93\u51fa":108,"\u51fd\u6570\u603b\u65f6\u95f4":118,"\u51fd\u6570\u6307\u51fa\u4e86\u5728\u8bad\u7ec3\u65f6\u9700\u8981\u4ece\u53c2\u6570\u670d\u52a1\u5668\u53d6\u51fa\u7684\u884c":112,"\u51fd\u6570\u6765\u5c06\u4fe1\u606f\u8f93\u51fa\u5230\u754c\u9762\u4e2d":119,"\u51fd\u6570\u67e5\u8be2\u8f6f\u4ef6\u5305\u76f8\u5173api\u8bf4\u660e":4,"\u51fd\u6570\u7684":2,"\u51fd\u6570\u7684\u5b9e\u73b0\u662f\u6b63\u786e\u7684":112,"\u51fd\u6570\u7684\u5f00\u5934\u5fc5\u987b\u8c03\u7528":112,"\u51fd\u6570\u7684\u603b\u5171\u8017\u65f6\u5f88\u957f":118,"\u51fd\u6570\u7684\u8c03\u7528\u6b21\u6570":118,"\u51fd\u6570\u80fd\u591f\u5c06\u4f7f\u7528":124,"\u51fd\u6570\u91cc\u5b9e\u73b0":113,"\u5206\u4e3a":124,"\u5206\u522b\u4e3a\u6570\u636e\u8f93\u5165\u6dfb\u52a0\u5916\u5c42\u5e8f\u5217\u548c\u5185\u5c42\u5e8f\u5217\u7684\u5e8f\u5217\u4fe1\u606f":123,"\u5206\u522b\u4ece\u8bcd\u8bed\u548c\u53e5\u5b50\u7ea7\u522b\u7f16\u7801\u8f93\u5165\u6570\u636e":108,"\u5206\u522b\u4ee3\u8868\u8f93\u5165\u6570\u636e":65,"\u5206\u522b\u4f7f\u7528\u5355\u53cc\u5c42rnn\u4f5c\u4e3a\u7f51\u7edc\u914d\u7f6e\u7684\u6a21\u578b":106,"\u5206\u522b\u5b9a\u4e49\u5b50\u53e5\u7ea7\u522b\u548c\u8bcd\u8bed\u7ea7\u522b\u4e0a\u9700\u8981\u5b8c\u6210\u7684\u8fd0\u7b97":108,"\u5206\u522b\u5bf9\u5e94capi":85,"\u5206\u522b\u662f":105,"\u5206\u522b\u662frnn\u72b6\u6001\u548c\u8f93\u5165\u7684\u53d8\u6362\u77e9\u9635":109,"\u5206\u522b\u662fsentences\u548clabel":106,"\u5206\u522b\u662fwords\u548clabel":106,"\u5206\u522b\u8ba1\u7b97\u6bcf\u4e2a\u53c2\u6570\u7684\u68af\u5ea6":112,"\u5206\u522b\u8fdb\u884c\u5e8f\u5217\u64cd\u4f5c":106,"\u5206\u5e03\u5f0f\u5b58\u50a8\u670d\u52a1":36,"\u5206\u5e03\u5f0f\u8ba1\u7b97\u5e73\u53f0\u901a\u5e38\u4f1a\u901a\u8fc7api\u6216\u8005\u73af\u5883\u53d8\u91cf\u63d0\u4f9b\u4efb\u52a1\u8fd0\u884c\u9700\u8981\u7684\u53c2\u6570":125,"\u5206\u5e03\u5f0f\u8bad\u7ec3":116,"\u5206\u5e03\u5f0f\u8bad\u7ec3\u67b6\u6784\u5982\u4e0b\u56fe\u6240\u793a":125,"\u5206\u6210\u4e24\u90e8\u5206":2,"\u5206\u652f":[85,111],"\u5206\u652f\u4e00\u65e6\u5efa\u7acb":85,"\u5206\u652f\u4e0a":111,"\u5206\u652f\u4e0a\u521b\u5efa\u65b0\u5206\u652f":111,"\u5206\u652f\u4e2d":85,"\u5206\u652f\u4e3a\u5f00\u53d1":85,"\u5206\u652f\u4e3a\u6bcf\u4e00\u6b21release\u65f6\u5efa\u7acb\u7684\u4e34\u65f6\u5206\u652f":85,"\u5206\u652f\u4e3a\u7a33\u5b9a":85,"\u5206\u652f\u529f\u80fd\u7684\u5c01\u95ed":85,"\u5206\u652f\u5408\u5165":85,"\u5206\u652f\u5408\u5165master\u5206\u652f":85,"\u5206\u652f\u540c\u6b65\u4e3b\u7248\u672c\u5e93\u7684":85,"\u5206\u652f\u540d":111,"\u5206\u652f\u540d\u4e3a":85,"\u5206\u652f\u5b58\u5728\u7684\u65f6\u5019":85,"\u5206\u652f\u6d3e\u751f\u51fa\u65b0\u7684\u5206\u652f":85,"\u5206\u652f\u7528\u6765\u6d4b\u8bd5\u53ea\u9700\u8981\u8ba1\u7b97\u4e00\u4e2a\u8f93\u5165\u68af\u5ea6\u7684\u60c5\u51b5":113,"\u5206\u652f\u7684\u7248\u672c\u90fd\u662f\u7ecf\u8fc7\u5355\u5143\u6d4b\u8bd5\u548c\u56de\u5f52\u6d4b\u8bd5\u7684\u7248\u672c":85,"\u5206\u652f\u7684\u7248\u672c\u90fd\u7ecf\u8fc7\u5355\u5143\u6d4b\u8bd5":85,"\u5206\u652f\u89c4\u8303":111,"\u5206\u6790\u5f97\u5230\u7684\u4fe1\u606f\u7528\u4e8e\u534f\u52a9\u8fdb\u884c\u7a0b\u5e8f\u7684\u4f18\u5316":119,"\u5206\u7247":36,"\u5206\u7c7b\u4efb\u52a1\u4e2d\u7c7b\u522b\u6807\u7b7e":123,"\u5206\u7c7b\u6210\u6b63\u9762\u60c5\u7eea\u548c\u8d1f\u9762\u60c5\u7eea\u4e24\u7c7b":2,"\u5206\u914d\u5230\u5f53\u524d\u6570\u636e\u5757\u6837\u672c\u6570\u7684\u56db\u5206\u4e4b\u4e00":134,"\u5207\u6362\u5230":111,"\u5207\u6362\u5230\u6240\u5efa\u5206\u652f":111,"\u5217\u5143\u7d20\u6392\u5217\u6210\u7684\u77e9\u5f62\u9635\u5217":123,"\u5217\u540d":118,"\u5217\u8868\u5982\u4e0b":[2,103],"\u5219\u4e0d\u5728\u4e4e\u5185\u5b58\u6682\u5b58\u591a\u5c11\u6761\u6570\u636e":2,"\u5219\u4e0d\u9700\u8981\u91cd\u5199\u8be5\u51fd\u6570":112,"\u5219\u4f1a\u4f7f\u7528openblas\u4f5c\u4e3ablas\u5e93":99,"\u5219\u4f1a\u9884\u5148\u8bfb\u53d6\u5168\u90e8\u6570\u636e\u5230\u5185\u5b58\u4e2d":2,"\u5219\u4f7f\u7528":139,"\u5219\u4f7f\u7528\u540c\u6b65\u8bad\u7ec3":134,"\u5219\u4f7f\u7528\u542f\u52a8\u53c2\u6570\u5b9a\u4e49\u7684\u521d\u59cb\u5316\u65b9\u6cd5\u521d\u59cb\u5316\u53c2\u6570":36,"\u5219\u4f7f\u7528\u8be5\u53c2\u6570\u4f5c\u4e3a\u9ed8\u8ba4\u503c":134,"\u5219\u53ef\u8bbe\u7f6e":[138,139,140],"\u5219\u5e76\u4e0d\u4f1a\u7b49\u5f85\u6240\u6709trainer\u63d0\u4ea4\u68af\u5ea6\u624d\u66f4\u65b0\u53c2\u6570":125,"\u5219\u5ffd\u7565":36,"\u5219\u603b\u4f1a\u663e\u793a\u963b\u9694\u6458\u8981\u4fe1\u606f":134,"\u5219\u628a\u53e6\u4e00\u4e2a\u6162\u901f\u7684kill\u6389":36,"\u5219\u63a8\u8350\u5927\u4e8e\u8bad\u7ec3\u65f6batch":2,"\u5219\u662f\u5e26gui\u7684nvidia\u53ef\u89c6\u5316\u6027\u80fd\u5206\u6790\u5de5\u5177":119,"\u5219\u663e\u793a\u963b\u9694\u6027\u80fd\u7684\u6458\u8981\u4fe1\u606f":134,"\u5219\u76f4\u63a5\u5f15\u5165\u53e6\u4e00\u79cd\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5219\u8bbe\u7f6e\u6210":[138,140],"\u5219\u9700\u8981\u4f7f\u7528\u7b49\u4e8e\u6743\u91cd\u53c2\u6570\u89c4\u6a21\u5927\u7ea65\u500d\u7684\u5185\u5b58":96,"\u5219\u9700\u8981\u5206\u522b\u7f16\u8bd1\u771f\u673a\u548c\u6a21\u62df\u5668\u7248\u672c":139,"\u5219\u9700\u8981\u56de\u6eda\u5230\u4e0a\u4e00\u4e2a\u68c0\u67e5\u70b9":36,"\u5219\u9700\u8981\u5728\u672c\u673a\u5b89\u88c5\u4e0b\u9762\u7ae0\u8282\u5217\u51fa\u7684":99,"\u5219\u9700\u8981\u624b\u52a8\u62f7\u8d1d\u5c5e\u4e8e\u6bcf\u4e2atrainer\u8282\u70b9\u7684\u8bad\u7ec3\u6570\u636e\u5230\u5bf9\u5e94\u7684\u8282\u70b9\u4e0a":125,"\u521b\u5efa":[65,123,124],"\u521b\u5efa\u4e00\u4e2a":104,"\u521b\u5efa\u4e00\u4e2akubernet":129,"\u521b\u5efa\u5e76\u5207\u6362\u5230\u65b0\u5206\u652f":111,"\u521b\u5efa\u6210\u529f\u540e":129,"\u521b\u5efa\u65e5\u5fd7\u76ee\u5f55":130,"\u521b\u5efa\u7a00\u758f\u77e9\u9635\u65f6\u9700\u8981\u663e\u793a\u5730\u6307\u5b9a\u77e9\u9635\u7684":123,"\u521b\u5efagener":2,"\u521d\u59cb\u5316\u4e4b\u540e":4,"\u521d\u59cb\u5316\u504f\u7f6e\u5411\u91cf":112,"\u521d\u59cb\u5316\u65f6\u8c03\u7528\u7684\u51fd\u6570":2,"\u521d\u59cb\u5316\u6743\u91cd\u8868":112,"\u521d\u59cb\u5316\u6a21\u578b\u7684\u8def\u5f84":134,"\u521d\u59cb\u5316\u7236\u7c7b":112,"\u521d\u59cb\u5316biases_":112,"\u521d\u59cb\u5316paddlepaddle\u73af\u5883":4,"\u521d\u59cb\u72b6\u6001":108,"\u5220\u9664":111,"\u5220\u9664\u78c1\u76d8\u76ee\u5f55\u4e2d\u4e0d\u662f\u5f53\u524duuid\u7684\u5feb\u7167\u6587\u4ef6":36,"\u5224\u65ad\u662f\u5426\u5b89\u88c5\u6210\u529f":139,"\u5229\u7528\u5206\u5e03\u5f0f\u8bad\u7ec3\u9a7e\u9a6d\u66f4\u591a\u7684\u8ba1\u7b97\u8d44\u6e90":96,"\u5229\u7528\u66f4\u591a\u7684\u8ba1\u7b97\u8d44\u6e90\u53ef\u4ee5\u5206\u4e3a\u4ee5\u4e0b\u51e0\u4e2a\u65b9\u5f0f\u6765\u8fdb\u884c":96,"\u5229\u7528\u8fd9\u79cd\u7279\u6027":108,"\u5229\u843d":106,"\u522b\u4eba\u5e2e\u4e86\u5fd9":111,"\u522b\u5fd8\u4e86":110,"\u5230":[36,93,109],"\u5230\u6307\u5b9a\u6587\u4ef6\u4e2d":124,"\u5230\u672c\u5730":111,"\u5230\u6b64":113,"\u5230\u7b2c\u4e8c\u6b65":85,"\u5236\u4f5c\u65b0\u955c\u50cf\u6765\u5b8c\u6210\u4ee5\u4e0a\u7684\u5de5\u4f5c":129,"\u5236\u4f5cpaddlepaddle\u955c\u50cf":129,"\u5237\u7259":106,"\u524d\u4e00\u7bc7\u6587\u7ae0\u4ecb\u7ecd\u4e86\u5982\u4f55\u5728kubernetes\u96c6\u7fa4\u4e0a\u542f\u52a8\u4e00\u4e2a\u5355\u673apaddlepaddle\u8bad\u7ec3\u4f5c\u4e1a":129,"\u524d\u53f0":106,"\u524d\u540e\u7684\u7f51\u7edc\u6027\u80fd":64,"\u524d\u5411\u4f20\u64ad":112,"\u524d\u5411\u4f20\u64ad\u7ed9\u5b9a\u8f93\u5165":112,"\u524d\u5411\u548c\u540e\u5411":112,"\u524d\u5411\u8ba1\u7b97\u4e4b\u540epaddlepaddle\u5185\u90e8\u5df2\u7ecf\u5206\u914d":124,"\u524d\u5411op\u5b9e\u73b0\u5b8c\u6210":113,"\u524d\u8005\u5728":96,"\u524d\u8005\u5b58\u50a8op\u7684\u8f93\u5165\u8f93\u51fa\u548c\u53c2\u6570\u5c5e\u6027":113,"\u524d\u8005\u622a\u65ad\u53ef\u5b66\u4e60\u53c2\u6570\u7684\u68af\u5ea6":96,"\u524d\u8005op\u7684\u5b9a\u4e49\u7ee7\u627f\u81ea":113,"\u524d\u81ea\u52a8\u68c0\u67e5\u4e00\u4e9b\u57fa\u672c\u4e8b\u5b9c":111,"\u524d\u9700\u8981\u5b89\u88c5":118,"\u524d\u9988":125,"\u5269\u4e0b\u7684pass\u4f1a\u76f4\u63a5\u4ece\u5185\u5b58\u91cc":2,"\u529f\u80fd":51,"\u529f\u80fd\u7684\u6b63\u786e\u6027\u5305\u62ec\u9a8c\u8bc1paddlepaddle\u76ee\u524d\u7684":85,"\u52a0\u4e0a\u504f\u7f6e\u5411\u91cf":112,"\u52a0\u5165":119,"\u52a0\u6743\u548c\u7528\u6765\u751f\u6210":109,"\u52a0\u6743\u7f16\u7801\u5411\u91cf":109,"\u52a0\u8f7d\u5177\u4f53\u7f51\u7edc\u53c2\u6570":98,"\u52a0\u8f7d\u6a21\u578b\u53ef\u5176\u5b83\u591a\u79cd\u65b9\u5f0f":124,"\u52a0\u8f7d\u6a21\u578b\u9700\u540c\u65f6\u6307\u5b9a":124,"\u52a0\u8f7d\u9884\u6d4b\u6a21\u578b":124,"\u52a0\u8f7d\u9884\u8bad\u7ec3\u53c2\u6570":98,"\u52a0\u8f7dtest":134,"\u52a0\u901f\u7f16\u8bd1":99,"\u52a0\u901fpaddlepaddle\u8bad\u7ec3\u53ef\u4ee5\u8003\u8651\u4ece\u4ee5\u4e0b\u51e0\u4e2a\u65b9\u9762":96,"\u52a8\u6001\u5e93":[68,121],"\u52a9\u624b":112,"\u5305":118,"\u5305\u542b\u4e86\u67d0\u79cd\u7c7b\u578b\u7684\u7c7b\u578b\u5b9a\u4e49\u548c\u66b4\u9732\u7684\u5168\u90e8\u51fd\u6570":69,"\u5305\u542b\u4f46\u4e0d\u9650\u4e8e":99,"\u5305\u542b\u6d4b\u8bd5\u6570\u636e\u96c6\u7684\u76ee\u5f55":125,"\u5305\u542b\u8bad\u7ec3\u6570\u636e\u7684\u76ee\u5f55":125,"\u5305\u542b\u8fd9\u4e2a\u51fd\u6570\u8c03\u7528\u5176\u4ed6\u51fd\u6570\u7684\u65f6\u95f4":118,"\u5305\u542bkernel\u7684op\u548c\u4e0d\u5305\u542bkernel\u7684op":113,"\u5305\u62ec":[37,64,65,121,125,134],"\u5305\u62ec\u4e86\u7f16\u8bd1\u51fa\u7684paddlepaddle\u5934\u6587\u4ef6\u548c\u94fe\u63a5\u5e93":121,"\u5305\u62ec\u4ee5\u4e0b\u4e24\u79cd":2,"\u5305\u62ec\u5b57\u7b26\u4e32\u5206\u914d":96,"\u5305\u62ec\u6743\u91cdw\u548c\u504f\u7f6eb":36,"\u5305\u62ec\u751f\u6210cpu":99,"\u5305\u62ec\u795e\u7ecf\u7f51\u7edc\u62d3\u6251\u7ed3\u6784":103,"\u5305\u62ecbool":136,"\u5305\u62eclinux":138,"\u5305\u62ecmkl":65,"\u5305\u7684\u65b9\u6cd5\u662f":93,"\u533a\u522b\u662f\u540c\u65f6\u5904\u7406\u4e86\u4e24\u4e2a\u8f93\u5165":106,"\u533a\u522b\u662frnn\u4f7f\u7528\u4e24\u5c42\u5e8f\u5217\u6a21\u578b":106,"\u5341\u4e00":106,"\u534e\u6da6\u4e07\u5bb6":106,"\u534f\u540c\u5b8c\u6210releas":85,"\u5355\u4e2a\u503c":37,"\u5355\u4f4d\u662fmb":134,"\u5355\u5143\u6d4b\u8bd5":[110,114],"\u5355\u5143\u6d4b\u8bd5\u4f1a\u5f15\u7528site":93,"\u5355\u5143\u6d4b\u8bd5\u4f1a\u88ab\u81ea\u52a8\u52a0\u5165\u5de5\u7a0b\u8fdb\u884c\u7f16\u8bd1":113,"\u5355\u5143\u6d4b\u8bd5\u5728\u5185\u7684\u6240\u6709\u5355\u5143\u6d4b\u8bd5":110,"\u5355\u5143\u6d4b\u8bd5checkgrad_ep":133,"\u5355\u53cc\u5c42\u5e8f\u5217\u7684\u53e5\u5b50\u662f\u4e00\u6837\u7684":106,"\u5355\u53cc\u5c42rnn":107,"\u5355\u5c42":108,"\u5355\u5c42\u4e0d\u7b49\u957frnn":106,"\u5355\u5c42\u548c\u53cc\u5c42\u5e8f\u5217\u7684\u4f7f\u7528\u548c\u793a\u4f8b2\u4e2d\u7684\u793a\u4f8b\u7c7b\u4f3c":106,"\u5355\u5c42\u5e8f\u5217":[105,123],"\u5355\u5c42\u5e8f\u5217\u7684\u6bcf\u4e2a\u5143\u7d20":105,"\u5355\u5c42\u5e8f\u5217\u7b2ci\u4e2a\u5143\u7d20":105,"\u5355\u5c42\u6216\u53cc\u5c42":105,"\u5355\u5c42\u65f6\u95f4\u5e8f\u5217":106,"\u5355\u5c42rnn":[106,108],"\u5355\u5c42rnn\u548c\u53cc\u5c42rnn\u7684\u7f51\u7edc\u914d\u7f6e":106,"\u5355\u673acpu\u8bad\u7ec3":96,"\u5355\u673agpu\u8bad\u7ec3":96,"\u5355\u6b65\u51fd\u6570":109,"\u5355\u6b65\u51fd\u6570\u548c\u8f93\u51fa\u51fd\u6570\u5728":109,"\u5355\u6b65\u51fd\u6570\u548c\u8f93\u51fa\u51fd\u6570\u90fd\u975e\u5e38\u7b80\u5355":109,"\u5355\u6b65\u51fd\u6570\u7684\u5b9e\u73b0\u5982\u4e0b\u6240\u793a":109,"\u5355\u6d4b\u5305\u62ec\u5bf9\u6bd4\u524d\u5411op\u4e0d\u540c\u8bbe\u5907":113,"\u5355\u70b9\u6545\u969c":36,"\u5355\u7eaf\u7684":118,"\u5355\u8fdb\u5355\u51fa":108,"\u5360\u7528\u4e8617":118,"\u536b\u751f":106,"\u5373":[69,96,97,113,115,129],"\u5373\u4e00\u4e2a\u5c06\u5355\u8bcd\u5b57\u7b26\u4e32\u6620\u5c04\u5230\u5355\u8bcdid\u7684\u5b57\u5178":2,"\u5373\u4e0a\u8ff0\u4ee3\u7801\u4e2d\u7684\u7b2c19\u884c":106,"\u5373\u4e0b\u8f7d\u5931\u8d25":93,"\u5373\u4e0d\u5141\u8bb8\u5728":113,"\u5373\u4e0d\u8981\u5c06\u6bcf\u4e00\u4e2a\u6837\u672c\u90fd\u653e\u5165train":2,"\u5373\u4e0d\u9700\u8981\u4f7f\u7528memori":106,"\u5373\u4e3a\u4e00\u4e2a\u65f6\u95f4\u6b65":106,"\u5373\u4e3a\u5355\u5c42rnn\u5e8f\u5217\u7684\u4f7f\u7528\u4ee3\u7801":106,"\u5373\u4e3a\u65f6\u95f4\u5e8f\u5217\u7684\u8f93\u5165":106,"\u5373\u4e3a\u8fd9\u4e2a\u53cc\u5c42rnn\u7684\u7f51\u7edc\u7ed3\u6784":106,"\u5373\u4e3a\u8fd9\u4e2a\u6570\u636e\u6587\u4ef6\u7684\u540d\u5b57":2,"\u5373\u4e8c\u7ef4\u6570\u7ec4":106,"\u5373\u4f7f\u7528":[69,97],"\u5373\u4f7f\u7528\u6237\u76f4\u63a5\u5f15\u7528\u67d0\u79cd\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5373\u4f7f\u95f4\u9694\u5f88\u5c0f":134,"\u5373\u4f7fc":69,"\u5373\u4f7fprocess\u51fd\u6570\u91cc\u9762\u53ea\u6709\u4e00\u4e2ayield":2,"\u5373\u4f8b\u5982":69,"\u5373\u4fbf\u662f":110,"\u5373\u4fbf\u8bbe\u7f6e":93,"\u5373\u4fbfpaddl":69,"\u5373\u521d\u59cb\u72b6\u6001\u4e3a0":108,"\u5373\u5305\u542b\u65f6\u95f4\u6b65\u4fe1\u606f":2,"\u5373\u5355\u65f6\u95f4\u6b65\u6267\u884c\u7684\u51fd\u6570":109,"\u5373\u53cc\u5c42\u65f6\u95f4\u5e8f\u5217":106,"\u5373\u53cc\u5c42rnn\u7684\u6bcf\u4e2a\u72b6\u6001":108,"\u5373\u53ef":111,"\u5373\u53ef\u4ee5\u6781\u5927\u7684\u52a0\u901f\u6570\u636e\u8f7d\u5165\u6d41\u7a0b":96,"\u5373\u53ef\u4f7f\u7528\u5f00\u53d1\u955c\u50cf\u6765\u7f16\u8bd1android\u7248paddlepaddl":138,"\u5373\u53ef\u5728":140,"\u5373\u53ef\u5f00\u59cb\u4e0b\u8f7d":102,"\u5373\u53ef\u5f00\u59cb\u4e0b\u9762\u7684\u6b65\u9aa4":100,"\u5373\u53ef\u663e\u793a\u6027\u80fd\u5206\u6790\u7684\u7ed3\u679c":118,"\u5373\u53ef\u68c0\u67e5\u6211\u4eec\u8c03\u4f18\u540e\u7684\u4fee\u6b63\u662f\u5426\u80fd\u591f\u6539\u5584\u7a0b\u5e8f\u7684\u6027\u80fd":118,"\u5373\u5728\u53cc\u5c42\u5e8f\u5217\u7684\u539f\u59cb\u6570\u636e\u4e2d":106,"\u5373\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d":96,"\u5373\u5927\u90e8\u5206\u503c\u4e3a0":[2,103],"\u5373\u5b8c\u6210\u67d0\u4e00\u4e2a\u4efb\u52a1\u7684\u6700\u5c11\u51fd\u6570":69,"\u5373\u5c06\u4e00\u6bb5\u82f1\u6587\u6587\u672c\u6570\u636e":2,"\u5373\u5c06\u4e00\u6bb5\u8bdd\u8fdb\u884c\u5206\u7c7b":106,"\u5373\u5c06nchw\u8f6c\u6362\u6210nhwc":97,"\u5373\u5f53\u524d\u65f6\u95f4\u6b65\u4e0b\u7684\u795e\u7ecf\u7f51\u7edc\u4f9d\u8d56\u524d\u4e00\u4e2a\u65f6\u95f4\u6b65\u795e\u7ecf\u7f51\u7edc\u4e2d\u67d0\u4e00\u4e2a\u795e\u7ecf\u5143\u8f93\u51fa":106,"\u5373\u6211\u4eec\u53ef\u4ee5\u5148\u5b9a\u4e49\u4e00\u4e2atensor":114,"\u5373\u628a\u5355\u5c42rnn\u751f\u6210\u540e\u7684subseq\u7ed9\u62fc\u63a5\u6210\u4e00\u4e2a\u65b0\u7684\u53cc\u5c42seq":108,"\u5373\u6574\u4e2a\u53cc\u5c42group\u662f\u5c06\u524d\u4e00\u4e2a\u5b50\u53e5\u7684\u6700\u540e\u4e00\u4e2a\u5411\u91cf":106,"\u5373\u6574\u4e2a\u8f93\u5165\u5e8f\u5217":105,"\u5373\u6574\u6570\u6570\u7ec4":106,"\u5373\u65f6\u95f4\u9012\u5f52\u795e\u7ecf\u7f51\u7edc":106,"\u5373\u662f\u8de8\u8d8a\u65f6\u95f4\u6b65\u7684\u7f51\u7edc\u8fde\u63a5":106,"\u5373\u66b4\u9732":69,"\u5373\u7279\u5f81\u7684\u6570\u7ec4":106,"\u5373\u7f51\u5361\u540d":129,"\u5373\u82e5\u5e72\u6570\u636e\u6587\u4ef6\u8def\u5f84\u7684\u67d0\u4e00\u4e2a":2,"\u5373\u8868\u793a\u4e0d\u9700\u8981\u8f6c\u6362":65,"\u5373\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u51fa\u73b0nan\u6216\u8005inf":96,"\u5373\u8bbe\u7f6e":96,"\u5373\u8fd0\u884c\u8bad\u7ec3\u7a0b\u5e8f":100,"\u5373\u8fd9\u4e2a\u52a8\u6001\u5e93\u662f\u4e0d\u4f9d\u8d56\u4e8e\u5176\u4ed6\u4efb\u4f55\u6587\u4ef6\u7684":68,"\u5373define_py_data_sources2\u5e94\u6539\u4e3a":98,"\u5373input":108,"\u5373rnn\u4e4b\u95f4\u6709\u4e00\u6b21\u5d4c\u5957\u5173\u7cfb":106,"\u5378\u8f7dpaddlepaddle\u5305":93,"\u538b\u6241\u6210\u4e3aeigen\u7684\u4e00\u7ef4tensor":114,"\u538b\u7f29\u6210\u4e00\u4e2a\u5411\u91cf":106,"\u539f\u56e0":[93,111],"\u539f\u56e0\u5728\u4e8e\u6ca1\u6709\u628a\u673a\u5668\u4e0acuda\u76f8\u5173\u7684\u9a71\u52a8\u548c\u5e93\u6620\u5c04\u5230\u5bb9\u5668\u5185\u90e8":93,"\u539f\u56e0\u662f\u6bcf\u4e2a\u56de\u590d\u90fd\u4f1a\u53d1\u9001\u4e00\u5c01\u90ae\u4ef6":111,"\u539f\u6765\u7684\u65b9\u6848":65,"\u53bb\u8fc7":106,"\u53c2\u6570":[2,6,7,8,9,10,11,13,14,15,29,68,96,110,112,124,129,133],"\u53c2\u6570\u4e3a":113,"\u53c2\u6570\u5171\u4eab\u7684\u914d\u7f6e\u793a\u4f8b\u4e3a":98,"\u53c2\u6570\u548c\u73af\u5883\u53d8\u91cf":125,"\u53c2\u6570\u670d\u52a1\u5668":[125,133],"\u53c2\u6570\u670d\u52a1\u5668\u4e4b\u95f4\u4e0d\u76f8\u4e92\u4f9d\u8d56":125,"\u53c2\u6570\u670d\u52a1\u5668\u4e5f\u4e0d\u4f1a\u7b49\u5f85\u8ba1\u7b97\u8282\u70b9\u5168\u90e8\u90fd\u63d0\u4ea4\u68af\u5ea6\u4e4b\u540e\u624d\u5f00\u59cb\u4e0b\u4e00\u6b65":125,"\u53c2\u6570\u670d\u52a1\u5668\u63a5\u6536\u4ece\u8ba1\u7b97\u8282\u70b9\u4e0a\u4f20\u7684\u68af\u5ea6":125,"\u53c2\u6570\u670d\u52a1\u5668\u7684\u53c2\u6570\u5206\u5757\u5927\u5c0f":134,"\u53c2\u6570\u670d\u52a1\u5668\u7684\u76d1\u542c\u7aef\u53e3":134,"\u53c2\u6570\u670d\u52a1\u5668\u7684\u7f51\u7edc\u8bbe\u5907\u540d\u79f0":134,"\u53c2\u6570\u670d\u52a1\u5668\u7684ip\u5730\u5740":134,"\u53c2\u6570\u670d\u52a1\u5668\u7a00\u758f\u66f4\u65b0\u7684\u53c2\u6570\u5206\u5757\u5927\u5c0f":134,"\u53c2\u6570\u6765\u63a7\u5236\u7f13\u5b58\u65b9\u6cd5":96,"\u53c2\u6570\u6982\u8ff0":135,"\u53c2\u6570\u7684\u4e2a\u6570\u548c\u53c2\u6570\u5217\u8868":124,"\u53c2\u6570\u7684\u89e3\u6790":129,"\u53c2\u6570\u8bbe\u7f6e":95,"\u53c2\u6570\u8bbe\u7f6e\u4e86\u5916\u5c42":106,"\u53c2\u6570\u8bf4\u660e":125,"\u53c2\u6570\u8bf4\u660e\u5bb9\u5668\u5df2\u4ea4\u4e92\u5f0f\u8fd0\u884c":100,"\u53c2\u6570\u8f93\u5165":96,"\u53c2\u6570\u9700\u8981\u5b9e\u73b0":109,"\u53c2\u7167\u4e0a\u8ff0\u6b65\u9aa4\u66f4\u65b0":111,"\u53c2\u8003":[51,68,100],"\u53c2\u8003\u4e0b\u56fe":85,"\u53c2\u8003\u5f3a\u8c03\u90e8\u5206":119,"\u53c2\u8003\u65f6\u95f4\u5e8f\u5217":106,"\u53c2\u8003\u6837\u4f8b\u6570\u636e\u51c6\u5907\u811a\u672c":125,"\u53c2\u8003\u955c\u50cf\u7684":129,"\u53c8":106,"\u53c8\u53ef\u4ee5\u907f\u514d\u4e0d\u5fc5\u8981\u7684\u8f6c\u6362":65,"\u53c8\u662f\u4e00\u4e2a\u5355\u5c42\u7684\u5e8f\u5217":105,"\u53c8\u8981\u4fdd\u8bc1\u6570\u636e\u662f\u968f\u673a\u7684":96,"\u53ca":112,"\u53cc\u5411\u95e8\u63a7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684\u9690\u85cf\u72b6\u6001":109,"\u53cc\u5411\u9a8c\u8bc1":51,"\u53cc\u5c42":108,"\u53cc\u5c42\u4e0d\u7b49\u957frnn":106,"\u53cc\u5c42\u5e8f\u5217":[105,123],"\u53cc\u5c42\u5e8f\u5217\u5728\u5904\u7406\u957f\u5e8f\u5217\u7684\u4efb\u52a1\u6216\u662f\u6784\u5efa\u5c42\u7ea7\u6a21\u578b\u65f6\u4f1a\u53d1\u6325\u4f5c\u7528":123,"\u53cc\u5c42\u5e8f\u5217\u6216\u5355\u5c42\u5e8f\u5217":105,"\u53cc\u5c42\u5e8f\u5217\u6570\u636e\u4e00\u5171\u67094\u4e2a\u6837\u672c":106,"\u53cc\u5c42\u5e8f\u5217\u662f\u4e00\u4e2a\u5d4c\u5957\u7684\u5e8f\u5217":105,"\u53cc\u5c42\u5e8f\u5217\u662fpaddlepaddle\u652f\u6301\u7684\u4e00\u79cd\u975e\u5e38\u7075\u6d3b\u7684\u6570\u636e\u7ec4\u7ec7\u65b9\u5f0f":108,"\u53cc\u5c42\u5e8f\u5217\u6bcf\u4e2asubseq\u4e2d\u6bcf\u4e2a\u5143\u7d20":105,"\u53cc\u5c42\u5e8f\u5217\u7ecf\u8fc7\u8fd0\u7b97\u53d8\u6210\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"\u53cc\u5c42\u5e8f\u5217\u9700\u8981\u8bbe\u7f6e\u5206\u522b\u4e3a\u5916\u5c42\u5e8f\u5217\u548c\u5185\u5c42\u5e8f\u5217\u5206\u522b\u8bbe\u7f6e":123,"\u53cc\u5c42\u6216\u8005\u5355\u5c42":105,"\u53cc\u5c42\u65f6\u95f4\u5e8f\u5217\u7684dataprovider\u7684\u4ee3\u7801":106,"\u53cc\u5c42rnn":108,"\u53cc\u5c42rnn\u6570\u636e\u968f\u610f\u52a0\u4e86\u4e00\u4e9b\u9694\u65ad":106,"\u53cc\u5c42rnn\u987e\u540d\u601d\u4e49":106,"\u53cc\u8fdb\u5355\u51fa":108,"\u53cc\u8fdb\u53cc\u51fa":108,"\u53cd\u5411\u4f20\u64ad":112,"\u53cd\u5411\u4f20\u64ad\u6839\u636e\u8f93\u51fa\u7684\u68af\u5ea6":112,"\u53cd\u5411\u8ba1\u7b97\u5df2\u7ecf\u81ea\u52a8\u96c6\u6210\u8fdb\u6d4b\u8bd5\u6846\u67b6":113,"\u53cd\u5411op\u7684\u68af\u5ea6\u6d4b\u8bd5":113,"\u53cd\u5411op\u7c7b":113,"\u53cd\u5411op\u7c7b\u7684\u5b9a\u4e49":113,"\u53cd\u5411opkernel\u7684\u5b9a\u4e49\u4e0e\u524d\u5411op\u7c7b\u4f3c":113,"\u53d1\u578b\u7248":85,"\u53d1\u5e03\u5230dockerhub":85,"\u53d1\u5e03docker\u955c\u50cf\u53ea\u9700\u8981\u5bf9\u81ea\u52a8push\u7684\u955c\u50cf\u6253\u4e0a":85,"\u53d1\u6563\u5230\u4e86\u4e00\u4e2a\u6570\u503c\u7279\u522b\u5927\u7684\u5730\u65b9":96,"\u53d1\u884c\u548c\u7ef4\u62a4":111,"\u53d1\u9001\u53c2\u6570\u7684\u7aef\u53e3\u53f7":134,"\u53d6\u503c\u76f8\u540c\u7684layer":97,"\u53d6\u5176\u4e2d\u4e00\u4e2a\u6a21\u578bparams_pass_90":103,"\u53d6\u51b3\u4e8e":113,"\u53d8\u6362\u77e9\u9635":112,"\u53d8\u91cf\u6765\u533a\u5206layer\u7684\u5c5e\u6027":65,"\u53d8\u91cf\u6765\u8bbe\u7f6e\u5185\u5b58\u4e2d\u6682\u5b58\u7684\u6570\u636e\u6761":2,"\u53e3\u5934":106,"\u53e5\u5b50\u662f\u7531\u8bcd\u8bed\u6784\u6210\u7684\u5e8f\u5217":123,"\u53e6\u4e00\u4e2a\u65b9\u6cd5\u662f\u4ea4\u53c9\u7f16\u8bd1":140,"\u53e6\u4e00\u4e2a\u662f\u5185\u5b58\u64cd\u4f5c\u91cf":119,"\u53e6\u4e00\u4e2a\u662f\u6bcf\u6761\u5e8f\u5217":96,"\u53e6\u4e00\u79cd\u65b9\u5f0f\u662f\u5c06\u7f51\u7edc\u5c42\u5212\u5206\u5230\u4e0d\u540c\u7684gpu\u4e0a\u53bb\u8ba1\u7b97":136,"\u53e6\u5916":[106,110],"\u53e6\u5916\u6700\u65b0\u7684pip\u5b98\u65b9\u6e90\u4e2d\u7684\u5b89\u88c5\u5305\u9ed8\u8ba4\u662fmanylinux1\u6807\u51c6":102,"\u53ea\u4f5c\u4e3aread":108,"\u53ea\u4fdd\u5b58\u6700\u540e\u4e00\u8f6e\u7684\u53c2\u6570":134,"\u53ea\u5728\u7b2c\u4e00\u6b21cmake\u7684\u65f6\u5019\u6709\u6548":99,"\u53ea\u5bf9\u7279\u6b8a\u5728\u7ebf\u7cfb\u7edf\u8003\u8651\u4e24\u53f0\u4ee5\u4e0a\u540c\u65f6\u6545\u969c\u7684\u5bb9\u707e":36,"\u53ea\u5bf9\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u8fdb\u884c\u5e8f\u5217\u5316":124,"\u53ea\u5c06\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u8fdb\u884c\u5e8f\u5217\u5316":124,"\u53ea\u662f\u53cc\u5c42\u5e8f\u5217\u5c06\u5176\u53c8\u505a\u4e86\u5b50\u5e8f\u5217\u5212\u5206":106,"\u53ea\u662f\u8bf4\u660e\u6570\u636e\u7684\u987a\u5e8f\u662f\u91cd\u8981\u7684":2,"\u53ea\u66b4\u9732\u6982\u5ff5\u7684\u63a5\u53e3":69,"\u53ea\u6709":106,"\u53ea\u6709\u5728\u9047\u5230\u9700\u8981":101,"\u53ea\u6709\u5f53\u8bbe\u7f6e\u4e86spars":134,"\u53ea\u7528\u4e8e\u5728\u5e8f\u5217\u751f\u6210\u4efb\u52a1\u4e2d\u6307\u5b9a\u8f93\u5165\u6570\u636e":108,"\u53ea\u7559\u4e0b\u6838\u5fc3\u8ba1\u7b97\u5c42":124,"\u53ea\u80fd\u5728recurrent_group\u4e2d\u4f5c\u4e3astep":97,"\u53ea\u80fd\u6309\u884c\u8ba1\u7b97":97,"\u53ea\u80fd\u6d4b\u8bd5\u5355\u4e2a\u6a21\u578b":136,"\u53ea\u80fd\u8bbf\u95ee\u5b83\u4eec\u7684\u8f93\u51fa\u503c":97,"\u53ea\u80fd\u8c03\u7528paddle\u7684\u52a8\u6001\u5e93":68,"\u53ea\u8981\u4e00\u7cfb\u5217\u7279\u5f81\u6570\u636e\u4e2d\u7684":106,"\u53ea\u8981\u51fa\u73b0\u6d6e\u70b9\u6570\u5f02\u5e38":96,"\u53ea\u8bfbmemory\u8f93\u5165":108,"\u53ea\u9488\u5bf9\u5185\u5b58":96,"\u53ea\u9700\u4e2d\u65ad":126,"\u53ea\u9700\u5728\u7f16\u8bd1\u65f6\u9700\u914d\u5236\u4e0b\u9762\u8fd9\u4e9b\u7f16\u8bd1\u9009\u9879":121,"\u53ea\u9700\u7528\u60a8\u5b9a\u4e49\u7684\u76ee\u5f55\u4fee\u6539":126,"\u53ea\u9700\u77e5\u9053\u8fd9\u662f\u4e00\u4e2a\u6807\u8bb0\u5c5e\u6027\u7684\u65b9\u6cd5\u5c31\u53ef\u4ee5\u4e86":2,"\u53ea\u9700\u8981":109,"\u53ea\u9700\u8981\u4e00\u884c\u4ee3\u7801\u5c31\u53ef\u4ee5\u8c03\u7528\u8fd9\u4e2apydataprovider2":2,"\u53ea\u9700\u8981\u5728\u51fd\u6570\u4e2d\u8c03\u7528\u591a\u6b21yield\u5373\u53ef":2,"\u53ea\u9700\u8981\u6062\u590d\u8fd9\u53f0\u8282\u70b9":36,"\u53ea\u9700\u8981\u8bbe\u7f6e\u884c\u504f\u79fb":123,"\u53ea\u9700\u8981\u94fe\u63a5":121,"\u53ea\u9700\u8fdb\u884c\u524d\u5411\u8ba1\u7b97\u800c\u65e0\u9700\u8c03\u7528\u53cd\u5411\u8ba1\u7b97":124,"\u53ef\u4ee5":[85,100,106,111,115],"\u53ef\u4ee5\u4ece":100,"\u53ef\u4ee5\u4ece\u6211\u4eec\u7684ci\u7cfb\u7edf\u4e2d\u4e0b\u8f7d\u6700\u65b0\u7684whl\u5b89\u88c5\u5305\u548cc":102,"\u53ef\u4ee5\u4f20\u5165\u4e00\u4e2a\u51fd\u6570":2,"\u53ef\u4ee5\u4f30\u8ba1\u51fa\u5982\u679c\u6a21\u578b\u91c7\u7528\u4e0d\u53d8\u7684\u8f93\u51fa\u6700\u5c0f\u7684cost0\u662f\u591a\u5c11":98,"\u53ef\u4ee5\u4f7f\u7528":[98,124,125],"\u53ef\u4ee5\u4f7f\u7528\u4e0b\u9762\u7684\u547d\u4ee4\u66f4\u65b0\u60a8\u7684pip":102,"\u53ef\u4ee5\u4f7f\u7528\u5982\u4e0b\u4ee3\u7801":98,"\u53ef\u4ee5\u4f7f\u7528\u76f8\u5e94\u6570\u636e\u7c7b\u578b\u7684":98,"\u53ef\u4ee5\u4f7f\u7528\u8be5\u53c2\u6570":134,"\u53ef\u4ee5\u4f7f\u7528kubernetes\u7684\u547d\u4ee4\u884c\u5de5\u5177\u521b\u5efajob":129,"\u53ef\u4ee5\u4f7f\u7528python\u7684":4,"\u53ef\u4ee5\u5148\u4f7f\u7528":97,"\u53ef\u4ee5\u51cf\u5c0f\u7cfb\u7edf\u590d\u6742\u6027":36,"\u53ef\u4ee5\u51cf\u5c11\u7f13\u5b58\u6c60\u7684\u5927\u5c0f":96,"\u53ef\u4ee5\u521b\u5efa\u4e00\u4e2a":128,"\u53ef\u4ee5\u521b\u5efa\u975e":113,"\u53ef\u4ee5\u52a0\u901fpaddlepaddle\u7684\u8ba1\u7b97":100,"\u53ef\u4ee5\u53c2\u8003":[100,106,109,110,111],"\u53ef\u4ee5\u53c2\u8003\u4e0b\u9762\u7684\u6b65\u9aa4\u6392\u67e5":94,"\u53ef\u4ee5\u53c2\u8003paddlepaddl":103,"\u53ef\u4ee5\u540c\u65f6\u5728cpu":114,"\u53ef\u4ee5\u542b\u6709\u4e00\u6761\u6216\u591a\u6761\u6837\u672c":123,"\u53ef\u4ee5\u544a\u8bc9\u60a8\u67d0\u4e2a\u64cd\u4f5c\u5230\u5e95\u82b1\u4e86\u591a\u957f\u65f6\u95f4":119,"\u53ef\u4ee5\u5728":[99,126],"\u53ef\u4ee5\u5728\u4efb\u4f55\u673a\u5668\u4e0a\u6267\u884c\u7684":68,"\u53ef\u4ee5\u5728\u5171\u4eab\u5b58\u50a8\u4e0a\u67e5\u770b\u8f93\u51fa\u7684\u65e5\u5fd7\u548c\u6a21\u578b":129,"\u53ef\u4ee5\u5728\u6b64\u9875\u9762\u7684":85,"\u53ef\u4ee5\u5728\u8fd9\u4e2a":111,"\u53ef\u4ee5\u5b8c\u6210\u795e\u7ecf\u7f51\u7edc\u7684sgd\u65b9\u6cd5\u7684\u8bad\u7ec3":125,"\u53ef\u4ee5\u5b9e\u73b0\u4ecepaddl":114,"\u53ef\u4ee5\u5c06\u67d0\u4e00\u4e2a\u51fd\u6570\u6807\u8bb0\u6210\u4e00\u4e2apydataprovider2":2,"\u53ef\u4ee5\u5c06cmake":118,"\u53ef\u4ee5\u5c06memory\u7406\u89e3\u4e3a\u4e00\u4e2a\u65f6\u5ef6\u64cd\u4f5c":108,"\u53ef\u4ee5\u5c06op\u5206\u4e3a\u4e24\u79cd":113,"\u53ef\u4ee5\u5c1d\u8bd5\u4ee5\u4e0b\u7684\u65b9\u6cd5":100,"\u53ef\u4ee5\u5e2e\u60a8\u63d0\u4f9b\u4e00\u4e9b\u5b9a\u4f4d\u6027\u80fd\u74f6\u9888\u7684\u5efa\u8bae":119,"\u53ef\u4ee5\u5e76\u884c\u7f16\u8bd1\u5417":110,"\u53ef\u4ee5\u5feb\u901f\u5728\u672c\u5730\u542f\u52a8\u4e00\u4e2a\u5305\u542b\u4e86paddlepaddle\u5b98\u65b9book\u6559\u7a0b\u7684jupyt":100,"\u53ef\u4ee5\u6267\u884c":[93,102],"\u53ef\u4ee5\u6267\u884c\u4ee5\u4e0b\u547d\u4ee4\u7f16\u8bd1\u751f\u6210\u6587\u6863":115,"\u53ef\u4ee5\u6267\u884cctest\u547d\u4ee4\u5373\u53ef":99,"\u53ef\u4ee5\u628a\u5b83\u60f3\u8c61\u4e3a\u4e00\u4e2a\u7c7b\u4f3c":110,"\u53ef\u4ee5\u628a\u672c\u5730\u7684\u6570\u636e\u4e0a\u4f20\u5230\u5b58\u50a8\u96c6\u7fa4\u4e2d":37,"\u53ef\u4ee5\u6307\u5b9a\u540c\u65f6\u6267\u884cgpu\u4e0a\u7684\u5355\u5143\u6d4b\u8bd5":99,"\u53ef\u4ee5\u6307\u5b9a\u54ea\u4e00\u4e2a\u8f93\u5165\u548c\u8f93\u51fa\u5e8f\u5217\u4fe1\u606f\u4e00\u81f4":106,"\u53ef\u4ee5\u6307\u5b9a\u5f00\u542f\u81ea\u52a8\u68c0\u6d4bsm\u67b6\u6784":99,"\u53ef\u4ee5\u6309\u7167\u4e0b\u9762\u7684\u65b9\u6cd5":99,"\u53ef\u4ee5\u662f\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":[105,108],"\u53ef\u4ee5\u662f\u4e00\u4e2a\u975e\u5e8f\u5217":108,"\u53ef\u4ee5\u662f\u4ece\u5206\u5e03\u5f0f\u5b58\u50a8\u6302\u8f7d\u8fc7\u6765\u7684":125,"\u53ef\u4ee5\u662f\u4ee5\u4e0b\u51e0\u79cd":112,"\u53ef\u4ee5\u662f\u6574\u578b":123,"\u53ef\u4ee5\u663e\u793a\u5730\u6307\u5b9a\u4e00\u4e2alayer\u7684\u8f93\u51fa\u7528\u4e8e\u521d\u59cb\u5316memori":108,"\u53ef\u4ee5\u66f4\u6709\u6b21\u5e8f\u7684\u5b8c\u6210\u6027\u80fd\u7684\u4f18\u5316":118,"\u53ef\u4ee5\u6709\u4ee5\u4e0b\u4e24\u79cd":108,"\u53ef\u4ee5\u6709\u6548\u51cf\u5c0f\u7f51\u7edc\u7684\u963b\u585e":134,"\u53ef\u4ee5\u6709\u6548\u7684\u907f\u514dparamet":36,"\u53ef\u4ee5\u67e5\u770b":129,"\u53ef\u4ee5\u67e5\u770b\u6b64pod\u8fd0\u884c\u7684\u5bbf\u4e3b\u673a":128,"\u53ef\u4ee5\u6d4b\u8bd5\u591a\u4e2a\u6a21\u578b":136,"\u53ef\u4ee5\u7528":[51,110],"\u53ef\u4ee5\u7528\u4e8e\u63a5\u6536\u548cpydataprovider2\u4e00\u6837\u7684\u8f93\u5165\u6570\u636e\u5e76\u8f6c\u6362\u6210\u9884\u6d4b\u63a5\u53e3\u6240\u9700\u7684\u6570\u636e\u7c7b\u578b":4,"\u53ef\u4ee5\u7528\u4ee5\u4e0b\u6307\u4ee4":37,"\u53ef\u4ee5\u7528\u5982\u4e0b\u547d\u4ee4":111,"\u53ef\u4ee5\u7528\u6765\u8ba1\u7b97cpu\u51fd\u6570\u6216cuda\u5185\u6838\u7684\u65f6\u95f4\u6d88\u8017":119,"\u53ef\u4ee5\u76f4\u63a5\u8fd0\u884c":124,"\u53ef\u4ee5\u770b\u4f5c\u662f\u4e00\u4e2a\u975e\u5e8f\u5217\u8f93\u5165":105,"\u53ef\u4ee5\u770b\u51fa":125,"\u53ef\u4ee5\u770b\u5230\u6700\u8017\u65f6\u7684\u51fd\u6570\u662fc":118,"\u53ef\u4ee5\u7cbe\u786e\u8bf4\u660e\u4e00\u4e2a\u957f\u8017\u65f6\u64cd\u4f5c\u7684\u5177\u4f53\u539f\u56e0":119,"\u53ef\u4ee5\u7ee7\u7eed\u5728\u81ea\u5df1\u7684\u529f\u80fd\u5206\u652f\u63d0\u4ea4\u4ee3\u7801":85,"\u53ef\u4ee5\u8003\u8651\u4f7f\u7528\u4e00\u4e9b\u4f18\u5316\u7b97\u6cd5":96,"\u53ef\u4ee5\u8054\u7cfbop":94,"\u53ef\u4ee5\u8054\u7cfbop\u662f\u5426\u53ef\u4ee5\u66f4\u6362\u96c6\u7fa4\u6216\u5347\u7ea7\u5f53\u524d\u96c6\u7fa4":94,"\u53ef\u4ee5\u83b7\u53d6\u7f51\u7edc\u4e2d\u5b9a\u4e49\u7684\u4efb\u610f\u591a\u4e2a":124,"\u53ef\u4ee5\u88c5\u7684\u662f":110,"\u53ef\u4ee5\u8bbe\u7f6e":[118,138,139,140],"\u53ef\u4ee5\u8bbf\u95ee\u7531recurr":97,"\u53ef\u4ee5\u8c03\u7528resize\u63a5\u53e3\u8fdb\u884c\u6539\u53d8":114,"\u53ef\u4ee5\u8f7b\u677e\u5730\u5b8c\u6210\u795e\u7ecf\u7f51\u7edc\u914d\u7f6e":103,"\u53ef\u4ee5\u8fd0\u884c":125,"\u53ef\u4ee5\u9009\u5728\u5728\u5f53\u524d\u673a\u5668\u5b89\u88c5\u4e5f\u53ef\u4ee5\u62f7\u8d1d\u5230\u76ee\u6807\u673a\u5668\u5b89\u88c5":99,"\u53ef\u4ee5\u9009\u62e9\u662f\u5426\u4f7f\u7528\u53c2\u6570":136,"\u53ef\u4ee5\u901a\u8fc7":111,"\u53ef\u4ee5\u901a\u8fc7\u4fee\u6539\u8fd9\u4e24\u4e2a\u51fd\u6570\u6765\u5b9e\u73b0\u590d\u6742\u7684\u7f51\u7edc\u914d\u7f6e":109,"\u53ef\u4ee5\u901a\u8fc7\u7f51\u9875\u6d4f\u89c8":100,"\u53ef\u4ee5\u901a\u8fc7\u8c03\u7528":4,"\u53ef\u4ee5\u901a\u8fc7\u9636\u6bb5\u6027\u7684\u4fdd\u5b58\u6bcf\u4e2aparamet":36,"\u53ef\u4ee5\u91c7\u53d6\u4e0b\u9762\u51e0\u70b9\u63aa\u65bd":118,"\u53ef\u4ee5\u91cd\u547d\u540d\u8fd9\u4e2awhl\u5305\u4e3a":[93,102],"\u53ef\u53c2\u8003":124,"\u53ef\u5728":121,"\u53ef\u5728\u547d\u4ee4\u884c\u6267\u884c":139,"\u53ef\u663e\u5f0f\u6307\u5b9a\u4e3a":139,"\u53ef\u7528\u4e8e\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d\u89e3\u6790\u8fd9\u4e9b\u53c2\u6570":136,"\u53ef\u76f4\u63a5\u8fd0\u884c":124,"\u53ef\u80fd\u4f1a\u5bfc\u81f4\u51fa\u9519":129,"\u53ef\u80fd\u4f1a\u9020\u6210\u7f51\u7edc\u62e5\u585e":36,"\u53ef\u80fd\u7684\u4ee3\u7801\u4e3a":96,"\u53ef\u80fd\u7684\u539f\u56e0\u662f":98,"\u53ef\u80fd\u7684\u60c5\u51b5\u4e0b":119,"\u53ef\u80fd\u9700\u8981\u6ce8\u610f\u7ed9\u8fd9\u4e2a\u865a\u62df\u673a\u591a\u5206\u914d\u4e00\u4e9b":110,"\u53ef\u89c1\u8be5\u8ba1\u7b97\u7531\u4e24\u4e2a\u8f93\u5165":113,"\u53ef\u8bbe\u7f6e":[138,139],"\u53ef\u8bbe\u7f6e\u4e3a":139,"\u53ef\u8bbe\u7f6e\u7684\u76ee\u6807\u67b6\u6784\u5982\u4e0b\u8868\u6240\u793a":139,"\u53ef\u9009":[2,99,112,124,125],"\u53ef\u9009\u7684\u4e0d\u540c\u7f16\u8bd1\u73af\u5883docker\u955c\u50cf":99,"\u53ef\u9009\u914d\u7f6e\u9009\u9879":121,"\u53ef\u914d\u7f6e\u4e3a":121,"\u53ef\u91c7\u7528\u7b2c\u4e8c\u79cd\u65b9\u5f0f":97,"\u53f3\u4fa7\u7684":85,"\u5403":106,"\u5403\u996d":106,"\u5404\u65b9\u9762":106,"\u5404\u6b21\u524d\u5411\u4e4b\u95f4\u4e5f\u90fd\u4f7f\u7528\u4e86\u76f8\u540c\u7684\u6743\u91cd":64,"\u5404\u9879\u66f4\u52a0\u5177\u4f53\u7684\u5355\u5143\u6d4b\u8bd5\u5728":113,"\u5408":106,"\u5408\u5e76\u5165\u4e00\u4e2a\u6587\u4ef6":124,"\u5408\u5e76\u6a21\u578b\u6587\u4ef6":124,"\u5408\u7406":106,"\u540c\u4e00\u6b21\u524d\u5411":64,"\u540c\u65f6":[64,65,93,96,119],"\u540c\u65f6\u4e5f\u4f1a\u8bfb\u53d6\u76f8\u5173\u8def\u5f84\u53d8\u91cf\u6765\u8fdb\u884c\u641c\u7d22":99,"\u540c\u65f6\u4e5f\u53ef\u4ee5\u52a0\u901f\u5f00\u59cb\u8bad\u7ec3\u524d\u6570\u636e\u8f7d\u5165\u7684\u8fc7\u7a0b":96,"\u540c\u65f6\u4e5f\u53ef\u4ee5\u901a\u8fc7":111,"\u540c\u65f6\u4e5f\u80fd\u591f\u5f15\u5165\u66f4\u52a0\u590d\u6742\u7684\u8bb0\u5fc6\u673a\u5236":108,"\u540c\u65f6\u4f1a\u5f00\u542fintel":65,"\u540c\u65f6\u5176\u5185\u90e8\u5b9e\u73b0\u53ef\u4ee5\u907f\u514d\u7eafcpu\u7248\u672cpaddlepaddle\u5728\u6267\u884c\u672c\u8bed\u53e5\u65f6\u53d1\u751f\u5d29\u6e83":119,"\u540c\u65f6\u518d\u5c06":85,"\u540c\u65f6\u53c8\u5c3d\u53ef\u80fd\u5c11\u7684\u727a\u7272mkl":65,"\u540c\u65f6\u53ef\u4ee5\u4f7f\u7528\u6237\u53ea\u5173\u6ce8\u5982\u4f55\u4ece\u6587\u4ef6\u4e2d\u8bfb\u53d6\u6bcf\u4e00\u6761\u6570\u636e":2,"\u540c\u65f6\u5728\u5185\u5b58\u91cc\u76f4\u63a5\u968f\u5373\u9009\u53d6\u6570\u636e\u6765\u505ashuffl":96,"\u540c\u65f6\u5c06\u53c2\u6570\u521d\u59cb\u5316\u4e3a":98,"\u540c\u65f6\u628a\u5f53\u524d\u76ee\u5f55":110,"\u540c\u65f6\u63d0\u8d77":85,"\u540c\u65f6\u6570\u636e\u683c\u5f0f\u5c31\u662f":65,"\u540c\u65f6\u7528\u6237\u9700\u8981\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d\u6307\u5b9a":136,"\u540c\u65f6\u8bbe\u7f6e\u5185\u5b58\u7f13\u5b58\u529f\u80fd":96,"\u540c\u65f6\u8bbe\u7f6e\u5b83\u7684input_types\u5c5e\u6027":2,"\u540c\u65f6\u8f93\u51fa\u5e8f\u5217\u5c42\u548c\u975e\u5e8f\u5217\u5c42":96,"\u540c\u65f6\u9884\u6d4b\u7f51\u7edc\u901a\u5e38\u76f4\u63a5\u8f93\u51fa\u6700\u540e\u4e00\u5c42\u7684\u7ed3\u679c\u800c\u4e0d\u662f\u50cf\u8bad\u7ec3\u7f51\u7edc\u4e00\u6837\u518d\u63a5\u4e00\u5c42cost":4,"\u540c\u6837":103,"\u540c\u6837\u4e5f\u53ef\u4ee5\u5728\u6d4b\u8bd5\u6a21\u5f0f\u4e2d\u6307\u5b9a\u6a21\u578b\u8def\u5f84":134,"\u540c\u6837\u53ef\u4ee5\u6269\u5c55\u5230\u53cc\u5c42\u5e8f\u5217\u7684\u5904\u7406\u4e0a":108,"\u540c\u6837\u53ef\u83b7\u53d6\u5230\u8f93\u5165\u8f93\u51fa\u548c\u5c5e\u6027\u53c2\u6570":113,"\u540c\u6b65\u6267\u884c\u64cd\u4f5c\u7684\u7ebf\u7a0b\u6570":134,"\u540c\u7406":113,"\u540d\u5b57\u4fee\u9970":68,"\u540e":[98,99,111,129,138,139,140],"\u540e\u5411":64,"\u540e\u5411\u4f20\u64ad":112,"\u540e\u5411\u4f20\u64ad\u7ed9\u5b9a\u8f93\u51fa\u7684\u68af\u5ea6":112,"\u540e\u5411\u65f6\u590d\u7528\u5df2\u7ecf\u8f6c\u6362\u8fc7\u7684\u6743\u91cd":64,"\u540e\u7f00\u4e3a":125,"\u540e\u8005\u5728\u6fc0\u6d3b\u51fd\u6570\u53cd\u5411\u8ba1\u7b97\u65f6\u88ab\u8c03\u7528":96,"\u540e\u8005\u622a\u65ad\u56de\u4f20\u7ed9\u524d\u5c42\u7684\u68af\u5ea6":96,"\u540e\u8005\u7528\u4e8e\u68c0\u67e5\u53c2\u6570\u5c5e\u6027\u7684\u5408\u6cd5\u6027":113,"\u540e\u8005\u7ee7\u627f\u81ea":113,"\u540e\u9988":125,"\u5411\u6307\u5b9a\u7684\u76ee\u5f55\u4e2d\u4e00\u4e2a\u65b0\u7684\u6587\u4ef6":36,"\u5411\u91cf":123,"\u5411\u91cfenable_parallel_vector":133,"\u5411paddlepaddle\u7684\u4e3b\u7248\u672c\u5e93\u63d0\u4ea4":85,"\u5417":110,"\u5426\u5219":[1,113,138,140],"\u5426\u5219\u4f1a\u628a":111,"\u5426\u5219\u4f7f\u7528\u591a\u673a\u8bad\u7ec3":134,"\u5426\u5219\u4f7f\u7528cpu\u6a21\u5f0f":134,"\u5426\u5219\u4f7f\u7528gpu":136,"\u5426\u5219\u5b83\u4ee5\u4e00\u4e2a\u5e8f\u5217\u8f93\u5165":109,"\u5426\u5219\u5f97\u628apaddle\u9759\u6001\u5e93\u94fe\u63a5\u5230\u89e3\u91ca\u5668\u91cc":68,"\u5426\u5219\u9891\u7e41\u7684\u591a\u8282\u70b9\u5de5\u4f5c\u7a7a\u95f4\u90e8\u7f72\u53ef\u80fd\u4f1a\u5f88\u9ebb\u70e6":126,"\u542b\u4e49":118,"\u542b\u6709\u5e8f\u5217\u4fe1\u606f\u548c\u5b50\u5e8f\u5217\u4fe1\u606f\u7684\u7a20\u5bc6\u5411\u91cf":112,"\u542b\u6709\u5e8f\u5217\u4fe1\u606f\u7684\u6574\u6570":112,"\u542b\u6709\u5e8f\u5217\u4fe1\u606f\u7684\u7a20\u5bc6\u5411\u91cf":112,"\u542f\u52a8\u4e00\u4e2a\u65b0\u7684\u7ebf\u7a0b\u5f00\u59cb\u4fdd\u5b58\u68c0\u67e5\u70b9":36,"\u542f\u52a8\u4e00\u4e2a\u6d4b\u8bd5\u96c6\u7fa4":126,"\u542f\u52a8\u5bb9\u5668\u5f00\u59cb\u8bad\u7ec3":129,"\u542f\u52a8\u5e76\u884c\u5411\u91cf\u7684\u9608\u503c":134,"\u542f\u52a8\u5feb\u901f\u5e94\u7b54":134,"\u542f\u52a8\u8bad\u7ec3\u4efb\u52a1":130,"\u542f\u7528\u68af\u5ea6\u53c2\u6570\u7684\u9608\u503c":134,"\u5440":106,"\u5468\u56f4":106,"\u547d\u4ee4\u4e3a":[93,128],"\u547d\u4ee4\u521b\u5efa\u65b0\u955c\u50cf":128,"\u547d\u4ee4\u5220\u9664":[138,139,140],"\u547d\u4ee4\u53ef\u4ee5\u8bbe\u7f6e":99,"\u547d\u4ee4\u65f6":138,"\u547d\u4ee4\u6709\u65f6\u5019\u4f1a\u4ea7\u751f\u4e00\u4e9b\u4e2d\u95f4\u7ed3\u679c":110,"\u547d\u4ee4\u770b\u5230\u505c\u6b62\u540e\u4f46\u662f\u6ca1\u6709\u5220\u9664\u7684":110,"\u547d\u4ee4\u7f16\u8bd1\u6e90\u7801\u5373\u53ef":110,"\u547d\u4ee4\u884c\u4e2d\u7684":118,"\u547d\u4ee4\u8bbe\u7f6e\u8be5\u7c7b\u7f16\u8bd1\u9009\u9879":99,"\u547d\u4ee4\u9009\u9879\u5e76\u4e14":126,"\u547d\u4ee4\u91cc\u90fd\u7528\u4e86":110,"\u547d\u540d\u4e3a":111,"\u547d\u540d\u89c4\u8303":113,"\u547d\u540d\u8bf7\u9075\u5b88":113,"\u548c":[37,64,65,68,69,85,96,97,98,99,106,109,110,111,112,113,114,115,118,119,121,123,125,126,136,138,140],"\u548c\u4e00\u4e2a\u5df2\u7ecf\u5206\u8bcd\u540e\u7684\u53e5\u5b50":106,"\u548c\u4e09\u79cd\u5e8f\u5217\u6a21\u5f0f":[2,103],"\u548c\u4e0b\u9762\u5c06\u8981\u4ecb\u7ecd\u7684\u6ce8\u518c\u51fd\u6570\u4e00\u8d77\u653e\u5728":113,"\u548c\u4e2d\u6587\u6587\u6863":115,"\u548c\u4e4b\u524d\u51cf\u5c0f\u901a\u8fc7\u51cf\u5c0f\u7f13\u5b58\u6c60\u6765\u51cf\u5c0f\u5185\u5b58\u5360\u7528\u7684\u539f\u7406\u4e00\u81f4":96,"\u548c\u504f\u7f6e\u5411\u91cf":112,"\u548c\u5185\u5b58":110,"\u548c\u5217\u53f7":123,"\u548c\u53cc\u5c42\u5e8f\u5217\u542b\u6709subseq":105,"\u548c\u5728":2,"\u548c\u5bf9\u5e94\u884c\u7684\u4ee3\u7801":118,"\u548c\u5e8f\u5217\u4e2d\u542b\u6709\u5143\u7d20\u7684\u6570\u76ee\u540c":105,"\u548c\u5f02\u6b65\u968f\u673a\u68af\u5ea6\u4e0b\u964d":125,"\u548c\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684\u8f93\u5165":109,"\u548c\u64cd\u4f5c\u7cfb\u7edf\u4e0a\u76f4\u63a5\u8fd0\u884c\u7684":110,"\u548c\u672a\u6765\u53ef\u80fd\u8fd8\u4f1a\u7528\u5230":65,"\u548c\u793a\u4f8b2\u4e2d\u7684\u914d\u7f6e\u7c7b\u4f3c":106,"\u548c\u79bb\u7ebf\u6570\u636e\u7684\u65b9\u5f0f":37,"\u548c\u90e8\u5206layer":108,"\u548cpool":105,"\u548cpserver\u4e4b\u95f4\u7528\u4e8e\u7a00\u758f\u7c7b\u578b\u53c2\u6570\u901a\u4fe1\u7684\u7aef\u53e3\u4e2a\u6570":125,"\u54c1\u8d28":106,"\u54ea\u4e2atrainer\u5148\u5b8c\u6210block\u7684\u8bad\u7ec3":36,"\u54ea\u4e9b\u4e0d\u662f":106,"\u5546\u52a1":106,"\u554a":106,"\u56db\u79cd\u6570\u636e\u7c7b\u578b":[2,103],"\u56e0\u4e3a\u5168\u8fde\u63a5\u5c42\u7684\u6fc0\u6d3b\u53ef\u4ee5\u662fsoftmax":112,"\u56e0\u4e3a\u53c2\u6570":136,"\u56e0\u4e3a\u5b83\u4eec\u7684\u8ba1\u7b97\u6548\u7387\u6bd4":109,"\u56e0\u4e3a\u5b83\u6bd4":109,"\u56e0\u4e3a\u5b98\u65b9\u955c\u50cf":129,"\u56e0\u4e3a\u6211\u4eec\u4f1a\u628a\u6240\u6709\u7f16\u8bd1\u5de5\u5177\u90fd\u5b89\u88c5\u8fdb\u4e00\u4e2a":110,"\u56e0\u4e3a\u6e90\u7801\u5c31\u5728\u672c\u673a\u4e0a":110,"\u56e0\u4e3a\u8fd9\u4e2a\u5de5\u5177\u5177\u6709web\u670d\u52a1\u754c\u9762":118,"\u56e0\u4e3a\u8fd9\u6837\u505a\u4e5f\u6ca1\u6cd5\u4fdd\u8bc1\u6d88\u9664\u968f\u673a\u6027":36,"\u56e0\u4e3ac":118,"\u56e0\u4e3apython\u7684\u641c\u7d22\u8def\u5f84\u662f\u4f18\u5148\u5df2\u7ecf\u5b89\u88c5\u7684python\u5305":93,"\u56e0\u4e3aswig\u5728\u7b2c\u4e09\u65b9\u8bed\u8a00\u4e2d\u66b4\u9732\u7684\u51fd\u6570\u540d":68,"\u56e0\u6b64":[1,2,64,106,108,112,138],"\u56e0\u6b64\u4f7f\u7528":2,"\u56e0\u6b64\u53cc\u5c42\u5e8f\u5217\u7684\u914d\u7f6e\u4e2d":106,"\u56e0\u6b64\u53ef\u80fd\u6d4b\u8bd5\u4e0d\u591f\u5b8c\u5907":114,"\u56e0\u6b64\u5728\u8f6c\u6362\u65f6\u9700\u8981\u663e\u793a\u7684\u6307\u5b9a":114,"\u56e0\u6b64\u5b83\u662finteger_value_sub_sequ":106,"\u56e0\u6b64\u5f53":138,"\u56e0\u6b64\u6211\u4eec\u91c7\u7528\u8f93\u51fa\u7684\u52a0\u6743\u548c":112,"\u56e0\u6b64\u6709\u4e24\u79cd\u89e3\u51b3\u65b9\u6848":2,"\u56e0\u6b64\u7528\u6237\u5e76\u4e0d\u9700\u8981\u5173\u5fc3\u5b83\u4eec":133,"\u56e0\u6b64\u9519\u8bef\u7684\u4f7f\u7528\u4e8c\u8fdb\u5236\u53d1\u884c\u7248\u53ef\u80fd\u4f1a\u5bfc\u81f4\u8fd9\u79cd\u9519\u8bef":93,"\u56e0\u6b64init_hook\u5c3d\u91cf\u4f7f\u7528":2,"\u56fe1":[123,124],"\u56fe2":123,"\u56fe\u50cf\u5206\u7c7b":85,"\u56fe\u8868":100,"\u5728":[2,64,65,69,85,105,106,109,110,111,113,118,123,124,125,139],"\u5728\u4e00\u4e2a\u4e0d\u53ef\u4e2d\u65ad\u5e76\u7f3a\u5c11\u5907\u4efd\u7684\u8bad\u7ec3\u4efb\u52a1\u4e2d":36,"\u5728\u4e00\u4e2a\u529f\u80fd\u9f50\u5168\u7684kubernetes\u673a\u7fa4\u91cc":128,"\u5728\u4e00\u4e2a\u53c2\u6570\u7684\u68af\u5ea6\u88ab\u66f4\u65b0\u540e":112,"\u5728\u4e00\u4e9b\u5206\u5e03\u5f0f\u7cfb\u7edf\u4e2d":125,"\u5728\u4e00\u6b21\u8bad\u7ec3\u4e2d":118,"\u5728\u4e00\u8f6e\u4e2d\u6bcfsave":134,"\u5728\u4e0a\u56fe\u4e2d\u663e\u793a\u4e86\u5728\u4e00\u4e2a\u5b9e\u9645\u751f\u4ea7\u73af\u5883\u4e2d\u7684\u5e94\u7528":37,"\u5728\u4e0a\u9762\u4ee3\u7801\u4e2d":106,"\u5728\u4e0a\u9762\u7684\u4ee3\u7801\u4e2d":113,"\u5728\u4e0b\u4e00\u7bc7\u4e2d":128,"\u5728\u4e4b\u540e\u7684":96,"\u5728\u4e86\u89e3docker\u7684\u57fa\u672c\u4f7f\u7528\u65b9\u6cd5\u4e4b\u540e":100,"\u5728\u4efb\u610f\u65f6\u95f4\u67d0\u4e00\u53f0\u53c2\u6570\u670d\u52a1\u5668\u4e0a\u4fdd\u5b58\u7684\u53c2\u6570\u53ef\u80fd\u6bd4\u53e6\u4e00\u53f0\u8981\u66f4\u65b0":125,"\u5728\u4f7f\u7528\u4e0d\u540c\u7684\u5206\u5e03\u5f0f\u8ba1\u7b97\u5e73\u53f0\u65f6":125,"\u5728\u4f7f\u7528\u5206\u5e03\u5f0f\u8ba1\u7b97\u5e73\u53f0\u8fdb\u884c\u8bad\u7ec3\u65f6":125,"\u5728\u4f7f\u7528\u540c\u6b65sgd\u8bad\u7ec3\u795e\u7ecf\u7f51\u7edc\u65f6":125,"\u5728\u4f7f\u7528\u65f6":97,"\u5728\u4f7f\u7528\u8be5\u6587\u6863\u4e4b\u524d":103,"\u5728\u4f7f\u7528c":121,"\u5728\u4f7f\u7528paddlepaddl":121,"\u5728\u4f7f\u7528twine\u4e0a\u4f20\u4e4b\u524d":85,"\u5728\u5168\u8fde\u63a5\u5c42\u4e2d":112,"\u5728\u5177\u4f53\u7684\u8ba1\u7b97\u4e2d":114,"\u5728\u51c6\u5907\u53d1\u8d77":111,"\u5728\u51fa\u73b0\u5355\u70b9\u6545\u969c\u65f6":36,"\u5728\u51fd\u6570":129,"\u5728\u5206\u5e03\u5f0f\u73af\u5883\u4e2d\u6d4b\u8bd5":134,"\u5728\u5206\u5e03\u5f0f\u8bad\u7ec3\u4e2d":134,"\u5728\u521b\u5efaparameters\u540e":98,"\u5728\u5355\u5c42\u6570\u636e\u7684\u57fa\u7840\u4e0a":106,"\u5728\u53c2\u6570\u670d\u52a1\u5668\u4e0a\u52a0\u8f7d\u548c\u4fdd\u5b58\u53c2\u6570":134,"\u5728\u53c2\u6570\u670d\u52a1\u5668\u7ec8\u7aef\u6bcflog":134,"\u5728\u53cc\u5c42rnn\u4e2d\u7684\u7ecf\u5178\u60c5\u51b5\u662f\u5c06\u5185\u5c42\u7684\u6bcf\u4e00\u4e2a\u65f6\u95f4\u5e8f\u5217\u6570\u636e":106,"\u5728\u53cd\u5411\u4f20\u9012\u7684\u65f6\u5019":96,"\u5728\u53d8\u6362\u65f6\u9700\u8981\u5c06\u8f93\u5165\u5e8f\u5217\u4f20\u5165":106,"\u5728\u542f\u52a8job\u4e4b\u524d":129,"\u5728\u547d\u4ee4\u884c\u663e\u793a\u5206\u6790\u7ed3\u679c":118,"\u5728\u56de\u590d\u8bc4\u5ba1\u4eba\u610f\u89c1\u65f6":111,"\u5728\u56fe\u50cf\u4efb\u52a1\u4e2d":97,"\u5728\u58f0\u660edataprovider\u7684\u65f6\u5019\u4f20\u5165dictionary\u4f5c\u4e3a\u53c2\u6570":2,"\u5728\u591acpu\u8bad\u7ec3\u65f6\u5171\u4eab\u8be5\u53c2\u6570":134,"\u5728\u5b8c\u6210\u4e00\u5b9a\u91cf\u6570\u636e\u7684\u8bad\u7ec3\u540e":125,"\u5728\u5b8c\u6210\u795e\u7ecf\u7f51\u7edc\u7684\u642d\u5efa\u4e4b\u540e":103,"\u5728\u5b9a\u4e49\u8f93\u5165layer\u4e4b\u540e":103,"\u5728\u5b9e\u73b0\u6bcf\u4e2a\u5b50\u7c7b\u7684\u65f6\u5019\u5c31\u4e0d\u9700\u8981\u5173\u5fc3\u5206\u652f\u7684\u4e8b\u60c5\u4e86":65,"\u5728\u5b9e\u73b0\u8fc7\u7a0b\u4e2d":69,"\u5728\u5b9e\u9645\u5e94\u7528\u4e2d":97,"\u5728\u5bb9\u5668\u4e2d\u7f16\u8f91\u4ee3\u7801":100,"\u5728\u5bb9\u5668\u521b\u5efa\u540e":129,"\u5728\u5bf9\u5bb9\u5668\u7684\u63cf\u8ff0":129,"\u5728\u5bf9\u5e94\u7684":64,"\u5728\u5c42\u4e2d\u6307\u5b9a":136,"\u5728\u5c42\u521d\u59cb\u5316\u7684\u65f6\u5019":64,"\u5728\u5e8f\u5217\u751f\u6210\u4efb\u52a1\u4e2d":108,"\u5728\u5f00\u59cb\u8bad\u7ec3\u4e4b\u524d":37,"\u5728\u5f02\u6784\u96c6\u7fa4\u4e2d":36,"\u5728\u5f02\u6b65sgd\u4e2d":125,"\u5728\u5f15\u5165\u5176\u4ed6\u7c7b\u578b\u7684\u5934\u6587\u4ef6\u65f6":69,"\u5728\u5f53\u524d\u7684\u5b9e\u73b0\u65b9\u5f0f\u4e0b":112,"\u5728\u5f97\u5230":129,"\u5728\u5feb\u7167\u5199\u5165\u5b8c\u6210\u540e":36,"\u5728\u60a8\u7684\u5b9e\u9645\u73af\u5883\u4e2d":36,"\u5728\u6211\u4eec\u7684\u4f8b\u5b50\u4e2d":109,"\u5728\u6267\u884c\u65f6":114,"\u5728\u63d0\u4ea4":111,"\u5728\u642d\u5efa\u795e\u7ecf\u7f51\u7edc\u7684\u8fc7\u7a0b\u4e2d":103,"\u5728\u65e0\u7279\u6b8a\u9700\u6c42\u60c5\u51b5\u4e0b":121,"\u5728\u6709\u666e\u901a\u7684cpu":65,"\u5728\u672c\u4f8b\u4e2d":[106,111,136],"\u5728\u672c\u4f8b\u4e2d\u6ca1\u6709\u4f7f\u7528":2,"\u5728\u672c\u6559\u7a0b\u4e2d":109,"\u5728\u672c\u6587\u6863\u4e2d":51,"\u5728\u672c\u793a\u4f8b\u4e2d":106,"\u5728\u672c\u8282\u4e2d":109,"\u5728\u673a\u7fa4\u4e0a\u8fd0\u884c\u8f6c\u6362\u7a0b\u5e8f":37,"\u5728\u6811\u7684\u6bcf\u4e00\u5c42\u4e0a":134,"\u5728\u6837\u4f8b\u4e2d":69,"\u5728\u6b64":[133,136],"\u5728\u6bcf\u4e2a\u65f6\u95f4\u6b65\u4e2d":109,"\u5728\u6bcf\u4e2a\u65f6\u95f4\u6b65\u7684\u5b50\u5e8f\u5217\u957f\u5ea6\u53ef\u4ee5\u4e0d\u76f8\u7b49":106,"\u5728\u6bcf\u4e2a\u65f6\u95f4\u6b65\u957f":109,"\u5728\u6bcf\u4e2apod\u4e0a\u90fd\u901a\u8fc7volume\u65b9\u5f0f\u6302\u8f7d\u5206\u5e03\u5f0f\u6587\u4ef6\u7cfb\u7edf\u7684\u4e00\u4e2a\u76ee\u5f55\u7528\u4e8e\u4fdd\u5b58\u8bad\u7ec3\u6570\u636e\u548c\u8f93\u51fa\u7ed3\u679c":129,"\u5728\u6d4b\u8bd5\u9636\u6bb5":134,"\u5728\u6e90\u7801\u76ee\u5f55\u6811\u7684\u6839\u76ee\u5f55\u4e2d\u8fd0\u884c":111,"\u5728\u751f\u6210\u65f6":109,"\u5728\u7528\u6237\u4f7f\u7528c":69,"\u5728\u76f8\u5e94\u7684\u4f18\u5316\u7b97\u6cd5\u91cc\u8bbe\u7f6elearning_rate_schedule\u53ca\u76f8\u5173\u53c2\u6570":98,"\u5728\u76f8\u5e94layer\u7684":97,"\u5728\u795e\u7ecf\u7f51\u7edc\u4e2d\u7b49\u4e8e\u4e00\u6b21\u9884\u6d4b\u5904\u7406\u7684\u6837\u672c\u6570":123,"\u5728\u7a0b\u5e8f\u5b9e\u73b0\u4e2d\u90fd\u4f1a\u8f6c\u5316\u4e3a\u4e8c\u7ef4\u77e9\u9635":123,"\u5728\u7a0b\u5e8f\u5f00\u59cb\u9636\u6bb5":4,"\u5728\u7b2c\u4e8c\u4e2atab":85,"\u5728\u7ebf\u4e0a\u7cfb\u7edf\u4e2d":125,"\u5728\u7ebf\u6a21\u578b\u9884\u6d4b\u670d\u52a1":37,"\u5728\u7ec4\u5408\u65f6":103,"\u5728\u7ec4\u7ec7\u795e\u7ecf\u7f51\u7edc\u8f93\u5165":124,"\u5728\u7ec4\u7ec7\u795e\u7ecf\u7f51\u7edc\u8f93\u5165\u65f6":123,"\u5728\u7ec8\u7aef\u6267\u884c":124,"\u5728\u7f16\u8bd1\u5bbf\u4e3b\u673a\u7248protoc\u53ef\u6267\u884c\u6587\u4ef6\u548c\u76ee\u6807\u673a\u7248openblas\u5e93\u65f6\u9700\u8981\u7528\u5230":[138,140],"\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d":112,"\u5728\u7f51\u7edc\u914d\u7f6e\u91cc":2,"\u5728\u81ea\u7136\u8bed\u8a00\u5904\u7406\u4efb\u52a1\u4e2d":105,"\u5728\u8bad\u7ec3\u4e2d":109,"\u5728\u8bad\u7ec3\u4e4b\u524d":129,"\u5728\u8bad\u7ec3\u65f6":128,"\u5728\u8bad\u7ec3\u7ed3\u675f\u7684\u65f6\u5019\u518d\u4fdd\u5b58\u4e3apaddlepaddle\u7684\u683c\u5f0f":65,"\u5728\u8bad\u7ec3\u8fc7\u7a0b\u4e2d":129,"\u5728\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u6bcfshow":134,"\u5728\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u8fdb\u884c\u6d4b\u8bd5":1,"\u5728\u8bbe\u7f6e":[138,139,140],"\u5728\u8bc4\u5ba1\u8fc7\u7a0b\u4e2d":85,"\u5728\u8be5\u793a\u4f8b\u4e2d":98,"\u5728\u8be5\u914d\u7f6e\u76847":106,"\u5728\u8c03\u7528":124,"\u5728\u8c03\u7528c":124,"\u5728\u8f6f\u4ef6\u5de5\u7a0b\u7684\u8303\u7574\u91cc":119,"\u5728\u8f93\u51fa\u7684\u8fc7\u7a0b\u4e2d":108,"\u5728\u8fd0\u884c\u5b8c\u6027\u80fd\u5206\u6790\u540e":118,"\u5728\u8fd0\u884c\u65f6\u5c06\u795e\u7ecf\u7f51\u7edc\u7684\u591a\u4e2a\u53ef\u5b66\u4e60\u53c2\u6570\u653e\u5728\u540c\u4e00\u4e2a\u76ee\u5f55\u4e2d":124,"\u5728\u8fd0\u884c\u795e\u7ecf\u7f51\u7edc\u8ba1\u7b97\u56fe\u65f6":114,"\u5728\u8fd9\u4e2a":85,"\u5728\u8fd9\u4e2a\u4f8b\u5b50\u91cc":[112,128],"\u5728\u8fd9\u4e2a\u51fd\u6570\u4e2d":106,"\u5728\u8fd9\u4e2a\u52a8\u6001\u5e93\u4e2d\u4e0d\u5d4c\u5165\u4efb\u4f55\u5176\u4ed6\u8bed\u8a00\u7684\u89e3\u91ca\u5668":68,"\u5728\u8fd9\u4e2a\u6559\u7a0b\u4e2d":119,"\u5728\u8fd9\u4e2a\u6a21\u578b\u4e2d":109,"\u5728\u8fd9\u4e2a\u9636\u6bb5\u7684\u4ee3\u7801\u6b63\u5728\u7ecf\u5386\u56de\u5f52\u6d4b\u8bd5":85,"\u5728\u8fd9\u4e9b\u5934\u6587\u4ef6\u4e2d":69,"\u5728\u8fd9\u4e9b\u6587\u4ef6\u4e2d":69,"\u5728\u8fd9\u4e9blayer\u4e2d":106,"\u5728\u8fd9\u65f6\u771f\u6b63\u7684\u5206\u914d\u5185\u5b58":114,"\u5728\u8fd9\u6bb5\u4ee3\u7801\u4e2d":114,"\u5728\u8fd9\u79cd\u60c5\u51b5\u4e0b":[109,112],"\u5728\u8fd9\u79cd\u7ed3\u6784\u4e2d":108,"\u5728\u8fd9\u7bc7\u6587\u6863\u91cc":128,"\u5728\u8fd9\u7bc7\u6587\u7ae0\u91cc":129,"\u5728\u8fd9\u91cc":108,"\u5728\u8fd9\u91cc\u6211\u4eec\u4f7f\u7528\u5168\u8fde\u63a5\u5c42\u4f5c\u4e3a\u4f8b\u5b50\u6765\u5c55\u793a\u5b9e\u73b0\u65b0\u7f51\u7edc\u5c42\u6240\u9700\u8981\u7684\u56db\u4e2a\u6b65\u9aa4":112,"\u5728\u8fd9\u91cc\u7528eigenvector\u6765\u8868\u793a":114,"\u5728\u8fd9\u91cc\u9700\u8981\u6ce8\u610f\u7684\u662f":114,"\u5728\u8fdb\u884c\u5206\u5e03\u5f0f\u8bad\u7ec3\u65f6":125,"\u5728\u8fdb\u884c\u7f51\u7edc\u914d\u7f6e\u4e4b\u524d":103,"\u5728\u914d\u7f6e\u4e2d\u9700\u8981\u8bfb\u53d6\u5916\u90e8\u5b57\u5178":2,"\u5728\u91c7\u7528sgd":98,"\u5728\u91cd\u6784\u524d\u7684paddlepaddle\u4e2d":65,"\u5728\u95ee\u9898\u672c\u8eab\u7684\u8ba1\u7b97\u91cf\u6bd4\u8f83\u5c0f\u7684\u65f6\u5019":64,"\u5728\u96c6\u7fa4\u4e0a\u8bad\u7ec3\u4e00\u4e2a\u7a00\u758f\u6a21\u578b\u9700\u8981\u52a0\u4e0a\u4e0b\u9762\u7684\u53c2\u6570":136,"\u5728\u975e\u5e8f\u5217\u8f93\u5165\u65f6":96,"\u5728android\u5e73\u53f0\u4e0a\u4e0d\u652f\u6301\u901a\u8fc7swig\u8c03\u7528\u6765\u8bad\u7ec3\u6216\u8005\u9884\u6d4b":138,"\u5728android\u5e73\u53f0\u4e0a\u53ea\u652f\u6301\u4f7f\u7528c":138,"\u5728batch":64,"\u5728build\u76ee\u5f55\u4e0b\u6267\u884c":93,"\u5728c":[68,123],"\u5728c\u7684\u5934\u6587\u4ef6":68,"\u5728cmake\u53c2\u6570\u914d\u7f6e\u4e0a":[138,139],"\u5728cmake\u7684\u547d\u4ee4\u884c\u4e2d":99,"\u5728eigen\u4e2d":114,"\u5728generator\u7684\u4e0a\u4e0b\u6587\u4e2d\u5c3d\u91cf\u7559\u4e0b\u975e\u5e38\u5c11\u7684\u53d8\u91cf\u5f15\u7528":2,"\u5728ios\u5e73\u53f0\u4e0a\u4e0d\u652f\u6301\u901a\u8fc7swig\u8c03\u7528\u6765\u8bad\u7ec3\u6216\u8005\u9884\u6d4b":139,"\u5728ios\u5e73\u53f0\u4e0a\u53ea\u652f\u6301\u4f7f\u7528c":139,"\u5728main":118,"\u5728packing\u4e0a\u7684\u8017\u65f6":64,"\u5728paddl":129,"\u5728paddle\u4e2d":136,"\u5728paddle\u4e4b\u4e0a\u8fd0\u884c\u7684\u6df1\u5ea6\u5b66\u4e60\u8bad\u7ec3\u8f93\u51fa\u7684\u6a21\u578b\u4f1a\u63d0\u4f9b\u7ed9\u5728\u7ebf\u4eba\u8138\u8bc6\u522b\u7684\u5e94\u7528\u4f7f\u7528":37,"\u5728paddlepaddl":123,"\u5728paddlepaddle\u4e2d":[103,108],"\u5728paddlepaddle\u4e2d\u4f7f\u7528dropout\u6709\u4e24\u79cd\u65b9\u5f0f":97,"\u5728paddlepaddle\u4e2d\u5305\u542b\u4ee5\u4e0b":97,"\u5728paddlepaddle\u5185\u90e8":[123,124],"\u5728paddlepaddle\u7684\u6587\u6863\u4e2d":106,"\u5728paramet":36,"\u5728python\u811a\u672c\u4e2d\u5b9e\u73b0\u4e0e\u524d\u5411operator\u76f8\u540c\u7684\u8ba1\u7b97\u903b\u8f91":113,"\u5728rnn\u7684\u60c5\u51b5\u4e0b":64,"\u5728step\u51fd\u6570\u4e2d\u5b9a\u4e49":108,"\u5728step\u51fd\u6570\u4e2d\u5b9a\u4e49memori":108,"\u5728trainer":136,"\u5728trainer\u4e2d\u53ef\u4ee5\u4f7f\u7528\u4e0b\u9762\u53d6\u6a21\u7684\u65b9\u6cd5\u4e3a\u6bcf\u4e2atrainer\u5206\u914d\u8bad\u7ec3\u6570\u636e\u6587\u4ef6":125,"\u5730\u5740\u4e5f\u53ef\u4ee5\u4e3ahdfs\u6587\u4ef6\u8def\u5f84":1,"\u5730\u6bb5":106,"\u5730\u7406\u4f4d\u7f6e":106,"\u5730\u94c1\u7ad9":106,"\u5747\u4f1a\u5b58\u653e\u4e8e":121,"\u5747\u4f1a\u88ab\u5b89\u88c5\u5230includ":69,"\u5747\u5300\u5206\u5e03":98,"\u5747\u5300\u5206\u5e03\u7684\u8303\u56f4\u662f":134,"\u5747\u662f\u5728":69,"\u5747\u6709\u4e09\u4e2a\u5b50\u5e8f\u5217":106,"\u5747\u6709\u4e24\u7ec4\u7279\u5f81":106,"\u57fa\u4e8e\u53cc\u5c42\u5e8f\u5217\u8f93\u5165":108,"\u57fa\u4e8e\u7c98\u6027\u4f1a\u8bdd\u7684\u8d1f\u8f7d\u5747\u8861\u529f\u80fd":51,"\u57fa\u4e8epython\u7684\u6a21\u578b\u9884\u6d4b":4,"\u57fa\u4e8epython\u7684\u9884\u6d4b":3,"\u57fa\u672c\u4e0a\u548cmnist\u6837\u4f8b\u4e00\u81f4":2,"\u57fa\u672c\u4f7f\u7528\u6982\u5ff5":[104,124],"\u57fa\u7840\u4e0a":123,"\u57fa\u7c7b":113,"\u586b\u5199":111,"\u589e\u52a0":113,"\u589e\u52a0\u4e86\u4e00\u6761cd\u547d\u4ee4":128,"\u589e\u52a0\u4e86\u8bbe\u5907\u7c7b\u578b":113,"\u589e\u52a0\u5982\u4e0b\u53c2\u6570":136,"\u589e\u52a0\u68af\u5ea6\u68c0\u6d4b\u7684\u5355\u5143\u6d4b\u8bd5":112,"\u5904\u7406\u5668\u6709\u4e24\u4e2a\u5173\u952e\u6027\u80fd\u9650\u5236":119,"\u5904\u7406\u7684\u8f93\u5165\u5e8f\u5217\u4e3b\u8981\u5206\u4e3a\u4ee5\u4e0b\u4e09\u79cd\u7c7b\u578b":108,"\u5907\u6ce8":119,"\u590d\u6742\u5ea6\u6216\u65f6\u95f4\u590d\u6742\u5ea6":119,"\u5916\u5c42\u5e8f\u5217\u5728":123,"\u5916\u5c42memory\u662f\u4e00\u4e2a\u5143\u7d20":106,"\u5916\u5c42outer_step\u4e2d":106,"\u5916\u90e8\u5b58\u50a8":65,"\u591a\u4e2a":124,"\u591a\u4e2a\u503c":37,"\u591a\u4e2a\u5c42\u7684\u8f93\u51fa\u77e9\u9635\u7684\u9ad8\u5ea6\u4e0d\u4e00\u81f4\u5bfc\u81f4\u62fc\u63a5\u5931\u8d25":96,"\u591a\u4e2a\u6392\u6210\u4e00\u5217\u7684\u5143\u7d20":123,"\u591a\u4e2a\u8f93\u51fa\u5c42\u5904\u7406\u591a\u4e2a\u4e0d\u540c\u957f\u5ea6\u7684\u5e8f\u5217":96,"\u591a\u4e2aip\u4f7f\u7528":125,"\u591a\u4e2aparamet":36,"\u591a\u53e5\u8bdd\u8fdb\u4e00\u6b65\u6784\u6210\u4e86\u6bb5\u843d":108,"\u591a\u673a\u8bad\u7ec3":96,"\u591a\u6b21\u8c03\u7528":64,"\u591a\u7528\u4e8e\u81ea\u7136\u8bed\u8a00\u5904\u7406\u4efb\u52a1":124,"\u591a\u7ebf\u7a0b\u7684\u6570\u636e\u8bfb\u53d6":2,"\u591a\u8f6e\u5bf9\u8bdd\u7b49\u66f4\u4e3a\u590d\u6742\u7684\u8bed\u8a00\u6570\u636e":108,"\u5927\u4e8e\u7b49\u4e8e\u4e00\u4e2a":124,"\u5927\u591a\u6570\u5c42\u4e0d\u9700\u8981\u8fdc\u7a0b\u7a00\u758f\u8bad\u7ec3\u51fd\u6570":112,"\u5927\u591a\u6570\u5c42\u9700\u8981\u8bbe\u7f6e\u4e3a":112,"\u5927\u591a\u6570\u7f51\u7edc\u5c42\u4e0d\u9700\u8981\u652f\u6301\u8fdc\u7a0b\u7a00\u758f\u66f4\u65b0":112,"\u5927\u591a\u6570\u8bed\u8a00\u90fd\u652f\u6301\u4f7f\u7528c\u8bed\u8a00api":68,"\u5927\u5bb6\u53ef\u4ee5\u7528\u628a\u5f00\u53d1\u5de5\u5177\u5b89\u88c5\u8fdb\u5165":110,"\u5927\u5bb6\u53ef\u4ee5\u901a\u8fc7\u5b83\u9605\u8bfb\u6559\u7a0b":100,"\u5927\u5c0f\u4e0d\u4e00\u6837\u65f6":96,"\u5927\u6982\u82b1\u5341\u5206\u949f\u770b\u4e00\u4e0b":110,"\u5927\u90e8\u5206":118,"\u5929":106,"\u5929\u4e00\u5e7f\u573a":106,"\u5929\u4e00\u9601":106,"\u5934\u4fe1\u606f\u4e2d":98,"\u5934\u6587\u4ef6\u4e2d\u628a\u53c2\u6570\u5b9a\u4e49\u4e3a\u7c7b\u7684\u6210\u5458\u53d8\u91cf":112,"\u5934\u6587\u4ef6\u5982\u4e0b":112,"\u597d":106,"\u597d\u5403":106,"\u5982":[2,109,111,113,136],"\u5982\u4e0a\u4e00\u5c0f\u8282\u6240\u793a":114,"\u5982\u4e0b":[2,125],"\u5982\u4e0b\u56fe\u6240\u793a":[106,119],"\u5982\u4e0b\u6240\u793a":136,"\u5982\u4e0b\u662f\u4e00\u6bb5\u4f7f\u7528mnist":4,"\u5982\u4f55\u5b58\u50a8\u7b49\u7b49":2,"\u5982\u4f55\u89e3\u6790\u8be5\u5730\u5740\u4e5f\u662f\u7528\u6237\u81ea\u5b9a\u4e49dataprovider\u65f6\u9700\u8981\u8003\u8651\u7684\u5730\u65b9":1,"\u5982\u4f55\u8d21\u732e":116,"\u5982\u4f55\u8d21\u732e\u4ee3\u7801":116,"\u5982\u56fe\u4e2dtrainer":36,"\u5982\u6709":113,"\u5982\u672c\u4f8b\u4e2d":2,"\u5982\u672c\u4f8b\u7684":2,"\u5982\u679c\u4e00\u4e2a\u7f51\u7edc\u5c42\u9700\u8981\u914d\u7f6e\u7684\u8bdd":112,"\u5982\u679c\u4e0a\u9762\u4e24\u6b65\u51fa\u73b0\u9519\u8bef":36,"\u5982\u679c\u4e0d\u4e3a0":134,"\u5982\u679c\u4e0d\u4e86\u89e3":2,"\u5982\u679c\u4e0d\u4f7f\u7528\u5206\u5e03\u5f0f\u5b58\u50a8":125,"\u5982\u679c\u4e0d\u4f7f\u7528docker":99,"\u5982\u679c\u4e0d\u4f7f\u7528docker\u7f16\u8bd1\u73af\u5883":99,"\u5982\u679c\u4e0d\u60f3\u4f7f\u7528":115,"\u5982\u679c\u4e0d\u6307\u5b9a\u8fd9\u4e2a\u6587\u4ef6":118,"\u5982\u679c\u4e0d\u6536\u655b":98,"\u5982\u679c\u4e0d\u9700\u8981\u5916\u90e8\u5b58\u50a8\u7528\u4e8e\u8f6c\u6362":65,"\u5982\u679c\u4e3a":2,"\u5982\u679c\u4e3a0":134,"\u5982\u679c\u4e3a\u5426\u5219\u662f\u7528openbla":99,"\u5982\u679c\u4e3afals":134,"\u5982\u679c\u4e3atrue":[2,134],"\u5982\u679c\u4e4b\u540e\u60f3\u8981\u91cd\u65b0\u8bbe\u7f6e":99,"\u5982\u679c\u4ec5\u4ec5\u4fee\u6539\u4e00\u4e2a\u6587\u4ef6\u4f46\u63d0\u4ea4\u4e86\u5341\u51e0\u4e2acommit":111,"\u5982\u679c\u4ecd\u7136\u5b58\u5728\u95ee\u9898":102,"\u5982\u679c\u4ed4\u7ec6\u8bbe\u7f6e\u7684\u8bdd":134,"\u5982\u679c\u4f60\u53ea\u9700\u8981\u4f7f\u7528\u7b80\u5355\u7684rnn":109,"\u5982\u679c\u4f60\u60f3\u4f7f\u7528\u8fd9\u4e9b\u7279\u6027":136,"\u5982\u679c\u4f60\u60f3\u8981\u4fdd\u5b58\u67d0\u4e9b\u5c42\u7684\u7279\u5f81\u56fe":134,"\u5982\u679c\u4f60\u66fe\u5728\u6e90\u7801\u76ee\u5f55\u4e0b\u7f16\u8bd1\u8fc7\u5176\u4ed6\u5e73\u53f0\u7684paddlepaddle\u5e93":139,"\u5982\u679c\u4f60\u66fe\u7ecf\u5728\u6e90\u7801\u76ee\u5f55\u4e0b\u7f16\u8bd1\u8fc7\u5176\u4ed6\u5e73\u53f0\u7684paddlepaddle\u5e93":[138,140],"\u5982\u679c\u4f60\u6b63\u5728\u5904\u7406\u5e8f\u5217\u6807\u8bb0\u4efb\u52a1":109,"\u5982\u679c\u4f60\u8981\u4e3a\u4e86\u6d4b\u8bd5\u800c\u589e\u52a0\u65b0\u7684\u6587\u4ef6":112,"\u5982\u679c\u4f7f\u7528":124,"\u5982\u679c\u4f7f\u7528docker\u7f16\u8bd1\u73af\u5883":99,"\u5982\u679c\u4f7f\u7528mkl\u5e76\u4e14\u673a\u5668\u542b\u6709avx2\u6307\u4ee4\u96c6":99,"\u5982\u679c\u4f7f\u7528swig\u6211\u4eec\u9700\u8981\u5c06\u5728interface\u6587\u4ef6\u91cc":68,"\u5982\u679c\u5173\u95edmkl":99,"\u5982\u679c\u51fa\u73b0\u4ee5\u4e0bpython\u76f8\u5173\u7684\u5355\u5143\u6d4b\u8bd5\u90fd\u8fc7\u4e0d\u4e86\u7684\u60c5\u51b5":93,"\u5982\u679c\u53c2\u6570\u4fdd\u5b58\u4e0b\u6765\u7684\u6a21\u578b\u76ee\u5f55":96,"\u5982\u679c\u53d1\u73b0\u6700\u65e9\u7684\u62a5\u9519\u5c31\u662f\u7f51\u7edc\u901a\u4fe1\u7684\u95ee\u9898":94,"\u5982\u679c\u540c\u65f6\u4f7f\u7528":125,"\u5982\u679c\u5728\u4f7f\u7528mkl":65,"\u5982\u679c\u5728\u70b9\u51fb\u4e0b\u9762\u94fe\u63a5\u65f6\u51fa\u73b0\u5982\u4e0b\u767b\u9646\u754c\u9762":102,"\u5982\u679c\u5728\u7f16\u8bd1":121,"\u5982\u679c\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d\u672a\u8bbe\u7f6easync":134,"\u5982\u679c\u5728\u8bad\u7ec3\u671f\u95f4\u540c\u65f6\u53d1\u8d77\u53e6\u5916\u4e00\u4e2a\u8fdb\u7a0b\u8fdb\u884c\u6d4b\u8bd5":134,"\u5982\u679c\u5728\u8bad\u7ec3\u914d\u7f6e\u4e2d\u8bbe\u7f6ebatch":134,"\u5982\u679c\u5728\u8bad\u7ec3nlp\u76f8\u5173\u6a21\u578b\u65f6":98,"\u5982\u679c\u591a\u4e2aop\u4f9d\u8d56\u4e00\u4e9b\u5171\u7528\u7684\u51fd\u6570":113,"\u5982\u679c\u5931\u8d25":85,"\u5982\u679c\u5b58\u5728\u6570\u636e\u6392\u5217\u683c\u5f0f\u4e0d\u4e00\u6837\u7684\u60c5\u51b5\u65f6":65,"\u5982\u679c\u5b58\u5728\u67d0\u4e9btrainer\u6267\u884c\u901f\u5ea6\u8fc7\u6162\u4f1a\u5f71\u54cd\u6574\u4f53\u96c6\u7fa4\u7684\u901f\u5ea6":36,"\u5982\u679c\u5c06\u8fd9\u4e2a\u5185\u5b58\u6c60\u51cf\u5c0f":96,"\u5982\u679c\u5c0f\u4e8e75m":93,"\u5982\u679c\u5df2\u7ecf\u6709pod\u8fd0\u884c":129,"\u5982\u679c\u5df2\u7ecf\u6b63\u5728\u6267\u884c\u4fdd\u5b58\u68c0\u67e5\u70b9\u7684\u7ebf\u7a0b":36,"\u5982\u679c\u5e0c\u671b\u53ef\u4ee5\u5728\u540e\u53f0\u8fd0\u884cpserver\u7a0b\u5e8f":125,"\u5982\u679c\u5f53\u524dmpi\u96c6\u7fa4\u5e76\u4e0d\u652f\u6301\u4efb\u52a1\u72ec\u5360\u6a21\u5f0f":94,"\u5982\u679c\u60a8\u5728\u4f7f\u7528window":100,"\u5982\u679c\u60a8\u60f3\u8981\u66f4\u6df1\u5165\u4e86\u89e3deep":100,"\u5982\u679c\u60a8\u671f\u671b\u5728\u7f16\u8bd1\u5b8c\u6210\u540e\u7acb\u5373\u6267\u884c\u6240\u6709\u7684\u5355\u5143\u6d4b\u8bd5":99,"\u5982\u679c\u60a8\u6ca1\u6709\u542c\u8bf4":110,"\u5982\u679c\u60a8\u7684\u7535\u8111\u4e0d\u652f\u6301avx":100,"\u5982\u679c\u60a8\u7684gpu\u7406\u8bba\u53ef\u4ee5\u8fbe\u52306":119,"\u5982\u679c\u60a8\u9009\u62e9\u4e0d\u4f7f\u7528docker\u955c\u50cf":99,"\u5982\u679c\u60f3\u4e3a\u4e00\u4e2a\u6570\u636e\u6587\u4ef6\u8fd4\u56de\u591a\u6761\u6837\u672c":2,"\u5982\u679c\u60f3\u4f7f\u7528\u53ef\u89c6\u5316\u7684\u5206\u6790\u5668":119,"\u5982\u679c\u60f3\u5f88\u597d\u7684\u7406\u89e3\u7a0b\u5e8f\u7684\u884c\u4e3a":119,"\u5982\u679c\u60f3\u6539\u53d8\u539f\u6709tensor\u7684shape\u4fe1\u606f":114,"\u5982\u679c\u60f3\u8981\u4e86\u89e3\u53cc\u5c42rnn\u5728\u5177\u4f53\u95ee\u9898\u4e2d\u7684\u4f7f\u7528":106,"\u5982\u679c\u60f3\u8981\u542f\u7528paddlepaddle\u7684\u5185\u7f6e\u5b9a\u65f6\u5668":119,"\u5982\u679c\u6211\u4eec\u53ea\u9700\u8981\u7f16\u8bd1\u4e00\u4e2a\u53ea\u652f\u6301":110,"\u5982\u679c\u6211\u77e5\u9053\u5185\u6838\u82b1\u4e8610ms\u6765\u79fb\u52a81gb\u6570\u636e":119,"\u5982\u679c\u6307\u5b9a\u4e862\u4e2alayer\u4f5c\u4e3a\u8f93\u51fa\u5c42":96,"\u5982\u679c\u63d0\u793a\u6b63\u786e":115,"\u5982\u679c\u652f\u6301\u589e\u52a0\u6b64\u53c2\u6570\u63d0\u4ea4":94,"\u5982\u679c\u6570\u636e\u6587\u4ef6\u5b58\u4e8e\u672c\u5730\u78c1\u76d8":1,"\u5982\u679c\u662f\u4e00\u4e2a\u5e8f\u5217\u8f93\u5165":123,"\u5982\u679c\u662f\u5176\u5b83\u7c7b\u578b":37,"\u5982\u679c\u662f\u7528\u7f16\u8bd1\u65f6\u6307\u5b9acpu\u7248\u672c":121,"\u5982\u679c\u6709\u591a\u4e2a\u8f93\u5165":108,"\u5982\u679c\u6709\u591a\u4e2a\u8f93\u5165\u5e8f\u5217":108,"\u5982\u679c\u6709\u66f4\u590d\u6742\u7684\u4f7f\u7528":1,"\u5982\u679c\u6709\u9700\u8981\u4fee\u6539\u7684\u5730\u65b9":111,"\u5982\u679c\u6709bugfix\u7684\u884c\u4e3a":85,"\u5982\u679c\u672a\u8bbe\u7f6e":134,"\u5982\u679c\u672a\u8bbe\u7f6egpu":136,"\u5982\u679c\u673a\u5668\u4e2d\u5df2\u7ecf\u5b89\u88c5\u8fc7paddlepaddl":99,"\u5982\u679c\u67d0\u4e00\u4e2a\u7c7b\u578b\u9700\u8981\u5f15\u7528\u53e6\u4e00\u4e2a\u7c7b\u578b":69,"\u5982\u679c\u67d0\u4e00\u4e2apaddl":69,"\u5982\u679c\u67d0\u4e00\u4e2apaddle\u6982\u5ff5\u5fc5\u987b\u8981\u66b4\u9732":69,"\u5982\u679c\u67d0\u4e00\u5757\u6839\u672c\u5c31\u4e0d\u600e\u4e48\u8017\u65f6":119,"\u5982\u679c\u68c0\u67e5\u5230\u5206\u914d\u5728\u4e0d\u540c\u53c2\u6570\u670d\u52a1\u5668\u4e0a\u7684\u53c2\u6570\u7684\u5206\u5e03\u4e0d\u5747\u5300\u6b21\u6570\u5927\u4e8echeck":134,"\u5982\u679c\u6ca1\u6709\u5b89\u88c5nvidia":100,"\u5982\u679c\u6ca1\u6709\u5b9a\u4e49memori":108,"\u5982\u679c\u6ca1\u6709\u8bbe\u7f6etest":1,"\u5982\u679c\u6ca1\u8fc7":111,"\u5982\u679c\u6d88\u606f\u6570\u636e\u592a\u5c0f":134,"\u5982\u679c\u6ee1\u8db3\u6761\u4ef6":36,"\u5982\u679c\u7528\u516c\u7528\u7684\u7535\u8111\u5f00\u53d1":110,"\u5982\u679c\u7528\u6237\u4e0d\u663e\u793a\u6307\u5b9a\u8fd4\u56de\u6570\u636e\u7684\u5bf9\u5e94\u5173\u7cfb":2,"\u5982\u679c\u7528\u6237\u4e0d\u9700\u8981\u8bbf\u95eelstm\u7684\u4e2d\u95f4\u53d8\u91cf":97,"\u5982\u679c\u7528\u6237\u60f3\u8981\u81ea\u5b9a\u4e49\u521d\u59cb\u5316\u65b9\u5f0f":98,"\u5982\u679c\u7528\u6237\u8981\u628apaddle\u7684\u9759\u6001\u5e93":68,"\u5982\u679c\u7528\u81ea\u5df1\u7684\u7535\u8111\u5f00\u53d1":110,"\u5982\u679c\u771f\u60f3\u6316\u6398\u5185\u6838\u6df1\u5904\u7684\u67d0\u4e2a\u79d8\u5bc6":119,"\u5982\u679c\u795e\u7ecf\u7f51\u7edc\u6709\u591a\u4e2a\u8f93\u5165\u6216\u8005\u591a\u4e2a\u8f93\u51fa":[123,124],"\u5982\u679c\u7a0b\u5e8f\u5d29\u6e83\u4f60\u4e5f\u53ef\u4ee5\u624b\u52a8\u7ec8\u6b62":126,"\u5982\u679c\u7cfb\u7edf\u5b89\u88c5\u4e86\u591a\u4e2apython\u7248\u672c":93,"\u5982\u679c\u7cfb\u7edf\u652f\u6301":[93,102],"\u5982\u679c\u7cfb\u7edf\u652f\u6301\u7684\u662f":[93,102],"\u5982\u679c\u7f16\u8bd1\u65f6\u6307\u5b9a\u7f16\u8bd1cpu\u7248\u672c":121,"\u5982\u679c\u7f16\u8bd1\u65f6\u6307\u5b9a\u7f16\u8bd1gpu\u7248\u672c":121,"\u5982\u679c\u7f16\u8bd1\u7684\u65f6\u5019\u6211\u4eec\u7528\u4e86":110,"\u5982\u679c\u7f51\u7edc\u5c42\u4e0d\u9700\u8981\u8fdc\u7a0b\u7a00\u758f\u66f4\u65b0":112,"\u5982\u679c\u7f51\u7edc\u67b6\u6784\u7b80\u5355":109,"\u5982\u679c\u8981\u4e0a\u4f20gpu\u7248\u672c\u7684\u5305":85,"\u5982\u679c\u8981\u542f\u7528gpu":125,"\u5982\u679c\u8981\u8fd0\u884c\u6240\u6709\u7684\u5355\u5143\u6d4b\u8bd5":111,"\u5982\u679c\u89e3\u51b3\u4e86\u67d0\u4e2aissue\u7684\u95ee\u9898":111,"\u5982\u679c\u8bad\u7ec3\u4e00\u4e2apass":98,"\u5982\u679c\u8bad\u7ec3\u8fc7\u7a0b\u7684\u7684cost\u660e\u663e\u9ad8\u4e8e\u8fd9\u4e2a\u5e38\u6570\u8f93\u51fa\u7684cost":98,"\u5982\u679c\u8bbe\u7f6e":2,"\u5982\u679c\u8bbe\u7f6e\u8be5\u53c2\u6570":134,"\u5982\u679c\u8bc4\u5ba1\u610f\u89c1\u6bd4\u8f83\u591a":111,"\u5982\u679c\u8c03\u7528\u9759\u6001\u5e93\u53ea\u80fd\u5c06\u9759\u6001\u5e93\u4e0e\u89e3\u91ca\u5668\u94fe\u63a5":68,"\u5982\u679c\u8f93\u5165\u662f\u5e8f\u5217\u6570\u636e":123,"\u5982\u679c\u8f93\u51fa\u662f\u4e00\u4e2a\u5e8f\u5217":123,"\u5982\u679c\u8f93\u51fa\u662fno":100,"\u5982\u679c\u8fd0\u884c":93,"\u5982\u679c\u8fd8\u4e0d\u884c":93,"\u5982\u679c\u9700\u8981":121,"\u5982\u679c\u9700\u8981\u5728c\u7ef4\u5ea6\u8ba1\u7b97softmax":97,"\u5982\u679c\u9700\u8981\u5b89\u88c5\u652f\u6301gpu\u7684\u7248\u672c":[102,104],"\u5982\u679c\u9700\u8981\u624b\u52a8\u7f16\u8bd1":85,"\u5982\u679c\u9700\u8981\u6269\u5927\u77e9\u9635":112,"\u5982\u679c\u9700\u8981\u7f29\u51cf\u77e9\u9635":112,"\u5982\u679c\u9700\u8981\u83b7\u53d6":102,"\u5982\u679ccuda":113,"\u5982\u679clearning_rate\u592a\u5927":98,"\u5982\u679clearning_rate\u592a\u5c0f":98,"\u5982\u679cmkl":65,"\u5982\u679cop\u6ca1\u6709\u5b9e\u73b0cuda":113,"\u5982\u679cop\u7684\u67d0\u4e2a\u8f93\u5165\u4e0d\u53c2\u4e0e\u53cd\u5411\u68af\u5ea6\u7684\u8ba1\u7b97":113,"\u5982\u679cpaddlepaddle\u5305\u5df2\u7ecf\u5728python\u7684sit":93,"\u5982\u679cpaddlepaddle\u5e93\u9700\u8981\u540c\u65f6\u652f\u6301\u771f\u673a\u548c\u6a21\u62df\u5668":139,"\u5982\u679cparamet":36,"\u5982\u6bcf\u4e2a\u6587\u4ef6\u53ea\u6709\u4e00\u4e2a":111,"\u5982\u795e\u7ecf\u5143\u6fc0\u6d3b\u503c\u7b49":96,"\u5982\u8981build\u8fd9\u4e2a\u5f00\u53d1\u955c\u50cf":111,"\u5982\u9ad8\u4eae\u90e8\u5206":119,"\u5982train":125,"\u5b50":106,"\u5b50\u53e5":108,"\u5b50\u53e5\u7684\u5355\u8bcd\u6570\u548c\u6307\u5b9a\u7684\u4e00\u4e2a\u8f93\u5165\u5e8f\u5217\u4e00\u81f4":108,"\u5b50\u76ee\u5f55":110,"\u5b50\u7c7b\u53ea\u9700\u8981\u4f7f\u7528\u5b9a\u4e49\u597d\u7684\u63a5\u53e3":65,"\u5b57\u6bb5\u4e2d":129,"\u5b57\u6bb5\u4e3a\u4f8b":96,"\u5b57\u6bb5\u7684\u53d6\u503c":123,"\u5b57\u6bb5\u8868\u793a\u5bb9\u5668\u7684\u73af\u5883\u53d8\u91cf":129,"\u5b57\u6bb5\u8868\u793a\u8fd9\u4e2ajob\u4f1a\u540c\u65f6\u5f00\u542f3\u4e2apaddlepaddle\u8282\u70b9":129,"\u5b57\u6bb5\u8bbe\u4e3a":85,"\u5b57\u7b26\u4e32":37,"\u5b58\u50a8":[37,123,124],"\u5b58\u50a8\u6d6e\u70b9\u7c7b\u578b\u8f93\u5165":124,"\u5b58\u50a8\u7684\u538b\u7f29\u6587\u4ef6":124,"\u5b58\u5165settings\u5bf9\u8c61":2,"\u5b58\u6570\u6570\u636e":123,"\u5b66\u4e60":110,"\u5b66\u4e60\u6210\u672c\u9ad8":68,"\u5b66\u4e60\u7387\u4e3a":98,"\u5b81\u6ce2":106,"\u5b83\u4eec\u4e3b\u8981\u662f\u7528\u4e8e":65,"\u5b83\u4eec\u7684\u6587\u4ef6\u540d\u662f":37,"\u5b83\u4f1a\u5728dataprovider\u521b\u5efa\u7684\u65f6\u5019\u6267\u884c":2,"\u5b83\u5305\u542b\u4ee5\u4e0b\u51e0\u6b65":112,"\u5b83\u5305\u542b\u4ee5\u4e0b\u53c2\u6570":112,"\u5b83\u5305\u542b\u7684\u5c5e\u6027\u53c2\u6570\u5982\u4e0b":2,"\u5b83\u53ea\u4f1a\u5305\u62ec\u751f\u6210\u597d\u7684\u52a8\u6001\u5e93\u548c\u5934\u6587\u4ef6":65,"\u5b83\u53eb\u505a":109,"\u5b83\u53ef\u4ee5\u5e2e\u52a9\u51cf\u5c11\u5206\u53d1\u5ef6\u8fdf":126,"\u5b83\u53ef\u4ee5\u5e2e\u52a9\u6211\u4eec\u683c\u5f0f\u5316\u6e90\u4ee3\u7801":111,"\u5b83\u53ef\u4ee5\u6307\u6d4b\u91cf\u4e00\u4e2a\u7a0b\u5e8f\u7684\u7a7a\u95f4":119,"\u5b83\u53ef\u80fd\u6709\u4e0d\u6b62\u4e00\u4e2a\u6743\u91cd":112,"\u5b83\u548c\u6570\u636e\u4f20\u5165\u51fd\u6570\u7684\u7b2c\u4e00\u4e2a\u53c2\u6570":2,"\u5b83\u5b9a\u4e49\u4e86":109,"\u5b83\u5b9a\u4e49\u89e3\u7801\u7f51\u7edc\u7684":109,"\u5b83\u5c06\u88ab\u5206\u53d1\u5230":126,"\u5b83\u5e76\u4e0d\u662f\u4e00\u4e2a\u5b8c\u6574\u7684recurr":97,"\u5b83\u5e94\u8be5\u6253\u5370\u51fa\u9884\u6d4b\u4f4f\u623f\u6570\u636e\u7684\u6e05\u5355":104,"\u5b83\u652f\u6301\u591a\u7ebf\u7a0b\u66f4\u65b0":112,"\u5b83\u662finteger_value\u7c7b\u578b\u7684":106,"\u5b83\u662finteger_value_sequence\u7c7b\u578b\u7684":106,"\u5b83\u6709\u52a9\u4e8e\u5e2e\u52a9\u9891\u7e41\u4fee\u6539\u548c\u8bbf\u95ee\u5de5\u4f5c\u533a\u6587\u4ef6\u7684\u7528\u6237\u51cf\u5c11\u8d1f\u62c5":126,"\u5b83\u7684":109,"\u5b83\u7684\u529f\u80fd\u662f":113,"\u5b83\u7684\u6bcf\u4e00\u4e2a\u5143\u7d20":105,"\u5b83\u7684\u8f93\u5165\u4e0e\u7ecf\u8fc7\u5b66\u4e60\u7684\u53c2\u6570\u505a\u5185\u79ef\u5e76\u52a0\u4e0a\u504f\u7f6e":112,"\u5b83\u8868\u793a":110,"\u5b83\u8d1f\u8d23\u51b3\u5b9a\u7f16\u8bd1\u65f6\u662f\u5426\u4f7f\u7528mklml\u548cmkl":65,"\u5b83\u9996\u5148\u8c03\u7528\u57fa\u6784\u9020\u51fd\u6570":112,"\u5b89\u6392":106,"\u5b89\u88c5":118,"\u5b89\u88c5\u4e0e\u7f16\u8bd1":104,"\u5b89\u88c5\u540e":100,"\u5b89\u88c5\u540e\u7684\u76ee\u5f55\u7ed3\u6784\u4e3a":69,"\u5b89\u88c5\u597ddocker\u4e4b\u540e\u53ca\u53ef\u7528\u4ee5\u4e0b\u547d\u4ee4\u542f\u52a8\u5de5\u5177":115,"\u5b89\u88c5\u597ddocker\u4e4b\u540e\u53ef\u4ee5\u4f7f\u7528\u6e90\u7801\u76ee\u5f55\u4e0b\u7684\u811a\u672c\u6784\u5efa\u6587\u6863":115,"\u5b89\u88c5\u5b8c\u6210\u4e4b\u540e":[125,139],"\u5b89\u88c5\u5b8c\u6bd5\u540e":118,"\u5b89\u88c5\u5f00\u53d1\u5de5\u5177\u5230":110,"\u5b89\u88c5\u6587\u6863":103,"\u5b89\u88c5\u65b9\u5f0f\u6765\u5feb\u901f\u5b89\u88c5paddlepaddl":125,"\u5b89\u88c5\u8be5\u8f6f\u4ef6\u5305\u5c31\u53ef\u4ee5\u5728python\u73af\u5883\u4e0b\u5b9e\u73b0\u6a21\u578b\u9884\u6d4b":4,"\u5b89\u9759":106,"\u5b8c\u6210":111,"\u5b8c\u6210\u4e00\u4e2a\u4f20\u8f93\u52a8\u4f5c\u5b8c\u6210\u7684\u65f6\u95f4\u4e5f\u6bd4\u8f83\u77ed":51,"\u5b8c\u6210\u4e0a\u8ff0\u51c6\u5907\u4e4b\u540e":124,"\u5b8c\u6210\u4efb\u610f\u7684\u8fd0\u7b97\u903b\u8f91":108,"\u5b8c\u6210\u540evolume\u4e2d\u7684\u6587\u4ef6\u5185\u5bb9\u5927\u81f4\u5982\u4e0b":129,"\u5b8c\u6210\u5728windows\u4e0a\u5b89\u88c5\u548c\u4f7f\u7528dock":100,"\u5b8c\u6210\u5b89\u88c5":102,"\u5b8c\u6210\u5e38\u7528layer\u7684mkl":65,"\u5b8c\u6210\u5e38\u89c1\u6df1\u5ea6\u795e\u7ecf\u7f51\u7edcvgg":65,"\u5b8c\u6210\u6570\u636e\u7684\u9884\u5904\u7406":37,"\u5b8c\u6210\u76f8\u5e94\u7684\u8ba1\u7b97":105,"\u5b8c\u6210\u81ea\u52a8\u5316\u4e8c\u8fdb\u5236\u7f16\u8bd1":85,"\u5b8c\u6210paddlepaddle\u7684\u5b89\u88c5":103,"\u5b8c\u6574\u4ee3\u7801\u53ef\u4ee5\u53c2\u8003\u793a\u4f8b":96,"\u5b8c\u6574\u4ee3\u7801\u53ef\u4ee5\u67e5\u770b":124,"\u5b8c\u6574\u6e90\u7801\u53ef\u53c2\u8003":98,"\u5b8c\u6574\u7684\u4ee3\u7801\u89c1":4,"\u5b8c\u6574\u7684\u53c2\u6570\u77e9\u9635\u88ab\u5206\u5e03\u5728\u4e0d\u540c\u7684\u53c2\u6570\u670d\u52a1\u5668\u4e0a":112,"\u5b8c\u6574\u7684\u914d\u7f6e\u6587\u4ef6\u5728":109,"\u5b98\u65b9\u6587\u6863":99,"\u5b9a\u4e49":65,"\u5b9a\u4e49\u4e00\u4e2a\u65f6\u95f4\u6b65\u4e4b\u5185rnn\u5355\u5143\u5b8c\u6210\u7684\u8ba1\u7b97":108,"\u5b9a\u4e49\u4e00\u4e2apython\u7684":2,"\u5b9a\u4e49\u4e00\u4e9b\u9664\u4e86layer\u548cmemory\u76f8\u5173\u7684\u7c7b\u548c\u51fd\u6570":65,"\u5b9a\u4e49\u4e86\u4e00\u4e2a\u53ea\u8bfb\u7684memori":108,"\u5b9a\u4e49\u4e86lstm\u5355\u5143\u5728\u4e00\u4e2a\u65f6\u95f4\u6b65\u5185\u7684\u8ba1\u7b97\u8fc7\u7a0b":97,"\u5b9a\u4e49\u4f4d\u7f6e":113,"\u5b9a\u4e49\u5728\u5916\u5c42":108,"\u5b9a\u4e49\u5f02\u6b65\u8bad\u7ec3\u7684\u957f\u5ea6":134,"\u5b9a\u4e49\u6e90\u8bed\u53e5\u7684\u6570\u636e\u5c42":109,"\u5b9a\u4e49\u7684\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784":124,"\u5b9a\u4e49\u7c7b\u578b":113,"\u5b9a\u4e49\u89e3\u7801\u5668\u7684memori":109,"\u5b9a\u4e49\u8f93\u5165":113,"\u5b9a\u4e49\u8f93\u51fa":113,"\u5b9a\u4e49\u8f93\u51fa\u51fd\u6570":109,"\u5b9a\u4e49\u95e8\u63a7\u5faa\u73af\u5355\u5143\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u5355\u6b65\u51fd\u6570":109,"\u5b9d\u5854\u7684\u5e95\u7aef\u9700\u8981\u575a\u5b9e\u7684\u57fa\u5ea7\u6765\u652f\u6491":103,"\u5b9e\u73b0\u4e24\u4e2a\u5b8c\u5168\u7b49\u4ef7\u7684\u5168\u8fde\u63a5rnn":106,"\u5b9e\u73b0\u5177\u4f53\u7684\u51fd\u6570\u529f\u80fd\u5373\u53ef":65,"\u5b9e\u73b0\u524d\u5411\u4f20\u64ad\u7684\u90e8\u5206\u6709\u4e0b\u9762\u51e0\u4e2a\u6b65\u9aa4":112,"\u5b9e\u73b0\u5355\u6b65\u51fd\u6570":109,"\u5b9e\u73b0\u540e\u5411\u4f20\u64ad\u7684\u90e8\u5206\u6709\u4e0b\u9762\u51e0\u4e2a\u6b65\u9aa4":112,"\u5b9e\u73b0\u5728":113,"\u5b9e\u73b0\u5bf9":114,"\u5b9e\u73b0\u6570\u636e\u8f93\u5165\u51fd\u6570":2,"\u5b9e\u73b0\u65b0\u7684op\u90fd\u6dfb\u52a0\u81f3\u76ee\u5f55":113,"\u5b9e\u73b0\u6784\u9020\u51fd\u6570":112,"\u5b9e\u73b0\u7684":97,"\u5b9e\u73b0\u7b80\u5355":68,"\u5b9e\u73b0\u7ec6\u8282":112,"\u5b9e\u73b0\u7f51\u7edc\u5c42\u7684\u524d\u5411\u4f20\u64ad":112,"\u5b9e\u73b0\u7f51\u7edc\u5c42\u7684\u540e\u5411\u4f20\u64ad":112,"\u5b9e\u73b0\u8bcd\u8bed\u548c\u53e5\u5b50\u4e24\u4e2a\u7ea7\u522b\u7684\u53cc\u5c42rnn\u7ed3\u6784":108,"\u5b9e\u73b0\u8be5\u5c42\u7684c":112,"\u5b9e\u9645\u4e0a\u4f7f\u7528\u4e86":97,"\u5b9e\u9645\u4e0a\u9700\u8981\u7684\u8f93\u51fa\u7ed3\u679c\u662f\u4e24\u4e2a\u77e9\u9635":96,"\u5ba2\u6237":106,"\u5bb6":106,"\u5bb9\u5668\u8fd0\u884c\u90fd\u8fd0\u884c":129,"\u5bb9\u5668\u9ed8\u8ba4\u6267\u884c":138,"\u5bbd\u5ea6":123,"\u5bbd\u5ea6\u4e3a":123,"\u5bbd\u5ea6\u7b49\u4e8e\u914d\u7f6e\u4e2dlayer\u7684s":96,"\u5bbf\u4e3b\u673a\u7684c":[138,139,140],"\u5bc4\u5b58\u5668\u4f7f\u7528\u60c5\u51b5\u548c\u5171\u4eab\u5185\u5b58\u4f7f\u7528\u60c5\u51b5\u80fd\u8ba9\u6211\u4eec\u5bf9gpu\u7684\u6574\u4f53\u4f7f\u7528\u6709\u66f4\u597d\u7684\u7406\u89e3":119,"\u5bf9":[106,124],"\u5bf9\u4e00\u4e2a5\u7ef4\u975e\u5e8f\u5217\u7684\u7a00\u758f01\u5411\u91cf":[2,103],"\u5bf9\u4e00\u4e2a5\u7ef4\u975e\u5e8f\u5217\u7684\u7a00\u758f\u6d6e\u70b9\u5411\u91cf":[2,103],"\u5bf9\u4e8e":109,"\u5bf9\u4e8e\u4e0d\u540c\u7684\u8bad\u7ec3\u4efb\u52a1":125,"\u5bf9\u4e8e\u4e0d\u540c\u7684\u96c6\u7fa4\u5e73\u53f0":125,"\u5bf9\u4e8e\u4e0d\u540c\u8bed\u8a00":68,"\u5bf9\u4e8e\u4e24\u79cd\u4e0d\u540c\u7684\u8f93\u5165\u6570\u636e\u7c7b\u578b":106,"\u5bf9\u4e8e\u4e60\u60ef\u4f7f\u7528windows\u548cmacos\u7684\u5f00\u53d1\u8005\u6765\u8bf4":110,"\u5bf9\u4e8e\u5185\u5b58\u8f83\u5c0f\u7684\u673a\u5668":2,"\u5bf9\u4e8e\u5355\u5c42rnn":106,"\u5bf9\u4e8e\u5355\u5c42rnn\u7684\u6570\u636e\u4e00\u5171\u6709\u4e24\u4e2a\u6837\u672c":106,"\u5bf9\u4e8e\u53cc\u5c42rnn":106,"\u5bf9\u4e8e\u540c\u4e00\u6bb5c":68,"\u5bf9\u4e8e\u540c\u6837\u7684\u6570\u636e":106,"\u5bf9\u4e8e\u540c\u6837\u8bbe\u7f6e\u7684\u7f51\u7edc\u6a21\u578b":64,"\u5bf9\u4e8e\u56fd\u5185\u7528\u6237":100,"\u5bf9\u4e8e\u591a\u8bed\u8a00\u63a5\u53e3":68,"\u5bf9\u4e8e\u5927\u591a\u6570\u8bed\u8a00":68,"\u5bf9\u4e8e\u5e8f\u5217\u957f\u5ea6":64,"\u5bf9\u4e8e\u6027\u80fd\u7684\u5173\u952e\u8def\u5f84\u90fd\u505a\u51fa\u4e86\u7ea2\u8272\u6807\u8bb0":118,"\u5bf9\u4e8e\u6211\u4eec\u652f\u6301\u7684\u5168\u90e8\u77e9\u9635\u64cd\u4f5c":112,"\u5bf9\u4e8e\u6709\u53c2\u6570\u7684\u5c42":65,"\u5bf9\u4e8e\u672c\u6837\u4f8b\u4ee3\u7801":125,"\u5bf9\u4e8e\u6bb5\u843d\u7684\u6587\u672c\u5206\u7c7b":106,"\u5bf9\u4e8e\u6bcf\u4e00\u4e2a\u5355\u5c42rnn\u7684\u6570\u636e":106,"\u5bf9\u4e8e\u6bcf\u4e00\u4e2a\u65b0\u52a0\u7684rnn":64,"\u5bf9\u4e8e\u6bcf\u79cd\u7c7b\u578b":69,"\u5bf9\u4e8e\u6bcf\u79cdc":69,"\u5bf9\u4e8e\u8fd9\u6837\u7684\u9700\u6c42":124,"\u5bf9\u4e8e\u914d\u5907\u6709\u6ce8\u610f\u529b\u673a\u5236\u7684\u89e3\u7801\u5668":109,"\u5bf9\u4e8enchw":97,"\u5bf9\u4ee3\u7801\u8fdb\u884c\u6027\u80fd\u5206\u6790":119,"\u5bf9\u4f7f\u7528\u7684\u4e2d\u95f4\u53d8\u91cf\u548c\u8d44\u6e90\u8fdb\u884c\u6e05\u7406\u548c\u91ca\u653e":124,"\u5bf9\u5168\u8fde\u63a5\u5c42\u6765\u8bf4":112,"\u5bf9\u52a0\u8f7d\u9884\u8bad\u7ec3\u53c2\u6570\u7684\u5c42":98,"\u5bf9\u53cc\u5c42\u5e8f\u5217\u6765\u8bb2":123,"\u5bf9\u5df2\u7ecfpush\u5230\u8fdc\u7a0b\u4ed3\u5e93\u7684\u591a\u4e2acommit":111,"\u5bf9\u5e94":139,"\u5bf9\u5e94\u4e00\u4e2a\u5b50\u53e5":108,"\u5bf9\u5e94\u4e00\u4e2a\u8bcd":108,"\u5bf9\u5e94\u4e8e\u8c03\u7528c":123,"\u5bf9\u5e94\u7684":2,"\u5bf9\u5e94\u7684\u68af\u5ea6op\u8ba1\u7b97\u4e4b\u4e2d":113,"\u5bf9\u5e94\u7740\u4e0a\u6587\u63d0\u5230\u7684\u4e00\u7ef4\u6574\u578b\u6570\u7ec4":123,"\u5bf9\u5e94\u7740\u4e0a\u6587\u63d0\u5230\u7684\u4e8c\u7ef4\u6d6e\u70b9\u578b\u77e9\u9635":123,"\u5bf9\u63a8\u8350\u914d\u7f6e\u4e2d\u7684\u9009\u9879\u5efa\u8bae\u6309\u7167\u8bbe\u7f6e":121,"\u5bf9\u65b0\u7684\u6743\u91cd\u8fdb\u884c\u8f6c\u6362\u7528\u4e8e\u4e0b\u6b21\u8fed\u4ee3":64,"\u5bf9\u6bcf\u4e2a\u8f93\u5165":112,"\u5bf9\u6bcf\u4e2a\u8f93\u5165\u4e58\u4e0a\u53d8\u6362\u77e9\u9635":112,"\u5bf9\u6bd4":68,"\u5bf9\u6bd4\u4f18\u5316\u540elayer\u4e0e\u76f8\u5bf9\u5e94\u7684paddlepaddle\u539f\u6709lay":64,"\u5bf9\u6bd4\u4f18\u5316\u540elayer\u81ea\u8eab":64,"\u5bf9\u6bd4\u53cd\u5411op\u4e0d\u540c\u8bbe\u5907":113,"\u5bf9\u6fc0\u6d3b\u6c42\u5bfc":112,"\u5bf9\u7528\u6237\u6765\u8bf4":2,"\u5bf9\u795e\u7ecf\u7f51\u7edc\u6765\u8bf4":123,"\u5bf9\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u8fdb\u884c\u5e8f\u5217\u5316":124,"\u5bf9\u8bad\u7ec3\u6570\u636e\u8fdb\u884cshuffl":2,"\u5bf9\u8bc4\u5ba1\u610f\u89c1\u4e0d\u540c\u610f\u7684":111,"\u5bf9\u8bc4\u5ba1\u610f\u89c1\u540c\u610f\u4e14\u6309\u5176\u4fee\u6539\u5b8c\u7684":111,"\u5bf9\u8c61":98,"\u5bf9\u8c61\u5206\u914d\u7a7a\u95f4":124,"\u5bf9\u8f93\u5165\u53c2\u6570\u7684\u5b89\u5168\u6027\u8fdb\u884c\u4e86\u5fc5\u8981\u7684\u5224\u65ad":69,"\u5bf9\u8f93\u51fa\u7684\u5408\u5e76":108,"\u5bf9\u8fd9\u4e2a\u7248\u672c\u7684\u63d0\u4ea4":85,"\u5bf9\u9762":106,"\u5bf9check":2,"\u5bf9sparse_binary_vector\u548csparse_float_vector":[2,103],"\u5bfb\u627e\u6709\u6ca1\u6709\u5176\u4ed6\u53ef\u4ee5\u4f18\u5316\u7684\u53ef\u80fd":65,"\u5bfb\u627epython\u4e0ec":118,"\u5bfc\u51fa\u8fd9\u4e9b\u63a5\u53e3":69,"\u5bfc\u81f4\u4e86\u6d6e\u70b9\u6570\u6ea2\u51fa":96,"\u5bfc\u81f4\u53c2\u6570\u6536\u655b\u5230\u4e86\u4e00\u4e9b\u5947\u5f02\u7684\u60c5\u51b5":96,"\u5bfc\u81f4\u53c2\u6570\u7d2f\u52a0":96,"\u5bfc\u81f4\u7f16\u8bd1paddlepaddle\u5931\u8d25":93,"\u5bfc\u81f4\u8bad\u7ec3\u65f6\u95f4\u8fc7\u957f":98,"\u5bfc\u81f4mklml\u5e93\u4e0b\u8f7d\u4e0d\u6210\u529f":93,"\u5c01\u88c5\u4e86":119,"\u5c01\u88c5\u8be5\u5c42\u7684python\u63a5\u53e3":112,"\u5c06":[2,85,98,119],"\u5c06\u4e00\u4e2a\u795e\u7ecf\u7f51\u7edc\u53c2\u6570\u62c6\u5206\u6210\u591a\u4efd":36,"\u5c06\u4e0a\u4e00\u65f6\u95f4\u6b65\u6240\u751f\u6210\u7684\u8bcd\u7684\u5411\u91cf\u6765\u4f5c\u4e3a\u5f53\u524d\u65f6\u95f4\u6b65\u7684\u8f93\u5165":109,"\u5c06\u4f1a\u4f18\u5148\u4f7f\u7528":125,"\u5c06\u4f1a\u59cb\u7ec8\u4f7f\u7528":138,"\u5c06\u4f1a\u5c06\u7528\u6237\u4f20\u8fdb\u6765\u7684\u914d\u7f6e\u53c2\u6570\u4f20\u9012cmake\u7cfb\u7edf":138,"\u5c06\u4f1a\u81ea\u52a8\u8ba1\u7b97\u51fa\u4e00\u4e2a\u5408\u9002\u7684\u503c":134,"\u5c06\u5176\u8bbe\u7f6e\u6210":96,"\u5c06\u53cc\u5c42\u65f6\u95f4\u5e8f\u5217\u6570\u636e\u5148\u53d8\u6362\u6210\u5355\u5c42\u65f6\u95f4\u5e8f\u5217\u6570\u636e":106,"\u5c06\u542b\u6709\u5b50\u53e5":108,"\u5c06\u542b\u6709\u8bcd\u8bed\u7684\u53e5\u5b50\u5b9a\u4e49\u4e3a\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":108,"\u5c06\u56fe\u7247\u5206\u7c7b\u5230":124,"\u5c06\u591a\u53e5\u8bdd\u770b\u6210\u4e00\u4e2a\u6574\u4f53\u540c\u65f6\u4f7f\u7528encoder\u538b\u7f29":106,"\u5c06\u591a\u53f0\u673a\u5668\u7684\u6d4b\u8bd5\u7ed3\u679c\u5408\u5e76":134,"\u5c06\u5927\u91cf\u7684":68,"\u5c06\u5b57\u5178\u7684\u5730\u5740\u4f5c\u4e3aargs\u4f20\u7ed9dataprovid":98,"\u5c06\u5b83\u4eec\u653e\u5728\u540c\u4e00\u76ee\u5f55\u4e2d":124,"\u5c06\u5bf9\u5e94\u6570\u636e\u5c42\u7684\u7ef4\u6570\u8bbe\u7f6e\u6210\u4e00\u4e2a\u5927\u4e8e\u8f93\u5165\u6570\u636e\u7ef4\u6570\u7684\u503c\u7528\u4e8e\u5360\u4f4d\u5373\u53ef":97,"\u5c06\u5e8f\u5217\u5316\u7ed3\u679c\u5199\u5165\u4e00\u4e2a\u6587\u4ef6\u5185":124,"\u5c06\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684\u524d\u5411\u548c\u53cd\u5411\u90e8\u5206\u6df7\u5408\u5728\u4e00\u8d77":109,"\u5c06\u6027\u80fd\u5206\u6790\u7ed3\u679c\u4ee5\u7f51\u9875\u7684\u5f62\u5f0f\u5c55\u793a\u51fa\u6765":118,"\u5c06\u6027\u80fd\u5206\u6790\u7ed3\u679c\u6309\u7167tottime\u6392\u5e8f":118,"\u5c06\u6570\u636e\u5207\u5206\u6210\u591a\u4efd":125,"\u5c06\u6570\u636e\u7ec4\u5408\u6210batch\u8fdb\u884c\u8bad\u7ec3":2,"\u5c06\u65b0\u5206\u652f\u7684\u7248\u672c\u6253\u4e0atag":85,"\u5c06\u65b0\u5efa\u7684\u6743\u91cd\u52a0\u5165\u6743\u91cd\u8868":112,"\u5c06\u660e\u6587\u53c2\u6570\u8f6c\u5316\u4e3apaddlepaddle\u53ef\u52a0\u8f7d\u7684\u6a21\u578b\u53c2\u6570\u65f6":98,"\u5c06\u672c\u5730\u7684\u4fee\u6539\u63a8\u9001\u5230":111,"\u5c06\u6837\u672c\u7684\u5730\u5740\u653e\u5165\u53e6\u4e00\u4e2a\u6587\u672c\u6587\u4ef6":2,"\u5c06\u6b64\u76ee\u5f55\u6302\u8f7d\u4e3a\u5bb9\u5668\u7684":129,"\u5c06\u73af\u5883\u53d8\u91cf\u8f6c\u6362\u6210paddle\u7684\u547d\u4ee4\u884c\u53c2\u6570":129,"\u5c06\u7528\u4e8epython":113,"\u5c06\u7ed3\u679c\u4fdd\u5b58\u5230\u6b64\u76ee\u5f55\u91cc":129,"\u5c06\u7f51\u7edc\u7ed3\u6784\u5b9a\u4e49\u548c\u8bad\u7ec3\u7ed3\u675f\u5b58\u50a8\u4e0b\u6765\u7684\u6a21\u578b\u53c2\u6570\u6587\u4ef6":124,"\u5c06\u884c\u4e2d\u7684\u6570\u636e\u8f6c\u6362\u6210\u4e0einput_types\u4e00\u81f4\u7684\u683c\u5f0f":2,"\u5c06\u8bad\u7ec3\u6587\u4ef6\u4e0e\u5207\u5206\u597d\u7684\u6570\u636e\u4e0a\u4f20\u5230\u5171\u4eab\u5b58\u50a8":129,"\u5c06\u8df3\u8fc7\u5206\u53d1\u9636\u6bb5\u76f4\u63a5\u542f\u52a8\u6240\u6709\u8282\u70b9\u7684\u96c6\u7fa4\u4f5c\u4e1a":126,"\u5c06\u8fd9\u79cd\u8de8\u8d8a\u65f6\u95f4\u6b65\u7684\u8fde\u63a5\u7528\u4e00\u4e2a\u7279\u6b8a\u7684\u795e\u7ecf\u7f51\u7edc\u5355\u5143\u5b9e\u73b0":106,"\u5c06\u8fdc\u7a0b\u4ed3\u5e93":111,"\u5c06\u900f\u660e":126,"\u5c06\u9700\u8981\u8f93\u51fa\u7684\u5c42\u4f5c\u4e3a":96,"\u5c06cuda\u5e93\u548clinux\u8bbe\u5907\u6302\u8f7d\u5230docker\u5bb9\u5668\u5185":100,"\u5c06ip\u6392\u5e8f\u751f\u6210\u7684\u5e8f\u53f7\u4f5c\u4e3atrain":129,"\u5c06master\u5206\u652f\u7684\u5408\u5165commit\u6253\u4e0atag":85,"\u5c06node\u8282\u70b9\u7684ip\u5730\u5740\u4fdd\u5b58\u5230machines\u6587\u4ef6\u4e2d":130,"\u5c06paddlepaddle\u4fdd\u5b58\u7684\u6a21\u578b\u53c2\u6570\u8fd8\u539f\u56de\u660e\u6587\u65f6":98,"\u5c06recurr":97,"\u5c0f\u4e8e\u67d0\u4e2a\u6bd4\u8f83\u5c0f\u7684\u9608\u503c\u8ba4\u4e3a\u901a\u8fc7":65,"\u5c1a\u53ef":106,"\u5c31":106,"\u5c31\u4f1a\u5728\u5b8c\u6210\u7f16\u8bd1\u4e4b\u540e":99,"\u5c31\u4f1a\u751f\u6210\u975e\u5e38\u591a\u7684gener":2,"\u5c31\u53ef\u4ee5\u4e86\u89e3\u5230\u95ee\u9898\u4ee3\u7801\u5728\u54ea\u91cc":118,"\u5c31\u53ef\u4ee5\u4f7f\u7528\u4e0b\u9762\u7684\u547d\u4ee4\u5f00\u59cb\u6267\u884c\u8bad\u7ec3":100,"\u5c31\u53ef\u4ee5\u5c06\u6570\u636e\u4f20\u9001\u7ed9paddlepaddle\u4e86":2,"\u5c31\u53ef\u4ee5\u6309":110,"\u5c31\u5c06\u8fd9\u4e9b\u5c42\u52a0\u5165\u4e00\u4e2apython":124,"\u5c31\u5f88\u5bb9\u6613\u5bfc\u81f4\u5185\u5b58\u8d85\u9650":96,"\u5c31\u662f":106,"\u5c31\u662f\u7528\u4e8e\u5c55\u793a\u4e0a\u8ff0\u5206\u6790\u5de5\u5177\u7684\u7528\u6cd5":119,"\u5c31\u662fpaddlepaddle\u4e2d\u6240\u6307\u7684":123,"\u5c31\u8fd9\u4e48\u7b80\u5355":100,"\u5c31\u901a\u5e38\u7684gpu\u6027\u80fd\u5206\u6790\u6765\u8bf4":119,"\u5c31\u9700\u8981\u5bf9\u8fd9\u4e2a\u7b2c\u4e09\u65b9\u8bed\u8a00\u589e\u52a0\u4e00\u4e9b\u5b9a\u4e49":68,"\u5c31\u9700\u8981\u9009\u62e9\u4f7f\u7528no":100,"\u5c3d\u65e9\u62a5\u9519":113,"\u5c42\u524d\u5411\u8ba1\u7b97\u7684\u7ed3\u679c":124,"\u5c42\u548c\u8f93\u5165\u7684\u914d\u7f6e":112,"\u5c42\u6b21\u5316\u7684rnn":108,"\u5c42\u7684\u540d\u79f0\u4e0e":109,"\u5c42\u7684\u5927\u5c0f":112,"\u5c42\u7684\u7c7b\u578b":112,"\u5c42\u7684\u8f93\u51fa\u88ab\u7528\u4f5c\u95e8\u63a7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684":109,"\u5c45\u7136":106,"\u5c55\u793a\u4e86\u4e00\u4e2a\u542b\u67094\u4e2a\u5e8f\u5217\u7684":123,"\u5c55\u793a\u7684\u8c03\u7528\u56fe\u4e5f\u53ef\u4ee5\u5e2e\u52a9\u6211\u4eec\u53d1\u73b0\u6027\u80fd\u4e2d\u7684\u95ee\u9898":118,"\u5c5e\u4e8e\u8fd9\u4e00\u7c7b\u7684\u5b9e\u73b0":97,"\u5c5e\u6027":113,"\u5de5\u4f5c\u6a21\u5f0f":134,"\u5de5\u4f5c\u7a7a\u95f4\u4e2d\u7684":126,"\u5de5\u4f5c\u7a7a\u95f4\u5e94\u5982\u4e0b\u6240\u793a":125,"\u5de5\u5177\u4e0a\u4f20\u5373\u53ef":85,"\u5de5\u5177\u5408\u5e76fat\u5e93":139,"\u5de5\u5177\u670d\u52a1\u5668\u5c06\u8bfb\u53d6\u73af\u5883\u53d8\u91cf":115,"\u5de5\u5177\u6765\u7ba1\u7406":111,"\u5de5\u5177\u6765\u7f16\u8bd1\u6587\u6863":115,"\u5de5\u5177\u94fe":138,"\u5de5\u5177\u94fe\u7684android":138,"\u5de6\u53f3\u7684\u8ba1\u7b97\u65f6\u95f4":118,"\u5df2\u6253\u5f00":111,"\u5df2\u7ecf\u5728\u96c6\u7fa4\u63d0\u4ea4\u73af\u5883\u4e2d\u5b8c\u6210\u8bbe\u7f6e":134,"\u5e02\u9762\u4e0a\u5df2\u7ecf\u6709nvidia\u6216\u7b2c\u4e09\u65b9\u63d0\u4f9b\u7684\u4f17\u591a\u5de5\u5177":119,"\u5e0c\u671b\u80fd\u591f\u5c06\u5e8f\u5217\u5316\u540e\u7684\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u548c\u8bad\u7ec3\u597d\u7684\u6a21\u578b\u53c2\u6570\u6253\u5305\u8fdb\u4e00\u4e2a\u6587\u4ef6":124,"\u5e26\u6709\u4e0b\u9762\u4e24\u4e2a\u6a21\u677f\u53c2\u6570":113,"\u5e2e\u52a9\u6211\u4eec\u5b8c\u6210\u5bf9\u8f93\u5165\u5e8f\u5217\u7684\u62c6\u5206":108,"\u5e2e\u52a9\u6211\u4eec\u66f4\u597d\u5730\u63cf\u8ff0\u6bb5\u843d":108,"\u5e2e\u52a9\u6211\u4eec\u6784\u9020\u4e00\u4e9b\u590d\u6742\u7684\u8f93\u5165\u4fe1\u606f":105,"\u5e38\u5e38\u51fa\u73b0":93,"\u5e38\u7528\u4e8e\u81ea\u7136\u8bed\u8a00\u5904\u7406\u4efb\u52a1":123,"\u5e38\u7528\u7684cmake\u914d\u7f6e\u5982\u4e0b":[138,139],"\u5e38\u89c1\u7684\u5305\u62ec":118,"\u5e72\u51c0":106,"\u5e73\u5747\u6545\u969c\u4fee\u590d\u65f6\u95f4":36,"\u5e73\u5747\u6545\u969c\u7387":36,"\u5e76\u4e0d\u4fdd\u8bc1":112,"\u5e76\u4e0d\u662f\u4f7f\u7528\u53cc\u5c42rnn\u89e3\u51b3\u5b9e\u9645\u7684\u95ee\u9898":106,"\u5e76\u4e0d\u662fkubernetes\u4e2d\u7684node\u6982\u5ff5":129,"\u5e76\u4e0d\u771f\u6b63":[123,124],"\u5e76\u4e0d\u771f\u6b63\u7684\u548c":106,"\u5e76\u4e0d\u96be":110,"\u5e76\u4e14":[2,109],"\u5e76\u4e14\u4e5f\u53ef\u4ee5\u5728windows\u7684docker\u4e2d\u8fd0\u884c":100,"\u5e76\u4e14\u4e66\u5199\u4e00\u4efd\u4ee3\u7801":114,"\u5e76\u4e14\u4f1a\u5199\u597d":65,"\u5e76\u4e14\u4f1a\u6839\u636e":138,"\u5e76\u4e14\u4f7f\u7528":69,"\u5e76\u4e14\u5185\u5c42\u7684\u5e8f\u5217\u64cd\u4f5c\u4e4b\u95f4\u72ec\u7acb\u65e0\u4f9d\u8d56":106,"\u5e76\u4e14\u52a0\u4e0a\u4e0b\u9762\u7684\u547d\u4ee4\u884c\u53c2\u6570":136,"\u5e76\u4e14\u5305\u62ecunit":111,"\u5e76\u4e14\u53ea\u9700\u8981\u5728\u5fc5\u8981\u7684\u65f6\u5019\u8f6c\u6362\u8fd9\u79cd\u683c\u5f0f":65,"\u5e76\u4e14\u53ef\u80fd\u4f1a\u52a0\u901f\u8bad\u7ec3\u8fc7\u7a0b":96,"\u5e76\u4e14\u542f\u52a8\u8bad\u7ec3":129,"\u5e76\u4e14\u5728\u5185\u5b58\u8db3\u591f\u7684\u60c5\u51b5\u4e0b\u8d8a\u5927\u8d8a\u597d":2,"\u5e76\u4e14\u5728\u5e38\u89c1\u7684\u5e73\u53f0\u4e0a":68,"\u5e76\u4e14\u5728dataprovider\u4e2d\u5b9e\u73b0\u5982\u4f55\u8bbf\u95ee\u8bad\u7ec3\u6587\u4ef6\u5217\u8868":1,"\u5e76\u4e14\u5c55\u793a\u4e86\u5982\u4f55\u5229\u7528paddlepaddle\u6765\u89e3\u51b3\u4e00\u4e2a\u7ecf\u5178\u7684\u7ebf\u6027\u56de\u5f52\u95ee\u9898":103,"\u5e76\u4e14\u5f3a\u5236\u8bbe\u7f6e\u4e00\u4e9bpaddlepaddle\u53c2\u6570\u7684\u503c":139,"\u5e76\u4e14\u5f53\u7f16\u8bd1\u65f6":64,"\u5e76\u4e14\u628a\u5404\u79cd\u5f00\u53d1\u5de5\u5177\u5b89\u88c5\u8fdb\u53bb":110,"\u5e76\u4e14\u628a\u7cfb\u7edf\u751f\u6210\u7684ca":51,"\u5e76\u4e14\u628a\u7ed3\u679c\u8fd4\u56depfsclient\u7aef":51,"\u5e76\u4e14\u67e5\u8be2paddlepaddle\u5355\u5143\u6d4b\u8bd5\u7684\u65e5\u5fd7":93,"\u5e76\u4e14\u7f16\u8bd1\u65f6\u9700\u8981\u6253\u5f00":113,"\u5e76\u4e14\u7f16\u8bd1\u80fd\u901a\u8fc7\u4ee3\u7801\u6837\u5f0f\u68c0\u67e5":111,"\u5e76\u4e14\u8ba9\u63a5\u53e3\u8131\u79bb\u5b9e\u73b0\u7ec6\u8282":68,"\u5e76\u4e14\u8bbe\u7f6e\u9ed8\u8ba4\u503c\u4e3a1":113,"\u5e76\u4e14\u8f93\u5165\u8f93\u51fa\u90fd\u662f\u5171\u7528\u4e00\u5757\u5185\u5b58":65,"\u5e76\u4e14\u8f93\u51fa\u4e00\u4e2a":111,"\u5e76\u4e14\u8fd0\u884c":110,"\u5e76\u4e14\u9700\u8981\u91cd\u5199\u57fa\u7c7b\u4e2d\u7684\u4ee5\u4e0b\u51e0\u4e2a\u865a\u51fd\u6570":112,"\u5e76\u4e14cpu":113,"\u5e76\u4e14softmax\u5c42\u7684\u4e24\u4e2a\u8f93\u5165\u4e5f\u4f7f\u7528\u4e86\u540c\u6837\u7684\u53c2\u6570":98,"\u5e76\u4f20\u5165\u76f8\u5e94\u7684\u547d\u4ee4\u884c\u53c2\u6570\u521d\u59cb\u5316paddlepaddl":4,"\u5e76\u4f7f\u7528":126,"\u5e76\u4fdd\u5b58\u8f93\u51fa\u5230\u4e00\u4e2a\u65e5\u5fd7\u6587\u4ef6":125,"\u5e76\u521b\u5efa\u4e86\u4e00\u4e2a\u65b0\u6587\u4ef6":111,"\u5e76\u521b\u5efaoptim":103,"\u5e76\u521d\u59cb\u5316":113,"\u5e76\u5220\u9664":85,"\u5e76\u5220\u9664\u66f4\u65e9\u7684\u5feb\u7167":36,"\u5e76\u52a0\u8f7d\u5176\u4e2d\u7684\u53c2\u6570":36,"\u5e76\u53d1\u5e03\u5230pypi":85,"\u5e76\u53ef\u4ee5\u5728\u5927\u591a\u6570\u4e3b\u6d41\u7684linux\u64cd\u4f5c\u7cfb\u7edf\u4ee5\u53camacos\u4e0a\u6267\u884c":102,"\u5e76\u548c\u53c2\u6570\u670d\u52a1\u5668\u901a\u4fe1":125,"\u5e76\u5728\u4e58\u79ef\u7ed3\u679c\u4e0a\u518d\u52a0\u4e0a\u7ef4\u5ea6\u4e3a":112,"\u5e76\u5728\u6700\u5f00\u59cb\u521d\u59cb\u5316\u4e3a\u8d77\u59cb\u8bcd":109,"\u5e76\u5728\u6bcf\u6b21\u6743\u91cd\u66f4\u65b0\u540e":64,"\u5e76\u5728\u7c7b\u6784\u5efa\u51fd\u6570\u4e2d\u628a\u5b83\u653e\u5165\u4e00\u4e2a\u7c7b\u6210\u5458\u53d8\u91cf\u91cc":112,"\u5e76\u5728\u8be5layer\u91cc\u91c7\u7528\u7b2c\u4e00\u79cd\u65b9\u5f0f\u8bbe\u7f6e":97,"\u5e76\u5728\u96c6\u7fa4\u4e2d\u8fd0\u884c\u591a\u4e2a\u5206\u5e03\u5f0f\u6570\u636e\u5904\u7406\u4efb\u52a1":37,"\u5e76\u5728python\u811a\u672c\u4e2d\u5b8c\u6210\u4e0eoperator\u540c\u6837\u7684\u8ba1\u7b97\u903b\u8f91":113,"\u5e76\u5904\u7406\u4e0e\u4e4b\u76f8\u5173\u7684\u6240\u6709\u7ec6\u8282":124,"\u5e76\u5b89\u88c5\u4e86python":93,"\u5e76\u5b89\u88c5\u6700\u65b0":102,"\u5e76\u5b89\u88c5\u6709python2":104,"\u5e76\u5b8c\u6210\u53c2\u6570\u4f18\u5316\u66f4\u65b0":125,"\u5e76\u5bf9\u6bd4\u662f\u5426\u548c\u6b63\u5728\u5b89\u88c5\u7684\u540e\u7f00\u4e00\u81f4":93,"\u5e76\u5bf9\u76f8\u5e94\u7684\u53c2\u6570\u8c03\u7528":112,"\u5e76\u5c06":85,"\u5e76\u5c06\u5176\u6295\u5c04\u5230":109,"\u5e76\u5c06\u8be5layer\u4e0a\u4e00\u65f6\u95f4\u6b65\u7684\u8f93\u51fa\u4f5c\u4e3a\u81ea\u8eab\u5f53\u524d\u65f6\u95f4\u6b65\u7684\u8f93\u51fa":97,"\u5e76\u5c06c":69,"\u5e76\u624b\u52a8\u751f\u6210download\u6210\u529f\u6807\u7b7e":93,"\u5e76\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4":100,"\u5e76\u628a\u5feb\u7167\u4fdd\u5b58\u5230\u8fd9\u4e2a\u76ee\u5f55\u4e0b":36,"\u5e76\u628a\u7ed3\u679c\u653e\u5230\u5f53\u524d\u5c42\u7684":65,"\u5e76\u628a\u8fd9\u4e2a\u5305\u542b\u4e86\u8bad\u7ec3\u6570\u636e\u7684container\u4fdd\u5b58\u4e3a\u4e00\u4e2a\u65b0\u7684\u955c\u50cf":128,"\u5e76\u63d0\u4f9b\u4e86\u7b80\u5355\u7684cache\u529f\u80fd":2,"\u5e76\u66f4\u6362job":94,"\u5e76\u6839\u636e\u5206\u5e03\u5f0f\u8bad\u7ec3\u5e76\u53d1\u6570":125,"\u5e76\u68c0\u67e5\u548c\u9700\u5b89\u88c5\u7684\u5305\u662f\u5426\u5339\u914d":102,"\u5e76\u6ca1\u6709paddle\u7279\u522b\u9700\u8981\u7684\u7279\u6027":68,"\u5e76\u6dfb\u52a0\u5934\u6587\u4ef6":64,"\u5e76\u6dfb\u52a0\u6ce8\u91ca":113,"\u5e76\u7279\u5316\u6a21\u677f\u53c2\u6570\u4e3a":113,"\u5e76\u7c98\u8d34\u6b64python\u4ee3\u7801":104,"\u5e76\u81ea\u52a8\u4e0b\u8f7d\u5b89\u88c5\u4f9d\u8d56\u8f6f\u4ef6":102,"\u5e76\u81ea\u52a8\u7f16\u8bd1\u5bbf\u4e3b\u673a\u7248protoc\u53ef\u6267\u884c\u6587\u4ef6":140,"\u5e76\u81ea\u52a8\u7f16\u8bd1paddlepaddle\u6240\u9700\u7684\u6240\u6709\u7b2c\u4e09\u65b9\u5e93":138,"\u5e76\u884c\u5730\u6267\u884c\u6a21\u578b\u7684\u8bad\u7ec3":125,"\u5e76\u884c\u5730\u63a5\u6536\u68af\u5ea6\u548c\u66f4\u65b0\u53c2\u6570":125,"\u5e76\u88ab\u5b58\u50a8\u5728\u8bf8\u5982hadoop":37,"\u5e76\u89c2\u5bdf\u7ed3\u679c":119,"\u5e76\u89e3\u91ca\u4e86\u5404\u81ea\u542b\u4e49":113,"\u5e76\u8bb0\u5f55\u5b83\u7684\u7f16\u53f7":111,"\u5e76\u8fdb\u884c\u521d\u59cb\u5316\u64cd\u4f5c":103,"\u5e76\u9002\u5e94github\u7684\u7279\u6027\u505a\u4e86\u4e00\u4e9b\u533a\u522b":85,"\u5e76\u91cd\u65b0\u6253\u5305wheel\u5305":85,"\u5e76\u94fe\u63a5\u5230\u751f\u6210\u7684lib\u5e93\u4e2d":113,"\u5e78\u800cpython\u7684\u4e00\u4e2a\u7b2c\u4e09\u65b9\u5e93":118,"\u5e8a\u4e0a\u7528\u54c1":106,"\u5e8a\u57ab":106,"\u5e8f\u5217\u4e2d\u542b\u6709\u5143\u7d20\u7684\u6570\u76ee\u540c":105,"\u5e8f\u5217\u4e2d\u7684\u4e00\u4e2a\u5143\u7d20":123,"\u5e8f\u5217\u4e2d\u7684\u5143\u7d20\u662f\u8bcd\u8bed":123,"\u5e8f\u5217\u4e2d\u7684\u6bcf\u4e00\u4e2a\u5143\u7d20\u53c8\u662f\u4e00\u4e2a\u5e8f\u5217":123,"\u5e8f\u5217\u4e2d\u7684\u6bcf\u4e00\u4e2a\u5143\u7d20\u662f\u975e\u5e8f\u5217":123,"\u5e8f\u5217\u4fe1\u606f":123,"\u5e8f\u5217\u5316\u795e\u7ecf\u7f51\u7edc\u6a21\u578b\u914d\u7f6e":124,"\u5e8f\u5217\u5316\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u65f6":124,"\u5e8f\u5217\u5316\u7ed3\u679c\u4f1a\u5199\u5165\u5f53\u524d\u8fd0\u884c\u76ee\u5f55\u4e0b\u7684":124,"\u5e8f\u5217\u6570\u636e\u662f\u81ea\u7136\u8bed\u8a00\u5904\u7406\u4efb\u52a1\u9762\u5bf9\u7684\u4e00\u79cd\u4e3b\u8981\u8f93\u5165\u6570\u636e\u7c7b\u578b":108,"\u5e8f\u5217\u662f\u4e00\u79cd\u5e38\u89c1\u7684\u6570\u636e\u7c7b\u578b":105,"\u5e8f\u5217\u751f\u6210\u4efb\u52a1\u5927\u591a\u9075\u5faaencod":108,"\u5e8f\u5217\u751f\u6210\u4efb\u52a1\u7684\u8f93\u5165":108,"\u5e8f\u5217\u7684\u6bcf\u4e2a\u5143\u7d20\u662f\u539f\u6765\u53cc\u5c42\u5e8f\u5217\u6bcf\u4e2asubseq\u5143\u7d20\u7684\u5e73\u5747\u503c":105,"\u5e8f\u5217\u8f93\u5165":123,"\u5e8f\u5217\u8f93\u5165\u65f6\u7b49\u4e8e":96,"\u5e8f\u5217\u8f93\u5165\u793a\u610f\u56fe":123,"\u5e93\u6709\u81ea\u5df1\u72ec\u7acb\u7684\u52a8\u6001\u5e93\u6587\u4ef6":121,"\u5e94\u7528\u524d\u5411\u5faa\u73af\u795e\u7ecf\u7f51\u7edc":109,"\u5e94\u7528\u53cd\u5411\u9012\u5f52\u795e\u7ecf\u7f51\u7edc":109,"\u5e94\u80fd\u53cd\u6620\u5f53\u524dcommit\u7684\u5185\u5bb9":111,"\u5e94\u8be5":106,"\u5e94\u8be5\u4e0e\u5b83\u7684memory\u540d\u5b57\u76f8\u540c":109,"\u5e94\u8be5\u8bf4\u8c22\u8c22":111,"\u5e94\u8be5\u8bfb\u53d6\u5f53\u524d\u76ee\u5f55\u4e0b\u7684":110,"\u5e94\u8be5\u964d\u4f4e\u5b66\u4e60\u7387":98,"\u5e95\u5c42\u8fdb\u7a0b":126,"\u5efa\u7acb\u4e00\u4e2a":111,"\u5efa\u8bae":[85,101,111],"\u5efa\u8bae\u5c06\u8be5\u53c2\u6570\u8bbe\u4e3atrue":134,"\u5f00\u53d1\u4e86\u6a21\u578b\u9884\u6d4b\u7684\u6837\u4f8b\u4ee3\u7801":69,"\u5f00\u53d1\u4eba\u5458\u4f7f\u7528":111,"\u5f00\u53d1\u5206\u652f":102,"\u5f00\u53d1\u8005\u4f7f\u7528":110,"\u5f00\u53d1\u8005\u4fee\u6539\u81ea\u5df1\u7684\u4ee3\u7801":85,"\u5f00\u53d1\u8005fork\u7684\u7248\u672c\u5e93\u4e2d":85,"\u5f00\u53d1\u8005fork\u7684\u7248\u672c\u5e93\u4f7f\u7528":85,"\u5f00\u53d1\u955c\u50cf":111,"\u5f00\u53d1\u9884\u6d4b\u5e8f":124,"\u5f00\u53d1\u9884\u6d4b\u7a0b\u5e8f\u94fe\u63a5":121,"\u5f00\u542f":99,"\u5f00\u5934":[64,65],"\u5f00\u5934\u7684\u90e8\u5206":125,"\u5f00\u5934\u90e8\u5206\u6307\u5b9a":125,"\u5f00\u59cb\u63d0\u4f9b\u670d\u52a1":36,"\u5f00\u59cb\u6807\u8bb0":109,"\u5f00\u59cb\u795e\u7ecf\u7f51\u7edc\u7684":125,"\u5f00\u59cb\u9636\u6bb5":119,"\u5f02\u6b65\u968f\u673a\u68af\u5ea6\u4e0b\u964d":133,"\u5f15\u5165\u4e86\u4ee5\u4e0b\u56db\u4e2aapi":64,"\u5f15\u5165\u4e86\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5f15\u5165paddlepaddle\u7684pydataprovider2\u5305":2,"\u5f15\u53d1":13,"\u5f15\u5bfc\u5c42":109,"\u5f15\u7528memory\u5f97\u5230\u8fd9layer\u4e0a\u4e00\u65f6\u523b\u8f93\u51fa":108,"\u5f39\u51fa\u4e0b\u9762\u7684\u9009\u62e9\u6846":85,"\u5f3a\u70c8\u63a8\u8350":106,"\u5f52\u4e00\u5316\u6982\u7387\u5411\u91cf":109,"\u5f53":136,"\u5f53\u4e00\u4e2a":123,"\u5f53\u4e0a\u8ff0\u63a5\u53e3\u7b2c4\u4e2a\u53c2\u6570":123,"\u5f53\u4f60\u6267\u884c\u547d\u4ee4":112,"\u5f53\u4fdd\u5b58\u7684\u7f51\u7edc\u53c2\u6570\u4e3afloat\u7c7b\u578b\u65f6\u4e3a4":98,"\u5f53\u51fd\u6570\u8fd4\u56de\u7684\u65f6\u5019":2,"\u5f53\u524d\u65f6\u95f4\u6b65\u5904\u7684memory\u7684\u8f93\u51fa\u4f5c\u4e3a\u4e0b\u4e00\u65f6\u95f4\u6b65memory\u7684\u8f93\u5165":109,"\u5f53\u524d\u7684\u5b66\u4e60\u7387\u4e3a\u6240\u8bbe\u7f6e":98,"\u5f53\u524d\u7684\u5b9e\u73b0\u65b9\u5f0f\u4e0b":112,"\u5f53\u524d\u7684\u8f93\u5165y\u548c\u4e0a\u4e00\u4e2a\u65f6\u95f4\u6b65\u7684\u8f93\u51farnn_state\u505a\u4e86\u4e00\u4e2a\u5168\u94fe\u63a5":106,"\u5f53\u524d\u8bad\u7ec3\u4efb\u52a1\u542f\u52a8\u7684pserver\u7684ip\u5217\u8868":125,"\u5f53\u524d\u8bad\u7ec3\u4efb\u52a1pserver\u603b\u6570":125,"\u5f53\u524d\u8bad\u7ec3\u4efb\u52a1trainer\u603b\u4e2a\u6570":125,"\u5f53\u529f\u80fd\u5206\u652f\u5f00\u53d1\u5b8c\u6bd5\u540e":85,"\u5f53\u53ea\u505a\u63a8\u65ad":64,"\u5f53\u5728\u7f51\u7edc\u5c42\u914d\u7f6e\u4e2d\u8bbe\u7f6e":134,"\u5f53\u5728\u8bad\u7ec3\u914d\u7f6e\u4e2d\u8bbe\u7f6e":134,"\u5f53\u5df2\u8bad\u7ec3\u6837\u672c\u6570\u5927\u4e8e1000\u5c0f\u4e8e\u7b49\u4e8e2000\u65f6":98,"\u5f53\u5df2\u8bad\u7ec3\u6837\u672c\u6570\u5927\u4e8e2000\u65f6":98,"\u5f53\u5df2\u8bad\u7ec3\u6837\u672c\u6570\u5c0f\u4e8e\u7b49\u4e8e1000\u65f6":98,"\u5f53\u5df2\u8bad\u7ec3pass\u6570\u5927\u4e8e1\u5c0f\u4e8e\u7b49\u4e8e2\u65f6":98,"\u5f53\u5df2\u8bad\u7ec3pass\u6570\u5927\u4e8e2\u65f6":98,"\u5f53\u5df2\u8bad\u7ec3pass\u6570\u5c0f\u4e8e\u7b49\u4e8e1\u65f6":98,"\u5f53\u5f00\u542f":65,"\u5f53\u6211\u4eec\u505a\u51fa\u6027\u80fd\u4fee\u6b63\u540e":118,"\u5f53\u6240\u6709pod\u90fd\u5904\u4e8erunning\u72b6\u6001":129,"\u5f53\u6253\u5f00":65,"\u5f53\u6570\u636e\u683c\u5f0f\u4e0epaddlepaddle\u9ed8\u8ba4\u7684":65,"\u5f53\u6a21\u578b\u53c2\u6570\u4e0d\u5b58\u5728\u65f6":134,"\u5f53\u6a21\u5f0f\u4e3a":134,"\u5f53\u7136":[100,119],"\u5f53\u7136\u53ef\u4ee5":110,"\u5f53\u7136\u8fd9\u4e24\u8005\u4e5f\u53ef\u4ee5\u76f8\u7b49":65,"\u5f53\u7528\u6237\u4f7f\u7528\u5b8c\u8fd9\u4e2a\u53c2\u6570\u540e":69,"\u5f53\u7528\u6237\u6ca1\u6709\u663e\u5f0f\u8bbe\u5b9a\u65f6":97,"\u5f53\u7f51\u7edc\u51fa\u73b0\u5206\u652f\u4e14\u5728":65,"\u5f53\u7f51\u7edc\u5c42\u7528\u4e00\u4e2a\u6279\u6b21\u505a\u8bad\u7ec3\u65f6":112,"\u5f53\u89e3\u8bfb\u6bcf\u4e00\u4e2a":109,"\u5f53\u8bad\u7ec3\u6570\u636e\u975e\u5e38\u591a\u65f6":2,"\u5f53\u8d85\u8fc7\u8be5\u9608\u503c\u65f6":134,"\u5f53\u8f93\u5165\u662f\u7ef4\u5ea6\u5f88\u9ad8\u7684\u7a00\u758f\u6570\u636e\u65f6":136,"\u5f53\u9700\u8981\u5b8c\u6210\u8ba1\u7b97\u65f6":114,"\u5f53\u975e\u5e8f\u5217\u8f93\u5165\u65f6":123,"\u5f53destination\u6587\u4ef6\u4e0d\u5b58\u5728\u6216\u8005\u5927\u5c0f\u548csource\u6587\u4ef6\u4e0d\u4e00\u81f4\u65f6":51,"\u5f53n1":96,"\u5f62\u6210recurr":108,"\u5f62\u6210recurrent\u8fde\u63a5":108,"\u5f88":106,"\u5f88\u591a":[106,110],"\u5f88\u5b89\u9759":106,"\u5f88\u5e72\u51c0":106,"\u5f88\u65b9\u4fbf":106,"\u5f88\u6709\u53ef\u80fd\u5b9e\u9645\u5e94\u7528\u5c31\u662f\u6ca1\u6709\u6309\u7167\u60a8\u7684\u9884\u671f\u60c5\u51b5\u8fd0\u884c":119,"\u5f88\u6709\u53ef\u80fd\u662f\u975e\u72ec\u5360\u65b9\u5f0f\u6267\u884c\u5bfc\u81f4\u7684\u7aef\u53e3\u51b2\u7a81":94,"\u5f88\u96be\u4fdd\u8bc1\u591a\u8bed\u8a00\u4ee3\u7801\u98ce\u683c\u7684\u4e00\u81f4\u6027":68,"\u5f88\u96be\u6574\u4f53\u4fee\u6b63":2,"\u5f97":106,"\u5f97\u4f7f\u7528":68,"\u5f97\u5230\u8f93\u51fa\u503c":113,"\u5faa\u73af\u5c55\u5f00\u7684\u6bcf\u4e2a\u65f6\u95f4\u6b65\u603b\u662f\u80fd\u591f\u5f15\u7528\u6240\u6709\u8f93\u5165":108,"\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u4e2d":109,"\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u4f5c\u4e3a\u4f7f\u7528":109,"\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u548c":109,"\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u5728\u6bcf\u4e2a\u65f6\u95f4\u6b65\u9aa4\u987a\u5e8f\u5730\u5904\u7406\u5e8f\u5217":109,"\u5faa\u73af\u7f51\u7edc\u4ece":109,"\u5fc5\u8981":69,"\u5fc5\u9009":125,"\u5fc5\u987b":112,"\u5fc5\u987b\u4e00\u81f4":2,"\u5fc5\u987b\u4f7f\u7528python\u5173\u952e\u8bcd":2,"\u5fc5\u987b\u5206\u522b\u4e0e":65,"\u5fc5\u987b\u5c06\u524d\u4e00\u4e2a\u5b50\u53e5\u7684\u6700\u540e\u4e00\u4e2a\u5143\u7d20":106,"\u5fc5\u987b\u6307\u5411\u4e00\u4e2apaddlepaddle\u5b9a\u4e49\u7684lay":108,"\u5fc5\u987b\u6307\u5b9a\u4e3a":124,"\u5fc5\u987b\u662f\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":108,"\u5fc5\u987b\u662f\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":105,"\u5fc5\u987b\u7531\u53ea\u8bfbmemory\u7684":109,"\u5fc5\u987b\u8bbe\u7f6e\u4e3a":[138,139],"\u5fc5\u987b\u8bbe\u7f6e\u4e3aon":139,"\u5fc5\u987b\u914d\u7f6e\u4e3a":[121,140],"\u5fc5\u987b\u914d\u7f6e\u9009\u9879":121,"\u5feb":106,"\u6027\u4ef7\u6bd4":106,"\u6027\u80fd\u4f18\u5316\u7684\u8fc7\u7a0b\u901a\u5e38\u662f\u4e0d\u65ad\u91cd\u590d\u5730":118,"\u6027\u80fd\u5206\u6790":119,"\u6027\u80fd\u5206\u6790\u5de5\u5177\u662f\u7528\u4e8e\u7ed9\u5e94\u7528\u7a0b\u5e8f\u7684\u6027\u80fd\u505a\u5b9a\u91cf\u5206\u6790\u7684":119,"\u6027\u80fd\u5206\u6790\u662f\u6027\u80fd\u4f18\u5316\u7684\u5173\u952e\u4e00\u6b65":119,"\u6027\u80fd\u548c\u628a\u7f16\u8bd1\u5de5\u5177\u5b89\u88c5\u5728\u672c\u673a\u8fd0\u884c\u4e00\u6837":110,"\u6027\u80fd\u8c03\u4f18":133,"\u6027\u80fdtip":[138,139],"\u603b\u4f53\u6765\u8bf4":106,"\u60a8\u4e5f\u53ef\u4ee5\u8fdb\u5165\u5230docker\u5bb9\u5668\u4e2d":100,"\u60a8\u4f1a\u5728\u63a5\u4e0b\u6765\u7684\u90e8\u5206\u4e2d\u83b7\u5f97\u66f4\u591a\u7684\u7ec6\u8282\u4ecb\u7ecd":119,"\u60a8\u53ef\u4ee5\u4ece\u4e0b\u9762\u7684\u8868\u683c\u4e2d\u627e\u5230\u9700\u8981\u7684\u7248\u672c":102,"\u60a8\u53ef\u4ee5\u4efb\u610f\u4f7f\u7528\u4e00\u4e2a\u6216\u4e24\u4e2a\u6765\u5bf9\u611f\u5174\u8da3\u7684\u4ee3\u7801\u6bb5\u505a\u6027\u80fd\u5206\u6790":119,"\u60a8\u53ef\u4ee5\u5728":100,"\u60a8\u53ef\u4ee5\u5728\u5bb9\u5668\u4e2d\u6267\u884c":100,"\u60a8\u53ef\u4ee5\u5bfc\u5165":119,"\u60a8\u53ef\u4ee5\u6309\u7167\u4e0b\u9762\u7684\u6b65\u9aa4\u5728openmpi\u96c6\u7fa4\u4e2d\u63d0\u4ea4paddle\u8bad\u7ec3\u4efb\u52a1":130,"\u60a8\u53ef\u4ee5\u91c7\u7528\u4e0b\u9762\u4e94\u4e2a\u6b65\u9aa4":119,"\u60a8\u53ef\u80fd\u9700\u8981\u4fee\u6539":125,"\u60a8\u5c06\u4e86\u89e3\u5982\u4f55":109,"\u60a8\u5c31\u80fd\u83b7\u5f97\u5982\u4e0b\u7684\u5206\u6790\u7ed3\u679c":119,"\u60a8\u6309\u5982\u4e0b\u6b65\u9aa4\u64cd\u4f5c\u5373\u53ef":119,"\u60a8\u6700\u597d\u5148\u786e\u8ba4":119,"\u60a8\u9996\u5148\u9700\u8981\u5728\u76f8\u5173\u4ee3\u7801\u6bb5\u4e2d\u52a0\u5165":119,"\u60c5\u611f\u5206\u6790":85,"\u60f3\u4e86\u89e3\u66f4\u591apaddlepaddl":115,"\u610f\u5473\u7740\u4e0d\u540c\u65f6\u95f4\u6b65\u7684\u8f93\u5165\u90fd\u662f\u76f8\u540c\u7684\u503c":109,"\u610f\u601d\u662f\u4e0d\u4f7f\u7528\u5e73\u5747\u53c2\u6570\u6267\u884c\u6d4b\u8bd5":134,"\u610f\u601d\u662f\u4e0d\u4fdd\u5b58\u7ed3\u679c":134,"\u610f\u601d\u662f\u4f7f\u7528\u7b2ctest":134,"\u610f\u601d\u662f\u5728gpu\u6a21\u5f0f\u4e0b\u4f7f\u75284\u4e2agpu":134,"\u611f\u89c9":106,"\u6210\u529f\u7f16\u8bd1\u540e":121,"\u6210\u529f\u8bad\u7ec3\u4e14\u9000\u51fa\u7684pod\u6570\u76ee\u4e3a3\u65f6":129,"\u6210\u5458":113,"\u6210\u719f\u7684\u9ad8\u6027\u80fd\u5e76\u884c\u8ba1\u7b97\u6846\u67b6":125,"\u6211\u4eec\u4e0d\u80fd\u901a\u8fc7\u5e38\u89c4\u7684\u68af\u5ea6\u68c0\u67e5\u7684\u65b9\u5f0f\u6765\u8ba1\u7b97\u68af\u5ea6":112,"\u6211\u4eec\u4e3b\u8981\u4f1a\u4ecb\u7ecdnvprof\u548cnvvp":119,"\u6211\u4eec\u4e5f\u53ef\u4ee5\u786e\u5b9a\u6bcf\u4e00\u4e2a\u53c2\u6570\u7684\u7c7b\u578b":69,"\u6211\u4eec\u4e5f\u5c06mklml\u5373":65,"\u6211\u4eec\u4ec5\u4ec5\u5bf9\u795e\u7ecf\u7f51\u7edc\u7684\u8f93\u5165\u8fdb\u884c\u4e86\u63cf\u8ff0":103,"\u6211\u4eec\u4ec5\u6709\u4e00\u4e2a\u8f93\u5165":112,"\u6211\u4eec\u4ecb\u7ecd\u5982\u4f55\u5728":128,"\u6211\u4eec\u4ecb\u7ecd\u5982\u4f55\u5728kubernetes\u96c6\u7fa4\u4e0a\u8fdb\u884c\u5206\u5e03\u5f0fpaddlepaddle\u8bad\u7ec3\u4f5c\u4e1a":129,"\u6211\u4eec\u4ee5\u624b\u5199\u6570\u5b57\u8bc6\u522b\u4efb\u52a1\u4e3a\u4f8b\u8fdb\u884c\u4ecb\u7ecd":124,"\u6211\u4eec\u4ee5mnist\u624b\u5199\u8bc6\u522b\u4e3a\u4f8b":2,"\u6211\u4eec\u4f1a\u4fdd\u8bc1":65,"\u6211\u4eec\u4f1a\u5728\u7f51\u7edc\u8bad\u7ec3\u4e4b\u524d\u628a\u683c\u5f0f\u8f6c\u6362\u4e3amkl":65,"\u6211\u4eec\u4f1a\u5bf9\u6bcf\u4e2a\u8bad\u7ec3\u4efb\u52a1\u90fd\u4f1a\u5728\u6bcf\u4e2a\u8282\u70b9\u4e0a\u521b\u5efa\u4e00\u4e2a\u5de5\u4f5c\u7a7a\u95f4":125,"\u6211\u4eec\u4f1a\u5bf9\u6bd4\u5982\u4e0b2\u4e2a\u65b9\u9762":64,"\u6211\u4eec\u4f1a\u628amkl":65,"\u6211\u4eec\u4f1a\u6dfb\u52a0":[64,65],"\u6211\u4eec\u4f1a\u7ee7\u7eed\u4f7f\u7528\u73b0\u6709\u7684\u5185\u5b58\u5757":112,"\u6211\u4eec\u4f1a\u91cd\u65b0\u5206\u914d\u5185\u5b58":112,"\u6211\u4eec\u4f7f\u7528":112,"\u6211\u4eec\u4f7f\u7528\u4e0d\u540c\u7684layer\u8fdb\u884c\u7ec4\u5408":103,"\u6211\u4eec\u4f7f\u7528\u4e86":106,"\u6211\u4eec\u4f7f\u7528\u52a8\u6001\u5e93\u6765\u5206\u53d1paddl":68,"\u6211\u4eec\u4f7f\u7528paddl":125,"\u6211\u4eec\u5047\u8bbe\u4e00\u53f0\u673a\u5668\u4e0a\u67094\u4e2agpu":136,"\u6211\u4eec\u5148\u8c03\u7528\u6bcf\u4e2a":114,"\u6211\u4eec\u51b3\u5b9a\u4f7f\u7528\u5df2\u6709\u7684":65,"\u6211\u4eec\u5373\u53ef\u5b8c\u6210\u795e\u7ecf\u7f51\u7edc\u7684\u642d\u5efa":103,"\u6211\u4eec\u53ea\u6f14\u793a\u4e00\u4e2a\u5355\u673a\u4f5c\u4e1a":128,"\u6211\u4eec\u53ea\u9700\u8981":110,"\u6211\u4eec\u53ea\u9700\u8981\u4f7f\u7528lstm":106,"\u6211\u4eec\u53ea\u9700\u8981\u8fd0\u884c\u4e0b\u9762\u547d\u4ee4\u628a\u7f16\u8bd1\u597d\u7684paddlepaddle\u6253\u5305\u6210\u4e00\u4e2a":111,"\u6211\u4eec\u53ea\u9700\u8981\u914d\u7f6e":110,"\u6211\u4eec\u53ef\u4ee5":110,"\u6211\u4eec\u53ef\u4ee5\u4f7f\u7528":118,"\u6211\u4eec\u53ef\u4ee5\u4f7f\u7528\u5176\u4ed6layer\u8fdb\u884c\u7ec4\u5408":103,"\u6211\u4eec\u53ef\u4ee5\u4f7f\u7528\u5b83\u6765\u751f\u6210\u5e8f\u5217":109,"\u6211\u4eec\u53ef\u4ee5\u5148\u5b8c\u6210\u5bf9\u539f\u6570\u636e\u7684packing\u64cd\u4f5c":64,"\u6211\u4eec\u53ef\u4ee5\u521b\u5efatrainer\u6765\u5bf9\u7f51\u7edc\u8fdb\u884c\u8bad\u7ec3":103,"\u6211\u4eec\u53ef\u4ee5\u53c2\u8003tensorflow\u7684":114,"\u6211\u4eec\u53ef\u4ee5\u5728":111,"\u6211\u4eec\u53ef\u4ee5\u5728\u547d\u4ee4\u884c\u4e2d\u7b80\u5355\u7684\u770b\u4e00\u4e0b\u751f\u6210\u6548\u679c":118,"\u6211\u4eec\u53ef\u4ee5\u5b9a\u4e49\u5982\u4e0b\u7684layer\u7ec4\u5408":103,"\u6211\u4eec\u53ef\u4ee5\u5b9a\u4e49\u5982\u4e0blayer\u6765\u63cf\u8ff0\u795e\u7ecf\u7f51\u7edc\u7684\u8f93\u5165":103,"\u6211\u4eec\u53ef\u4ee5\u6309\u7167\u5982\u4e0b\u5c42\u6b21\u5b9a\u4e49\u975e\u5e8f\u5217":105,"\u6211\u4eec\u53ef\u4ee5\u67e5\u770b\u6027\u80fd\u5206\u6790\u7684\u7ed3\u679c":118,"\u6211\u4eec\u53ef\u4ee5\u8bbe\u8ba1\u642d\u5efa\u4e00\u4e2a\u7075\u6d3b\u7684":108,"\u6211\u4eec\u53ef\u4ee5\u901a\u8fc7":118,"\u6211\u4eec\u53ef\u4ee5\u901a\u8fc7\u65e5\u5fd7\u67e5\u770b\u5bb9\u5668\u8bad\u7ec3\u7684\u60c5\u51b5":129,"\u6211\u4eec\u5728":114,"\u6211\u4eec\u5728\u51fd\u6570\u7684\u7ed3\u5c3e\u8fd4\u56de":109,"\u6211\u4eec\u5bf9\u6a21\u578b\u8fdb\u884c\u4e86\u4ee5\u4e0b\u66f4\u6539":109,"\u6211\u4eec\u5c06":129,"\u6211\u4eec\u5c06\u4e00\u6bb5\u8bdd\u770b\u6210\u53e5\u5b50\u7684\u6570\u7ec4":106,"\u6211\u4eec\u5c06\u4ecb\u7ecd\u5982\u4f55\u542f\u52a8\u5206\u5e03\u5f0f\u8bad\u7ec3\u4f5c\u4e1a":128,"\u6211\u4eec\u5c06\u4f7f\u7528":109,"\u6211\u4eec\u5c06\u4f7f\u7528\u7b80\u5355\u7684":109,"\u6211\u4eec\u5c06\u539f\u59cb\u6570\u636e\u7684\u6bcf\u4e00\u7ec4":106,"\u6211\u4eec\u5c06\u5b83\u4eec\u5212\u5206\u4e3a\u4e0d\u540c\u7684\u7c7b\u522b":133,"\u6211\u4eec\u5c06\u795e\u7ecf\u7f51\u7edc\u4e00\u6b21\u8ba1\u7b97\u63a5\u53d7\u7684\u6240\u6709\u8f93\u5165\u6837\u672c\u79f0\u4e4b\u4e3a\u4e00\u4e2a":123,"\u6211\u4eec\u5c06\u8bad\u7ec3\u7ed3\u675f\u540e\u5b58\u50a8\u4e0b\u6765\u7684\u6a21\u578b\u8f6c\u6362\u6210\u9884\u6d4b\u6a21\u578b":124,"\u6211\u4eec\u5c31\u5b8c\u6210\u4e86\u4e00\u6b21\u4ee3\u7801\u8d21\u732e\u7684\u8fc7\u7a0b":111,"\u6211\u4eec\u5df2\u7ecf\u5b9e\u73b0\u4e86\u5927\u591a\u6570\u5e38\u7528\u7684\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u67b6\u6784":109,"\u6211\u4eec\u5efa\u8bae\u4f60\u4e3a\u4f60\u7684python\u5c01\u88c5\u5b9e\u73b0\u4e00\u4e2a":112,"\u6211\u4eec\u5efa\u8bae\u4f60\u5728\u5199\u65b0\u7f51\u7edc\u5c42\u65f6\u628a\u6d4b\u8bd5\u4ee3\u7801\u653e\u5165\u65b0\u7684\u6587\u4ef6\u4e2d":112,"\u6211\u4eec\u5efa\u8bae\u4f7f\u7528\u7b2c\u4e8c\u7c7b\u5b9e\u73b0":97,"\u6211\u4eec\u603b\u7ed3\u51fa\u4e00\u4e9b\u7279\u522b\u9700\u8981\u6ce8\u610f\u7684\u70b9":65,"\u6211\u4eec\u628apaddlepaddle\u7684\u4ea4\u53c9\u7f16\u8bd1\u73af\u5883\u6253\u5305\u6210\u4e00\u4e2a\u955c\u50cf":138,"\u6211\u4eec\u63a8\u8350\u4f7f\u7528":[100,125],"\u6211\u4eec\u63a8\u8350\u4f7f\u7528\u6700\u65b0\u7248\u672c\u7684cudnn":99,"\u6211\u4eec\u63a8\u8350\u60a8\u4f7f\u7528paddlepaddl":99,"\u6211\u4eec\u63d0\u4f9b\u4e24\u4e2a\u8f6c\u6362\u65b9\u5f0f":37,"\u6211\u4eec\u63d0\u4f9b\u4e86\u52a0\u901f\u8bbf\u95ee\u7684\u955c\u50cf\u6e90":100,"\u6211\u4eec\u63d0\u4f9b\u53ef\u4ee5\u76f4\u63a5\u8fd0\u884cpaddlepaddl":100,"\u6211\u4eec\u63d0\u51fa\u4e86chunk\u7684\u6982\u5ff5":51,"\u6211\u4eec\u662f\u5bf9\u6bcf\u4e00\u4e2a\u5b50\u5e8f\u5217\u53d6\u6700\u540e\u4e00\u4e2a\u5143\u7d20":106,"\u6211\u4eec\u6700\u7ec8\u7684\u52a8\u6001\u5e93\u4e2d\u4e0d\u5d4c\u5165python\u6216\u8005\u5176\u4ed6\u4efb\u4f55\u8bed\u8a00\u7684\u89e3\u91ca\u5668":68,"\u6211\u4eec\u6709\u4e00\u4e2a\u5e8f\u5217\u4f5c\u4e3a\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684\u72b6\u6001":109,"\u6211\u4eec\u7684":110,"\u6211\u4eec\u7684\u6807\u51c6\u5f00\u53d1\u6d41\u7a0b\u662f\u628a\u8fd9\u4e9b\u5de5\u5177\u90fd\u88c5\u8fdb\u4e00\u4e2adocker":111,"\u6211\u4eec\u770b\u4e00\u4e0b\u5355\u5c42rnn\u7684\u914d\u7f6e":106,"\u6211\u4eec\u770b\u4e00\u4e0b\u8bed\u4e49\u76f8\u540c\u7684\u53cc\u5c42rnn\u7684\u7f51\u7edc\u914d\u7f6e":106,"\u6211\u4eec\u771f\u8bda\u5730\u611f\u8c22\u60a8\u7684\u8d21\u732e":111,"\u6211\u4eec\u79f0\u4e4b\u4e3a\u4e00\u4e2a0\u5c42\u7684\u5e8f\u5217":105,"\u6211\u4eec\u8ba1\u5212\u5c06":64,"\u6211\u4eec\u8ba1\u5212\u5c06\u82f1\u7279\u5c14\u6df1\u5ea6\u795e\u7ecf\u7f51\u7edc\u6570\u5b66\u5e93":65,"\u6211\u4eec\u8bbe\u8ba1\u8bf4\u660e\u4e86\u540d\u4e3afilemanager\u7cfb\u7edf":51,"\u6211\u4eec\u8c03\u7528\u4e86eigenvector\u7684flatten\u63a5\u53e3":114,"\u6211\u4eec\u8fd8\u53ef\u4ee5\u767b\u5f55\u5230\u5bbf\u4e3b\u673a\u4e0a\u67e5\u770b\u8bad\u7ec3\u7ed3\u679c":128,"\u6211\u4eec\u8fd8\u5c06\u7f16\u7801\u5411\u91cf\u6295\u5c04\u5230":109,"\u6211\u4eec\u9009\u53d6\u5355\u53cc\u5c42\u5e8f\u5217\u914d\u7f6e\u4e2d\u7684\u4e0d\u540c\u90e8\u5206":106,"\u6211\u4eec\u9009\u62e9":37,"\u6211\u4eec\u901a\u5e38\u501f\u52a9":113,"\u6211\u4eec\u901a\u5e38\u5c06\u4e00\u53e5\u8bdd\u7406\u89e3\u6210\u4e00\u4e2a\u65f6\u95f4\u5e8f\u5217":106,"\u6211\u4eec\u901a\u8fc7\u4f7f\u7528\u65b0\u5f15\u5165\u7684gemm":64,"\u6211\u4eec\u901a\u8fc7\u8bfb\u53d6":129,"\u6211\u4eec\u90fd\u63d0\u4f9bpython\u7684\u8f6c\u6362\u5e93":37,"\u6211\u4eec\u9700\u8981":110,"\u6211\u4eec\u9700\u8981\u5148\u628a\u8f93\u5165tensor\u548c\u8f93\u51fatensor\u8f6c\u6362\u4e3aeigen\u652f\u6301\u7684\u683c\u5f0f":114,"\u6211\u4eec\u9700\u8981\u5236\u4f5c\u4e00\u4e2a\u5305\u542b\u8bad\u7ec3\u6570\u636e\u7684paddlepaddle\u955c\u50cf":128,"\u6211\u4eec\u9700\u8981\u5728\u96c6\u7fa4\u7684\u6240\u6709\u8282\u70b9\u4e0a\u5b89\u88c5":125,"\u6211\u4eec\u9700\u8981\u7b49\u5f0f\u5de6\u8fb9\u7684eigentensor\u8c03\u7528device\u63a5\u53e3":114,"\u6211\u4eec\u9700\u8981\u8ba1\u7b97":112,"\u6211\u4eec\u9996\u5148\u9700\u8981\u6839\u636e\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u6765\u521b\u5efa\u6240\u9700\u8981\u4f18\u5316\u7684paramet":103,"\u6211\u5220\u9664\u4e86":111,"\u6211\u53ef\u4ee5\u7528":110,"\u6211\u53ef\u4ee5\u9009\u62e9\u4e0d\u7528docker\u5417":110,"\u6216":[2,119,123,139],"\u6216\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u6216\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217\u7ecf\u8fc7\u8fd0\u7b97\u53d8\u6210\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"\u6216\u4e00\u4e2a\u5411\u91cf":108,"\u6216\u5355\u5c42\u5e8f\u5217\u7ecf\u8fc7\u8fd0\u7b97\u53d8\u6210\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"\u6216\u662f\u5728\u81ea\u7136\u8bed\u8a00\u5904\u7406\u4efb\u52a1\u4e2d\u8868\u793a\u8bcd\u8bed\u5728\u5b57\u5178\u4e2d\u7684\u5e8f\u53f7":123,"\u6216\u6700\u5927\u503c":105,"\u6216\u6d4b\u8bd5\u6587\u4ef6\u5217\u8868":1,"\u6216\u7b2c\u4e00\u4e2a":105,"\u6216\u7b2c\u4e00\u4e2a\u5143\u7d20":105,"\u6216\u7f16\u5199\u7a0b\u5e8f\u65f6":125,"\u6216\u8005":[65,68,69,96,105,106,110,111,113,118,119,123],"\u6216\u8005\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":108,"\u6216\u8005\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":[105,108],"\u6216\u8005\u4ece\u5de5\u5177\u7684\u754c\u9762\u91cc\u8fd0\u884c\u60a8\u7684\u5e94\u7528":119,"\u6216\u8005\u5236\u4f5c\u548c\u5206\u4eab\u5e26\u6709\u4ee3\u7801":100,"\u6216\u8005\u53cd\u5411\u5730\u4ece":109,"\u6216\u8005\u53ef\u88abdns\u89e3\u6790\u7684\u4e3b\u673a\u540d":125,"\u6216\u8005\u5728cpu\u6a21\u5f0f\u4e0b\u4f7f\u75284\u4e2a\u7ebf\u7a0b":134,"\u6216\u8005\u5c06\u8fd9\u53f0\u8282\u70b9\u8fc1\u79fb\u5230\u53e6\u4e00\u4e2a\u8282\u70b9\u5e76\u542f\u52a8\u5373\u53ef\u6062\u590d\u8bad\u7ec3\u4efb\u52a1":36,"\u6216\u8005\u5df2\u7ecf\u5728\u96c6\u7fa4\u63d0\u4ea4\u73af\u5883\u4e2d\u81ea\u52a8\u8bbe\u7f6e":133,"\u6216\u8005\u5f15\u8d77\u884c\u65f6\u9519\u8bef":123,"\u6216\u8005\u6570\u636e\u5e93\u8fde\u63a5\u8def\u5f84\u7b49":1,"\u6216\u8005\u6570\u7ec4\u7684\u6570\u7ec4\u8fd9\u4e2a\u6982\u5ff5":106,"\u6216\u8005\u662f\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":105,"\u6216\u8005\u662f\u51fd\u6570\u8c03\u7528\u7684\u9891\u7387\u548c\u8017\u65f6\u7b49":119,"\u6216\u8005\u66f4\u65e9":98,"\u6216\u8005\u6bcf\u4e00\u4e2a\u7cfb\u5217\u91cc\u7684\u7279\u5f81\u6570\u636e":106,"\u6216\u8005\u7528tuple\u8868\u793a\u7684\u591a\u4e2a\u503c":37,"\u6216\u8005\u7531\u5b83\u4eec\u7ec4\u6210\u7684list":37,"\u6216\u8005\u76f4\u63a5\u6254\u6389\u975e\u5e38\u957f\u7684\u5e8f\u5217":96,"\u6216\u8005\u76f8\u5bf9\u4e8e\u6784\u5efa\u76ee\u5f55\u7684\u76f8\u5bf9\u8def\u5f84":[138,140],"\u6216\u8005\u8f93\u5165\u6570\u636e\u5c3a\u5ea6\u8fc7\u5927":96,"\u6216\u8005\u8fd0\u884c":93,"\u6216\u8005\u91c7\u7528\u5e76\u884c\u8ba1\u7b97\u6765\u52a0\u901f\u67d0\u4e9b\u5c42\u7684\u66f4\u65b0":136,"\u6216\u8005\u9700\u8981\u66f4\u9ad8\u7684\u6548\u7387":1,"\u6216\u8bbe\u7f6e\u4e3anone":1,"\u6216activ":65,"\u6216gpu":134,"\u622a\u65ad\u5bf9\u8c61\u4e0d\u540c":96,"\u623f":106,"\u623f\u95f4":106,"\u6240\u4ee5":[2,65,85,96,100,118],"\u6240\u4ee5\u4e00\u4e2a\u7248\u672c\u53f7\u7684wheel\u5305\u53d1\u5e03\u4e4b\u540e":85,"\u6240\u4ee5\u4e00\u822c\u9700\u8981\u5bf9\u8bad\u7ec3\u7528\u7684\u6a21\u578b\u914d\u7f6e\u6587\u4ef6\u7a0d\u4f5c\u76f8\u5e94\u4fee\u6539\u624d\u80fd\u5728\u9884\u6d4b\u65f6\u4f7f\u7528":4,"\u6240\u4ee5\u4e0d\u5b58\u5728\u8fd9\u4e2a\u95ee\u9898":65,"\u6240\u4ee5\u4e0d\u80fd\u91c7\u7528\u7b2c\u4e00\u79cd\u65b9\u5f0f\u5728\u8fd9\u51e0\u4e2alayer\u91cc\u8bbe\u7f6e":97,"\u6240\u4ee5\u505a\u6cd5\u53ef\u4ee5\u6709\u4e24\u79cd":96,"\u6240\u4ee5\u53ef\u4ee5\u7b80\u5316\u5bf9\u73af\u5883\u7684\u8981\u6c42":128,"\u6240\u4ee5\u5728":65,"\u6240\u4ee5\u5728\u5199\u5165\u5feb\u7167\u7684\u8fc7\u7a0b\u4e2d":36,"\u6240\u4ee5\u5916\u5c42\u8f93\u51fa\u7684\u5e8f\u5217\u5f62\u72b6":106,"\u6240\u4ee5\u5bf9":106,"\u6240\u4ee5\u5f00\u53d1\u8005\u9700\u8981\u6839\u636e\u81ea\u5df1\u8bad\u7ec3\u4efb\u52a1\u7684\u5b9e\u9645\u573a\u666f\u5b8c\u6210\u8bad\u7ec3\u6570\u636e\u7684\u5206\u5272\u548c":125,"\u6240\u4ee5\u6027\u80fd\u4e5f\u5c31\u9010\u6b65\u53d8\u6210\u4e86\u6df1\u5ea6\u5b66\u4e60\u9886\u57df\u6700\u91cd\u8981\u7684\u6307\u6807":119,"\u6240\u4ee5\u6211\u4eec\u53ef\u4ee5\u5728\u8fd9\u4e2a\u57fa\u7840\u4e0a":129,"\u6240\u4ee5\u6211\u4eec\u5b9a\u4e49\u4e86\u4e00\u4e2a":65,"\u6240\u4ee5\u6211\u4eec\u786e\u4fdd\u53d1\u5e03\u7684\u4e8c\u8fdb\u5236\u5305\u53ef\u4ee5\u652f\u6301\u4e3b\u6d41\u7684linux\u64cd\u4f5c\u7cfb\u7edf":102,"\u6240\u4ee5\u6211\u4eec\u9700\u8981\u5c06\u8f93\u5165\u6570\u636e\u6807\u8bb0\u6210":106,"\u6240\u4ee5\u6211\u4eec\u9ed8\u8ba4\u4f7f\u7528cento":102,"\u6240\u4ee5\u63a8\u8350\u4f7f\u7528\u663e\u5f0f\u6307\u5b9a\u7684\u65b9\u5f0f\u6765\u8bbe\u7f6einput_typ":2,"\u6240\u4ee5\u6574\u4f53\u4e0a":65,"\u6240\u4ee5\u6dfb\u52a0\u4e86\u5bf9\u5e94\u7684":65,"\u6240\u4ee5\u7528\u6237\u9700\u8981\u9996\u5148\u5728":51,"\u6240\u4ee5\u76f8\u6bd4\u4e8erecurr":97,"\u6240\u4ee5\u8f93\u51fa\u7684value\u5305\u542b\u4e24\u4e2a\u5411\u91cf":4,"\u6240\u4ee5\u8fd9\u4e00\u6b65\u662f\u5fc5\u8981\u7684":112,"\u6240\u4ee5\u9700\u8981\u5f15\u5165\u4e00\u4e2a\u8f6c\u6362\u65b9\u6cd5":65,"\u6240\u4f7f\u7528":139,"\u6240\u4f9d\u8d56\u7684\u7b2c\u4e09\u65b9\u5e93\u540c\u65f6\u4e5f\u88ab\u5b89\u88c5\u5230":138,"\u6240\u5bf9\u5e94\u7684\u8bcd\u8868index\u6570\u7ec4":106,"\u6240\u6709\u4e0e\u7c7b\u578b\u76f8\u5173\u7684\u51fd\u6570":69,"\u6240\u6709\u4ee3\u7801\u5fc5\u987b\u5177\u6709\u5355\u5143\u6d4b\u8bd5":111,"\u6240\u6709\u53c2\u6570\u7f6e\u4e3a\u96f6":134,"\u6240\u6709\u547d\u4ee4\u884c\u9009\u9879\u53ef\u4ee5\u8bbe\u7f6e\u4e3a":126,"\u6240\u6709\u5916\u90e8\u7684\u8f6c\u6362\u5de5\u4f5c\u90fd\u4f1a\u5728reset\u7cfb\u5217\u51fd\u6570\u4e2d\u90fd\u51c6\u5907\u597d":65,"\u6240\u6709\u6587\u4ef6\u5217\u8868":2,"\u6240\u6709\u67b6\u6784":138,"\u6240\u6709\u7684":[64,111,112],"\u6240\u6709\u7684\u5355\u6d4b\u90fd\u4f1a\u88ab\u6267\u884c\u4e00\u6b21":112,"\u6240\u6709\u7684\u63a5\u53e3\u5747\u4e3ac\u63a5\u53e3":69,"\u6240\u6709\u7684\u64cd\u4f5c\u90fd\u662f\u9488\u5bf9\u6bcf\u4e00\u4e2a\u65f6\u95f4\u6b65\u6765\u8fdb\u884c\u7684":106,"\u6240\u6709\u7684python\u5c01\u88c5\u90fd\u4f7f\u7528":112,"\u6240\u6709\u7684python\u5c01\u88c5\u90fd\u5728":112,"\u6240\u6709\u76f8\u5173\u7684":64,"\u6240\u6709\u7c7b\u578b\u540d\u4e3a":69,"\u6240\u6709\u7f51\u7edc\u5c42\u7684\u68af\u5ea6\u68c0\u67e5\u5355\u6d4b\u90fd\u4f4d\u4e8e":112,"\u6240\u6709\u8f93\u5165\u5e8f\u5217\u5e94\u8be5\u6709\u76f8\u540c\u7684\u957f\u5ea6":109,"\u6240\u6709mkl":65,"\u6240\u8c13\u65f6\u95f4\u6b65\u4fe1\u606f":2,"\u6240\u9700\u652f\u6301\u7684\u6700\u4f4eandroid":138,"\u6240\u9700\u7684\u5f00\u53d1\u5de5\u5177\u548c\u7b2c\u4e09\u65b9\u5e93\u53ef\u4ee5\u53c2\u8003":140,"\u624b\u5199\u591a\u8bed\u8a00\u7ed1\u5b9a":68,"\u624b\u5199\u6570\u5b57\u8bc6\u522b":124,"\u624b\u5199\u6570\u5b57\u8bc6\u522b\u4efb\u52a1\u5b9a\u4e49\u4e86\u4e00\u4e2a\u542b\u6709":124,"\u624b\u52a8\u4e0b\u8f7d\u4e14\u89e3\u538b\u7f29":93,"\u624b\u52a8\u4e0b\u8f7d\u5e76\u5b89\u88c5":93,"\u624d\u4f1a\u91ca\u653e\u8be5\u6bb5\u5185\u5b58":2,"\u624d\u4f1astop":2,"\u624d\u53ef\u4ee5\u5b89\u88c5":102,"\u624d\u80fd\u4fdd\u8bc1\u548c\u5355\u5c42\u5e8f\u5217\u7684\u914d\u7f6e\u4e2d":106,"\u624d\u80fd\u53d1\u6325\u5176\u5168\u90e8\u80fd\u529b":119,"\u624d\u80fd\u66f4\u597d\u7684\u53d1\u6325mkl":65,"\u6253\u5f00":119,"\u6253\u5f00\u6587\u672c\u6587\u4ef6":2,"\u6253\u5f00\u6d4f\u89c8\u5668\u8bbf\u95ee\u5bf9\u5e94\u76ee\u5f55\u4e0b\u7684index":115,"\u6253\u5f00\u8fd9\u4e2a\u7f16\u8bd1\u9009\u9879":69,"\u6267\u884c":[85,104,121,126],"\u6267\u884c\u4e0a\u8ff0":138,"\u6267\u884c\u4e0a\u8ff0\u4ee3\u7801\u751f\u6210makefile\u6587\u4ef6\u540e":121,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4":99,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4\u4ee5\u542f\u52a83\u4e2a\u8282\u70b9\u7684openmpi\u96c6\u7fa4\u548c\u4e00\u4e2a":130,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4\u5373\u53ef\u5728\u5f53\u524d\u673a\u5668\u4e0a\u5b89\u88c5paddlepaddle\u7684\u8fd0\u884c\u65f6\u73af\u5883":102,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4\u53ef\u4ee5\u67e5\u770b\u5df2\u7ecf\u5b89\u88c5\u7684\u7248\u672c":125,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4\u5b8c\u6210\u5feb\u901f\u5b89\u88c5":104,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4\u6765\u8fd0\u884c\u5355\u5143\u6d4b\u8bd5":113,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4\u7f16\u8bd1cpu":99,"\u6267\u884c\u4e0b\u9762\u7684\u547d\u4ee4\u83b7\u53d6\u6700\u65b0\u7684paddlepaddl":100,"\u6267\u884c\u4ee5\u4e0b\u547d\u4ee4":[138,139,140],"\u6267\u884c\u4ee5\u4e0b\u547d\u4ee4\u542f\u52a8\u4f7f\u7528python\u7f16\u5199\u7684trainer\u7a0b\u5e8f":125,"\u6267\u884c\u4ee5\u4e0b\u64cd\u4f5c":109,"\u6267\u884c\u4ee5\u4e0b\u7684\u547d\u4ee4\u542f\u52a8\u4e00\u4e2a\u53c2\u6570\u670d\u52a1\u5668\u5e76\u7b49\u5f85\u548c\u8ba1\u7b97\u8282\u70b9\u7684\u6570\u636e\u4ea4\u4e92":125,"\u6267\u884c\u5b8c\u5b89\u88c5\u547d\u4ee4\u540e":[138,139,140],"\u6267\u884c\u60a8\u7684\u4ee3\u7801":119,"\u627e\u5230":[99,109,125],"\u627e\u5230\u6700\u65e9\u62a5\u9519\u7684\u5730\u65b9":94,"\u627e\u5230\u8fd0\u884c\u6162\u7684\u539f\u56e0":119,"\u627e\u5230\u8fd0\u884c\u6162\u7684\u90e8\u5206":119,"\u628a":[37,112],"\u628a\u4e4b\u524d\u793a\u4f8b\u4e2d\u8f6c\u6362\u5b8c\u6bd5\u7684random":37,"\u628a\u4efb\u610f\u7ef4\u5ea6\u7684tensor\u8f6c\u4e3a\u4e86\u4e00\u7ef4\u7684eigenvector":114,"\u628a\u5de5\u5177\u548c\u914d\u7f6e\u90fd\u5b89\u88c5\u5728\u4e00\u4e2a":110,"\u628a\u8bad\u7ec3\u6570\u636e\u76f4\u63a5\u653e\u5728":128,"\u628a\u8fd9\u4e9b\u5de5\u5177\u5b89\u88c5\u5230\u672c\u673a":110,"\u6295\u5c04\u53cd\u5411rnn\u7684\u7b2c\u4e00\u4e2a\u5b9e\u4f8b\u5230":109,"\u6295\u5c04\u7f16\u7801\u5411\u91cf\u5230":109,"\u62c6\u6210\u4ee5\u4e0a\u4e24\u4e2a\u9759\u6001\u94fe\u63a5\u5e93":121,"\u62c6\u89e3":108,"\u62c6\u89e3\u6210\u7684\u6bcf\u4e00\u53e5\u8bdd\u518d\u901a\u8fc7\u4e00\u4e2alstm\u7f51\u7edc":106,"\u62f7\u8d1d\u5fc5\u8981\u7684\u6587\u4ef6\u5230head\u8282\u70b9":130,"\u62f7\u8d1d\u8bad\u7ec3\u6570\u636e\u5230\u5404\u81ea\u7684\u8282\u70b9":130,"\u62f7\u8d1d\u8bad\u7ec3\u6587\u4ef6\u5230\u5bb9\u5668\u5185":129,"\u62f7\u8d1d\u8bad\u7ec3\u7a0b\u5e8f\u548c\u5b57\u5178\u6587\u4ef6\u5230\u6bcf\u53f0mpi\u8282\u70b9":130,"\u62fc\u63a5":96,"\u6302\u8f7d\u5230\u5bb9\u5668\u5185\u90e8\u7684":100,"\u6302\u8f7d\u6216\u4e0b\u8f7d\u7684\u8bad\u7ec3\u6570\u636e\u5206\u7247":125,"\u6307\u53d1\u73b0\u6027\u80fd\u74f6\u9888":118,"\u6307\u5411\u4e00\u4e2alayer":108,"\u6307\u5b9a":[96,97,108,109],"\u6307\u5b9a\u4e00\u53f0\u673a\u5668\u4e0a\u4f7f\u7528\u7684\u7ebf\u7a0b\u6570":134,"\u6307\u5b9a\u4e3a":123,"\u6307\u5b9a\u4f7f\u75282":96,"\u6307\u5b9a\u524d\u5411\u7f51\u7edc\u6700\u7ec8\u7684\u8f93\u51fa\u76ee\u6807\u53d8\u91cf":113,"\u6307\u5b9a\u52a0\u8f7d\u7684\u65b9\u5f0f":134,"\u6307\u5b9a\u5728\u751f\u6210\u6027\u80fd\u5206\u6790\u6587\u4ef6\u4e4b\u540e":118,"\u6307\u5b9a\u5bf9\u8f93\u5165\u53d8\u91cf":113,"\u6307\u5b9a\u5c06\u5f53\u524d\u8def\u5f84":100,"\u6307\u5b9a\u6267\u884c\u5176\u4e2d\u4e00\u4e2a\u5355\u5143\u6d4b\u8bd5":99,"\u6307\u5b9a\u68c0\u6d4b\u68af\u5ea6\u65f6\u80fd\u5bb9\u5fcd\u7684\u6700\u5927\u9519\u8bef\u503c":113,"\u6307\u5b9a\u7684\u5185\u5bb9\u5b58\u50a8\u5e93\u8fd0\u884c\u547d\u4ee4":115,"\u6307\u5b9a\u7684\u8f93\u5165\u4e0d\u4f1a\u88ab":108,"\u6307\u5b9a\u8981\u8f93\u51fa\u7684\u5b57\u6bb5\u8fdb\u884c\u8f93\u51fa":96,"\u6307\u5b9a\u9700\u8981\u4f7f\u7528\u7684\u5bb9\u5668":100,"\u6307\u5b9acudnn\u7684\u6700\u5927\u5de5\u4f5c\u7a7a\u95f4\u5bb9\u9650":134,"\u6307\u5bf9\u4e8e\u4e00\u4e2a\u65f6\u95f4\u5e8f\u5217\u8f93\u5165\u6570\u636e":106,"\u6307\u5f00\u542fhttp\u670d\u52a1":118,"\u6307\u6d88\u9664\u74f6\u9888":118,"\u6307\u6df1\u5ea6\u5b66\u4e60\u8bad\u7ec3\u4e4b\u540e\u5f97\u5230\u7684\u6240\u6709\u53c2\u6570":36,"\u6307\u793a\u4f7f\u7528\u54ea\u4e2agpu\u6838":134,"\u6307\u793a\u5728\u7b80\u5355\u7684recurrentlayer\u5c42\u7684\u8ba1\u7b97\u4e2d\u662f\u5426\u4f7f\u7528\u6279\u5904\u7406\u65b9\u6cd5":134,"\u6307\u793a\u5f53\u6307\u5b9a\u8f6e\u7684\u6d4b\u8bd5\u6a21\u578b\u4e0d\u5b58\u5728\u65f6":134,"\u6307\u793a\u662f\u5426\u4f7f\u7528\u591a\u7ebf\u7a0b\u6765\u8ba1\u7b97\u4e00\u4e2a\u795e\u7ecf\u7f51\u7edc":134,"\u6307\u793a\u662f\u5426\u5f00\u542f\u53c2\u6570\u670d\u52a1\u5668":134,"\u6307\u793a\u662f\u5426\u663e\u793a\u53c2\u6570\u670d\u52a1\u5668\u4e0a\u7684\u7a00\u758f\u53c2\u6570\u5206\u5e03\u7684\u65e5\u5fd7\u7ec6\u8282":134,"\u6307\u793a\u662f\u5426\u68c0\u67e5\u6240\u6709\u53c2\u6570\u670d\u52a1\u5668\u4e0a\u7684\u7a00\u758f\u53c2\u6570\u7684\u5206\u5e03\u662f\u5747\u5300\u7684":134,"\u6309\u542f\u53d1\u5f0f\u635f\u5931\u7684\u5927\u5c0f\u9012\u589e\u6392\u5e8f":134,"\u6309\u7167\u4e0b\u9762\u6b65\u9aa4\u5373\u53ef":129,"\u6309\u7167\u5176\u5185\u5bb9\u521b\u5efa\u4e00\u4e2a\u540d\u4e3a":110,"\u6309\u7167\u5177\u4f53\u5b9e\u73b0\u65b9\u5f0f\u53ef\u4ee5\u5f52\u7eb3\u4e3a2\u7c7b":97,"\u6309\u7167\u57fa\u672c\u6570\u636e\u7c7b\u578b\u5728paddlepaddle\u5185\u90e8\u7684\u5b9a\u4e49\u548c\u5b9e\u73b0":123,"\u6309\u94ae":[85,111],"\u633a":106,"\u633a\u597d":106,"\u635f\u5931\u51fd\u6570\u5c42":124,"\u6362":106,"\u6392\u6210\u4e00\u5217\u7684\u591a\u4e2a\u5143\u7d20":105,"\u63a5\u4e0a\u4e00\u4e2a\u5168\u8fde\u63a5\u5c42":103,"\u63a5\u4e0a\u5e73\u65b9\u8bef\u5dee\u5c42":103,"\u63a5\u4e0b\u6765":113,"\u63a5\u4e0b\u6765\u53ef\u4ee5\u8003\u8651\u4e0b\u65f6\u95f4\u7ebf\u7684\u5206\u6790":119,"\u63a5\u4e0b\u6765\u5c31\u53ef\u4ee5\u4f7f\u7528":119,"\u63a5\u4e0b\u6765\u6211\u4eec\u521b\u5efa\u4e00\u4e2a\u539f\u59cb":111,"\u63a5\u4e0b\u6765\u6211\u4eec\u53d6\u6d88\u5bf9":111,"\u63a5\u4e0b\u6765\u7b49\u5f85":111,"\u63a5\u53d7\u4e00\u4e2a\u8f93\u5165\u53c2\u6570":113,"\u63a5\u53e3":[68,69,113,114,124],"\u63a5\u53e3\u4f1a\u88ab\u8c03\u7528":114,"\u63a5\u53e3\u5b8c\u6210\u795e\u7ecf\u7f51\u7edc\u7684\u524d\u5411\u8ba1\u7b97":124,"\u63a5\u53e3\u5bf9\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u548c\u8bad\u7ec3\u597d\u7684\u53c2\u6570\u8fdb\u884c\u5e8f\u5217\u5316":124,"\u63a5\u53e3\u5c42\u505a\u8fc7\u591a\u5c01\u88c5":69,"\u63a5\u53e3\u662f":37,"\u63a5\u53e3\u6700\u7ec8\u4f1a\u8c03\u7528\u5bf9\u5e94":114,"\u63a5\u53e3\u6709\u4e00\u4e2a":96,"\u63a5\u53e3\u7684":96,"\u63a5\u53e3\u8bf4\u660e\u8bf7\u67e5\u770b":123,"\u63a5\u6536\u5904\u7406pfsclient\u7aef\u7684\u6587\u4ef6\u7ba1\u7406\u8bf7\u6c42":51,"\u63a5\u7740\u7f16\u8bd1\u5373\u53ef":93,"\u63a7\u5236":134,"\u63a7\u5236\u662f\u5426\u4f7f\u7528mkl":65,"\u63a7\u5236\u662f\u5426\u4f7f\u7528mklml\u5e93":65,"\u63a7\u5236\u7528\u6237\u6743\u9650":37,"\u63a8\u5bfc\u8be5\u5c42\u524d\u5411\u548c\u540e\u5411\u4f20\u9012\u7684\u65b9\u7a0b":112,"\u63a8\u8350":106,"\u63a8\u8350\u4f7f\u7528":2,"\u63a8\u8350\u4f7f\u7528\u6b64\u65b9\u5f0f":121,"\u63a8\u8350\u4f7f\u7528centos\u7684devtools2":99,"\u63a8\u8350\u6e05\u7406\u6574\u4e2a\u7f16\u8bd1\u76ee\u5f55":99,"\u63a8\u8350\u76f4\u63a5\u5b58\u653e\u5230\u8bad\u7ec3\u76ee\u5f55":1,"\u63a8\u8350\u8bbe\u7f6e\u4e3a":121,"\u63a8\u8350\u914d\u7f6e\u4e3a":121,"\u63a8\u8350\u914d\u7f6e\u9009\u9879":121,"\u63a8\u9001\u5230\u8fdc\u7a0b\u4ed3\u5e93":111,"\u63cf\u8ff0\u7684\u9ed8\u8ba4\u5165\u53e3\u7a0b\u5e8f":110,"\u63cf\u8ff0\u8be5op\u7684\u8f93\u5165":113,"\u63cf\u8ff0\u95ee\u9898":111,"\u63d0\u4ea4\u65b9\u5f0f\u53c2\u89c1":115,"\u63d0\u4ea4pull":111,"\u63d0\u4f9b":126,"\u63d0\u4f9b\u4e03\u5c42\u534f\u8bae\u7684\u53cd\u5411\u4ee3\u7406":51,"\u63d0\u4f9b\u4e86\u4e00\u4e2a\u542f\u52a8\u811a\u672c":129,"\u63d0\u4f9b\u4e86\u547d\u4ee4\u6837\u4f8b\u6765\u8fd0\u884c":126,"\u63d0\u4f9b\u4e86\u65b9\u4fbf\u7684\u548c":118,"\u63d0\u4f9b\u4e86\u81ea\u52a8\u5316\u811a\u672c\u6765\u542f\u52a8\u4e0d\u540c\u8282\u70b9\u4e2d\u7684\u6240\u6709":126,"\u63d0\u4f9b\u51e0\u4e4e\u6240\u6709\u8bad\u7ec3\u7684\u5185\u90e8\u8f93\u51fa\u65e5\u5fd7":126,"\u63d0\u4f9b\u5e38\u7528\u7684\u547d\u4ee4\u884c\u7ba1\u7406\u547d\u4ee4\u7ba1\u7406\u6587\u4ef6\u548c\u76ee\u5f55":51,"\u63d0\u4f9b\u6269\u5c55\u7684\u957f\u5ea6\u4fe1\u606f":105,"\u63d0\u4f9b\u7528\u6237\u7ba1\u7406\u6587\u4ef6\u7684\u547d\u4ee4":51,"\u63d0\u4f9b\u7ed9paddle\u4f5c\u4e3a\u8bad\u7ec3\u6570\u636e":37,"\u63d0\u4f9b\u8bad\u7ec3\u8fc7\u7a0b\u7684":126,"\u63d0\u793a":93,"\u641c\u7d22\u4ee3\u7801\u5e93":115,"\u642d\u5efa\u795e\u7ecf\u7f51\u7edc\u5c31\u50cf\u4f7f\u7528\u79ef\u6728\u642d\u5efa\u5b9d\u5854\u4e00\u6837":103,"\u64cd\u4f5c":106,"\u64cd\u4f5c\u7cfb\u7edf":[102,110],"\u652f\u6301\u4e24\u79cd\u5e8f\u5217\u7c7b\u578b":123,"\u652f\u6301\u4ea4\u53c9\u7f16\u8bd1":140,"\u652f\u6301\u53cc\u5c42\u5e8f\u5217\u4f5c\u4e3a\u8f93\u5165\u7684layer":[107,108],"\u652f\u6301\u5927\u6587\u4ef6\u7684\u65ad\u70b9\u4e0a\u4f20":51,"\u652f\u6301\u5927\u89c4\u6a21\u96c6\u7fa4\u751f\u4ea7\u73af\u5883\u7684\u5b8c\u6574\u96c6\u7fa4\u65b9\u6848":125,"\u652f\u6301\u7684\u6700\u5c0f\u7684android":138,"\u652f\u6301\u7684\u6700\u5c0fandroid":138,"\u652f\u6301\u7ef4\u6570\u53ef\u53d8\u7684\u6570\u636e\u8f93\u5165":97,"\u652f\u6301\u7f16\u8bd1\u5668":138,"\u6539\u53d8\u7ef4\u5ea6\u987a\u5e8f":97,"\u653e\u5728\u8fd9\u4e2a\u76ee\u5f55\u91cc\u7684\u6587\u4ef6\u5176\u5b9e\u662f\u4fdd\u5b58\u5230\u4e86mfs\u4e0a":129,"\u653e\u5fc3":106,"\u6545\u800c\u662f\u4e00\u4e2a\u5355\u5c42\u65f6\u95f4\u5e8f\u5217":106,"\u6548\u679c\u5982\u4e0b":118,"\u6559\u7a0b":100,"\u6570":108,"\u6570\u5b66\u5e93":121,"\u6570\u5fc5\u987b\u4e25\u683c\u76f8\u7b49":108,"\u6570\u636e":[51,123,124],"\u6570\u636e\u4e2d0":98,"\u6570\u636e\u5206\u7247":125,"\u6570\u636e\u63d0\u4f9b\u5668":133,"\u6570\u636e\u7c7b\u578b":4,"\u6570\u636e\u7f13\u5b58\u7684\u7b56\u7565":2,"\u6570\u636e\u8bbf\u95ee":0,"\u6570\u636e\u8bfb\u53d6\u5747\u4ea4\u7531\u5176\u4ed6\u8bed\u8a00\u5b8c\u6210":68,"\u6570\u636e\u8f93\u5165":[108,123],"\u6570\u636e\u8f93\u5165\u683c\u5f0f":2,"\u6570\u636e\u957f\u5ea6\u53ca\u6821\u9a8c\u503c\u7ec4\u6210":51,"\u6570\u636e\u96c6":124,"\u6570\u636e\u96c6\u9700\u8981\u9884\u5148\u88ab\u8f6c\u6362\u6210paddlepaddle\u5206\u5e03\u5f0f\u8bad\u7ec3\u4f7f\u7528\u7684\u5b58\u50a8\u683c":37,"\u6570\u636e\u9884\u5904\u7406\u4efb\u52a1":37,"\u6570\u76ee":136,"\u6574\u4f53":106,"\u6574\u4f53\u4f7f\u7528\u6d41\u7a0b":124,"\u6574\u4f53\u6570\u636e\u548c\u539f\u59cb\u6570\u636e\u5b8c\u5168\u4e00\u6837":106,"\u6574\u4f53\u7684\u7ed3\u6784\u56fe\u5982\u4e0b":129,"\u6574\u578b\u6570\u7ec4":123,"\u6574\u6570":112,"\u6574\u6570\u6807\u7b7e":[2,103],"\u6574\u6d01":106,"\u6587\u4ef6":[68,110,111,113,123,128],"\u6587\u4ef6\u4e2d":[113,124,129],"\u6587\u4ef6\u4e2d\u6ce8\u518c\u524d\u5411":113,"\u6587\u4ef6\u4e2d\u6ce8\u518c\u8be5op\u548ckernel":113,"\u6587\u4ef6\u4e2d\u6ce8\u518ccuda":113,"\u6587\u4ef6\u4e3a":96,"\u6587\u4ef6\u4e4b\u5916":111,"\u6587\u4ef6\u4f20\u8f93\u7684\u7684\u5173\u952e\u5728\u4e8e\u9700\u8981pfsclient\u7aef\u5bf9\u6bd4source\u548cdestination\u7684\u6587\u4ef6chunks\u7684checksum\u662f\u5426\u4fdd\u6301\u4e00\u81f4":51,"\u6587\u4ef6\u5185\u5bb9\u4e3a":68,"\u6587\u4ef6\u540d":118,"\u6587\u4ef6\u540d\u4e3a\u4efb\u610f\u6587\u4ef6\u540d":125,"\u6587\u4ef6\u540d\u4e3a\u6b64uuid":36,"\u6587\u4ef6\u547d\u540d\u4ee5":113,"\u6587\u4ef6\u59390":129,"\u6587\u4ef6\u5bf9\u5e94\u7684data":37,"\u6587\u4ef6\u5de5\u5177\u662f\u4f7f\u7528docker":115,"\u6587\u4ef6\u7684\u4e0a\u4f20\u548c\u4e0b\u8f7d\u90fd\u662f\u901a\u8fc7\u5bf9chunk\u7684\u64cd\u4f5c\u6765\u5b9e\u73b0\u7684":51,"\u6587\u4ef6\u7684\u6539\u53d8":111,"\u6587\u4ef6\u7684\u8def\u5f84\u6765\u52a0\u8f7d\u9884\u6d4b\u6a21\u578b":124,"\u6587\u4ef6model":136,"\u6587\u5b57\u7684\u4ea4\u4e92\u5f0f\u6587\u6863":100,"\u6587\u672c\u4fe1\u606f\u5c31\u662f\u4e00\u4e2a\u5e8f\u5217\u6570\u636e":2,"\u6587\u6863":93,"\u6587\u68631":114,"\u6587\u68632":114,"\u6587\u6863\u8f83\u5c11":114,"\u6587\u6863\u90fd\u662f\u901a\u8fc7":115,"\u6587\u7ae0":129,"\u65b0":106,"\u65b0\u5efa\u4e00\u4e2a\u6743\u91cd":112,"\u65b0\u624b\u5165\u95e8":137,"\u65b0\u624b\u5165\u95e8\u7ae0\u8282":85,"\u65b0\u7248\u672c":65,"\u65b9\u4fbf":106,"\u65b9\u4fbf\u5feb\u901f\u5b89\u88c5":101,"\u65b9\u4fbf\u6d4b\u8bd5\u4eba\u5458\u6d4b\u8bd5paddlepaddle\u7684\u884c\u4e3a":85,"\u65b9\u4fbf\u7528\u6237\u4e0a\u4f20\u81ea\u5df1\u7684\u8bad\u7ec3\u6570\u636e\u4ee5\u8fdb\u884c\u5206\u5e03\u5f0f\u8bad\u7ec3":51,"\u65b9\u4fbf\u7528\u6237\u5728python\u7aef\u9009\u62e9\u662f\u5426\u542f\u7528\u8fd9\u4e2a\u529f\u80fd":64,"\u65b9\u4fbf\u7528\u6237\u9009\u62e9\u4f7f\u7528mkl":65,"\u65b9\u5f0f1":96,"\u65b9\u5f0f2":96,"\u65b9\u5f0f\u5c06\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u548c\u8bad\u7ec3\u597d\u7684\u53c2\u6570\u5e8f\u5217\u5316\u5230\u4e00\u4e2a\u6587\u4ef6":124,"\u65b9\u5f0f\u7c7b\u4f3c\u4e8e":65,"\u65b9\u6cd5\u4e00":136,"\u65b9\u6cd5\u4e09":136,"\u65b9\u6cd5\u4e8c":136,"\u65c1\u8fb9":106,"\u65e0":106,"\u65e0\u5ef6\u8fdf":134,"\u65e0\u6cd5\u505a\u5230\u5bf9\u4e8e\u5404\u79cd\u8bed\u8a00\u9519\u8bef\u5904\u7406\u65b9\u5f0f\u7684\u9002\u914d":68,"\u65e0\u8bba\u5728\u672c\u5730\u8fd8\u662f\u5728\u4e91\u7aef":37,"\u65e0\u8bba\u662f\u4ece":37,"\u65e0\u8bba\u662f\u5728\u672c\u5730\u6216\u662f\u4e91\u7aef\u8f6c\u6362":37,"\u65e0\u8bba\u662f\u91cd\u6784\u524d\u7684layer\u8fd8\u662f\u91cd\u6784\u540e\u7684op":65,"\u65e0\u9700\u5173\u5fc3\u548c\u5904\u7406\u5e8f\u5217\u4fe1\u606f":123,"\u65e0\u9700\u63d0\u4f9b\u975e\u96f6\u5143\u7684\u503c":123,"\u65e0\u9700\u9644\u52a0\u5e8f\u5217\u4fe1\u606f":123,"\u65e0\u9ed8\u8ba4\u503c":[138,140],"\u65e5\u5fd7\u62a5\u9519\u4e3a\u7f51\u7edc\u901a\u4fe1\u7c7b\u9519\u8bef":94,"\u65e9\u9910":106,"\u65f6":[36,64,65,96,98,105,109,112,121,123,129,134,138],"\u65f6\u4e00\u8d77\u66f4\u65b0":65,"\u65f6\u4f7f\u7528openblas\u6570\u5b66\u5e93":121,"\u65f6\u5019":106,"\u65f6\u5982\u4f55\u7ec4\u7ec7\u8f93\u5165\u6570\u636e":123,"\u65f6\u5e8f\u6a21\u578b\u662f\u6307\u6570\u636e\u7684\u67d0\u4e00\u7ef4\u5ea6\u662f\u4e00\u4e2a\u5e8f\u5217\u5f62\u5f0f":2,"\u65f6\u6709\u6548":139,"\u65f6\u88ab\u8bad\u7ec3\u7684":112,"\u65f6\u8bbe\u5907id\u53f7\u7684\u5206\u914d":136,"\u65f6\u95f4":106,"\u65f6\u95f4\u6b65\u7684\u6982\u5ff5":106,"\u65f6\u987b\u4ece\u7b2c17\u5b57\u8282\u5f00\u59cb":98,"\u6620\u5c04\u4e3a":110,"\u6620\u5c04\u5230\u4e00\u4e2a\u7ef4\u5ea6\u4e3a":112,"\u662f":[51,65,93,102,106],"\u662f\u4e00\u4e2a\u51681\u7684\u5411\u91cf":112,"\u662f\u4e00\u4e2a\u5185\u7f6e\u7684\u5b9a\u65f6\u5668\u5c01\u88c5":119,"\u662f\u4e00\u4e2a\u52a8\u6001\u7a0b\u5e8f\u5206\u6790\u7684\u672f\u8bed":119,"\u662f\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u662f\u4e00\u4e2a\u53cc\u5c42\u7684\u5e8f\u5217":105,"\u662f\u4e00\u4e2a\u591a\u8bed\u8a00\u63a5\u53e3\u7684\u4ee3\u7801\u751f\u6210\u5668":68,"\u662f\u4e00\u4e2a\u5c01\u88c5\u5bf9\u8c61":119,"\u662f\u4e00\u4e2a\u5f88\u6709\u7528\u7684\u53c2\u6570":136,"\u662f\u4e00\u4e2a\u7c7b\u578b\u7684\u6807\u5fd7":69,"\u662f\u4e00\u4e2a\u975e\u7ebf\u6027\u7684":112,"\u662f\u4e00\u4e2apython\u7684":2,"\u662f\u4e00\u4e2apython\u7684\u7b2c\u4e09\u65b9\u5e93":118,"\u662f\u4e00\u4e2aunbound":108,"\u662f\u4e00\u6761\u65f6\u95f4\u5e8f\u5217":[2,103],"\u662f\u4e00\u6b21\u9884\u6d4b\u63a5\u53d7\u7684\u6837\u672c\u6570\u76ee":123,"\u662f\u4e00\u79cd\u4efb\u610f\u590d\u6742\u7684rnn\u5355\u5143":108,"\u662f\u4e0d\u5305\u62ec\u6e90\u7801\u7684":128,"\u662f\u4e0d\u5e38\u89c1\u7684\u505a\u6cd5":68,"\u662f\u4e0d\u662f\u5f88\u7b80\u5355\u5462":2,"\u662f\u4e0d\u662f\u8981\u5bf9\u6570\u636e\u505ashuffl":2,"\u662f\u4ec0\u4e48\u4e5f\u6ca1\u5173\u7cfb":2,"\u662f\u4f7f\u5f97\u8981\u5171\u4eab\u7684\u53c2\u6570\u4f7f\u7528\u540c\u6837\u7684":98,"\u662f\u4f7f\u7528mkl\u6570\u5b66\u5e93":121,"\u662f\u504f\u5dee":109,"\u662f\u51e0\u4e4e\u4e0d\u5360\u5185\u5b58\u7684":2,"\u662f\u5404\u4e2a\u5b9e\u73b0\u4e2d\u5171\u4eab\u7684\u5934\u6587\u4ef6":69,"\u662f\u5411\u91cf":112,"\u662f\u5426\u4ec5\u7f16\u8bd1capi":99,"\u662f\u5426\u4ee5\u9006\u5e8f\u5904\u7406\u8f93\u5165\u5e8f\u5217":108,"\u662f\u5426\u4f7f\u7528":139,"\u662f\u5426\u4f7f\u7528\u53cc\u7cbe\u5ea6\u6d6e\u70b9\u6570":99,"\u662f\u5426\u4f7f\u7528\u65e7\u7684remoteparameterupdat":134,"\u662f\u5426\u4f7f\u7528\u6743\u91cd":112,"\u662f\u5426\u4f7f\u7528arm\u6a21\u5f0f":138,"\u662f\u5426\u4f7f\u7528eigen\u5e93\u8fdb\u884c\u77e9\u9635\u8ba1\u7b97":[138,139],"\u662f\u5426\u4f7f\u7528mkl\u6570\u5b66\u5e93":99,"\u662f\u5426\u4f7f\u7528neon\u6307\u4ee4":[138,140],"\u662f\u5426\u4f7f\u80fd":139,"\u662f\u5426\u5141\u8bb8\u6682\u5b58\u7565\u5fae\u591a\u4f59pool_size\u7684\u6570\u636e":2,"\u662f\u5426\u5185\u5d4cpython\u89e3\u91ca\u5668":99,"\u662f\u5426\u5219\u5171\u4eab\u540c\u4e00\u4e2a":113,"\u662f\u5426\u542f\u7528gpu\u8bad\u7ec3":125,"\u662f\u5426\u5c06\u5168\u5c40\u79cd\u5b50\u5e94\u7528\u4e8e\u672c\u5730\u7ebf\u7a0b\u7684\u968f\u673a\u6570":134,"\u662f\u5426\u5f00\u542f\u5355\u5143\u6d4b\u8bd5":99,"\u662f\u5426\u6253\u5370\u7248\u672c\u4fe1\u606f":134,"\u662f\u5426\u6253\u5f00":64,"\u662f\u5426\u652f\u6301gpu":99,"\u662f\u5426\u663e\u793a":134,"\u662f\u5426\u7a00\u758f":112,"\u662f\u5426\u7f16\u8bd1\u4e2d\u82f1\u6587\u6587\u6863":99,"\u662f\u5426\u7f16\u8bd1\u542b\u6709avx\u6307\u4ee4\u96c6\u7684paddlepaddle\u4e8c\u8fdb\u5236\u6587\u4ef6":99,"\u662f\u5426\u7f16\u8bd1\u65f6\u8fdb\u884c\u4ee3\u7801\u98ce\u683c\u68c0\u67e5":99,"\u662f\u5426\u7f16\u8bd1c":139,"\u662f\u5426\u7f16\u8bd1go\u8bed\u8a00\u7684\u53ef\u5bb9\u9519paramet":99,"\u662f\u5426\u7f16\u8bd1python\u7684swig\u63a5\u53e3":99,"\u662f\u5426\u8fd0\u884c\u65f6\u52a8\u6001\u52a0\u8f7dcuda\u52a8\u6001\u5e93":99,"\u662f\u5426\u9700\u8981\u7b49\u5f85\u8be5\u8f6e\u6a21\u578b\u53c2\u6570":134,"\u662f\u56e0\u4e3a\u8fd9\u4e2a\u6d41\u7a0b\u6bd4\u5176\u4ed6\u65b9\u6cd5\u90fd\u66f4\u7b80\u4fbf":110,"\u662f\u56e0\u4e3ac99\u652f\u6301":68,"\u662f\u5728paddlepaddle\u4e2d\u6784\u9020\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u65f6\u6700\u91cd\u8981\u7684\u6982\u5ff5":109,"\u662f\u5b58\u6709\u4e00\u7cfb\u5217\u53d8\u6362\u77e9\u9635\u7684\u6743\u91cd":112,"\u662f\u5b58\u6709\u504f\u7f6e\u5411\u91cf\u7684\u6743\u91cd":112,"\u662f\u5bf9\u7528\u6237\u6587\u4ef6\u5b58\u50a8\u7a7a\u95f4\u7684\u62bd\u8c61":51,"\u662f\u5bfb\u627e\u74f6\u9888\u7684\u5173\u952e\u6307\u6807":118,"\u662f\u5f00\u542favx\u7f16\u8bd1\u7684":100,"\u662f\u5f85\u6269\u5c55\u7684\u6570\u636e":105,"\u662f\u6211\u4eec":111,"\u662f\u6211\u4eec\u8981\u5206\u6790\u7684\u7a0b\u5e8f":118,"\u662f\u6307":69,"\u662f\u6307\u4e00\u7cfb\u5217\u7684\u7279\u5f81\u6570\u636e":106,"\u662f\u6307recurrent_group\u7684\u591a\u4e2a\u8f93\u5165\u5e8f\u5217":106,"\u662f\u6570\u636e\u8f93\u5165":109,"\u662f\u6709\u610f\u4e49\u7684":106,"\u662f\u6784\u5efa\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684\u6700\u91cd\u8981\u7684\u5de5\u5177":109,"\u662f\u6ca1\u6709\u540d\u5b57\u7684":110,"\u662f\u7528\u6237\u4f7f\u7528c":69,"\u662f\u7684":110,"\u662f\u77e9\u9635":112,"\u662f\u795e\u7ecf\u7f51\u7edc\u5b9a\u4e49\u65f6":123,"\u662f\u7f51\u7edc\u5c42\u5b9e\u4f8b\u7684\u540d\u5b57\u6807\u8bc6\u7b26":112,"\u662f\u7f51\u7edc\u5c42\u7684\u6807\u8bc6\u7b26":112,"\u662f\u7f51\u7edc\u5c42\u7684\u7c7b\u578b":112,"\u662f\u7f51\u7edc\u5c42\u8f93\u51fa\u7684\u5927\u5c0f":112,"\u662f\u8be5\u5c42\u7684\u6807\u8bc6\u7b26":112,"\u662f\u8be5\u5c42\u7684\u7c7b\u540d":112,"\u662f\u8be5\u7f51\u7edc\u5c42\u7684":112,"\u662f\u8f93\u5165":109,"\u662f\u8fd9\u4e00\u7c7b\u7684":97,"\u662f\u8fdb\u884c\u8ba1\u7b97\u7684\u57fa\u672c\u5355\u4f4d":123,"\u662f\u9700\u8981\u4e86\u89e3\u54ea\u4e9b\u6b65\u9aa4\u62d6\u6162\u4e86\u6574\u4f53":119,"\u662fc":69,"\u662fdecoder\u7684\u6570\u636e\u8f93\u5165":108,"\u662fnvidia\u6027\u80fd\u5206\u6790\u5de5\u5177":119,"\u662fpaddlepaddle\u4e2d\u5355\u5c42\u5e8f\u5217\u548c\u53cc\u5c42\u5e8f\u5217\u5b58\u50a8\u793a\u610f\u56fe":123,"\u662fpaddlepaddle\u652f\u6301\u7684\u4e00\u79cd\u4efb\u610f\u590d\u6742\u7684rnn\u5355\u5143":108,"\u662fpython\u5c01\u88c5\u7684\u7c7b\u540d":112,"\u662frnn\u72b6\u6001":109,"\u663e\u5f0f\u6307\u5b9a\u8fd4\u56de\u7684\u662f\u4e00\u4e2a28":2,"\u663e\u5f97\u76f8\u5bf9\u6765\u8bf4\u8f83\u4e3a\u8017\u65f6":64,"\u663e\u7136":118,"\u665a":106,"\u6682\u4e0d\u8003\u8651\u5728\u5185":96,"\u6682\u65e0":102,"\u6682\u65f6\u4e0d\u652f\u6301python3":102,"\u6682\u65f6\u4e0d\u8003\u8651\u591a\u4e2aparamet":36,"\u66b4\u9732\u8fd9\u4e2a\u6982\u5ff5\u5fc5\u8981\u51fd\u6570":69,"\u66f4\u522b\u63d0\u7b80\u5316\u95ee\u9898\u590d\u73b0\u5e26\u6765\u7684\u597d\u5904\u4e86":110,"\u66f4\u591a\u5173\u4e8edocker\u7684\u5b89\u88c5\u4e0e\u4f7f\u7528":93,"\u66f4\u591a\u7684\u8f6c\u6362\u65b9\u6cd5\u8bf7\u53c2\u8003eigen":114,"\u66f4\u597d\u5730\u5b8c\u6210\u4e00\u4e9b\u590d\u6742\u7684\u8bed\u8a00\u7406\u89e3\u4efb\u52a1":108,"\u66f4\u5feb":109,"\u66f4\u65b0":93,"\u66f4\u65b0\u53ef\u80fd\u5bfc\u81f4\u9700\u8981\u65b0\u7684\u5f00\u53d1\u5de5\u5177":110,"\u66f4\u65b0\u6a21\u5f0f":96,"\u66f4\u65b0\u7684\u6587\u6863\u4ee5pr\u7684\u5f62\u5f0f\u63d0\u4ea4\u5230github\u4e2d":115,"\u66f4\u65b0\u7f51\u7edc\u53c2\u6570\u65f6\u5e94\u7528":96,"\u66f4\u65b9\u4fbf\u7684\u8bbe\u7f6e\u65b9\u5f0f":98,"\u66f4\u8be6\u7ec6\u7684\u5b89\u88c5\u548c\u7f16\u8bd1\u65b9\u6cd5\u53c2\u8003":104,"\u66f4\u8fdb\u4e00\u6b65":108,"\u66f4\u9ad8":109,"\u66ff\u6211\u4eec\u5b8c\u6210\u4e86\u539f\u59cb\u8f93\u5165\u6570\u636e\u7684\u62c6\u5206":108,"\u6700":106,"\u6700\u4e3b\u8981\u7684\u5de5\u4f5c\u5c31\u662f\u89e3\u6790\u51fa":129,"\u6700\u4f73\u63a8\u8350":2,"\u6700\u540e":[2,100,111,112,125],"\u6700\u540e\u4e00\u4e2a":105,"\u6700\u540e\u4e00\u5c42cost\u4e2d\u8bb0\u5f55\u4e86\u795e\u7ecf\u7f51\u7edc\u7684\u6240\u6709\u62d3\u6251\u7ed3\u6784":103,"\u6700\u540e\u518d\u8c03\u7528mutabl":114,"\u6700\u540e\u5220\u9664":85,"\u6700\u540e\u6211\u4eec\u4f7f\u7528\u94fe\u5f0f\u6cd5\u5219\u8ba1\u7b97":112,"\u6700\u540e\u8ba1\u7b97softmax":97,"\u6700\u5c0f\u7684ios\u90e8\u7f72\u7248\u672c":139,"\u6700\u5c11\u663e\u793a\u591a\u5c11\u4e2a\u8282\u70b9":134,"\u6700\u5e38\u89c1\u7684\u9519\u8bef\u5904\u7406\u65b9\u5f0f\u662fexcept":68,"\u6700\u65b0\u7684\u4ee3\u7801":111,"\u6700\u65b0\u7684paddlepaddl":[93,100],"\u6700\u7ec8":112,"\u6700\u7ec8\u5b9e\u73b0\u4e00\u4e2a\u5c42\u6b21\u5316\u7684\u590d\u6742rnn":108,"\u6700\u7ec8\u6211\u4eec\u53ef\u4ee5\u8c03\u7528trainer\u7684train\u65b9\u6cd5\u542f\u52a8\u8bad\u7ec3":103,"\u6700\u7ec8\u7684\u8f93\u51fa\u7ed3\u679c":108,"\u6708\u6e56":106,"\u6709":106,"\u6709\u4e00\u4e9b\u5fc5\u987b\u914d\u7f6e\u7684\u53c2\u6570":[138,139,140],"\u6709\u4e24\u79cd\u65b9\u6cd5":99,"\u6709\u4e9b\u5c42\u53ef\u80fd\u9700\u8981\u9ad8\u7cbe\u5ea6\u6765\u4fdd\u8bc1\u68af\u5ea6\u68c0\u67e5\u5355\u6d4b\u6b63\u786e\u6267\u884c":112,"\u6709\u4e9b\u5c42\u6216\u8005\u6fc0\u6d3b\u9700\u8981\u505a\u5f52\u4e00\u5316\u4ee5\u4fdd\u8bc1\u5b83\u4eec\u7684\u8f93\u51fa\u7684\u548c\u662f\u4e00\u4e2a\u5e38\u6570":112,"\u6709\u4e9b\u7279\u5f81\u7684\u53d6\u503c\u8fbe\u5230\u6570\u767e\u4e07":96,"\u6709\u4eba\u7528\u865a\u62df\u673a\u6765\u7c7b\u6bd4":110,"\u6709\u4ee5\u4e0b\u5efa\u8bae":[138,139],"\u6709\u5173":106,"\u6709\u5173\u53c2\u6570\u914d\u7f6e\u7684\u8be6\u7ec6\u8bf4\u660e\u89c1":138,"\u6709\u5173\u7ebf\u6027\u56de\u5f52\u7684\u5b9e\u9645\u5e94\u7528":103,"\u6709\u52a9\u4e8e\u8bca\u65ad\u5206\u5e03\u5f0f\u9519\u8bef":126,"\u6709\u591a\u96be":110,"\u6709\u6548\u63d0\u5347paddlepaddle\u5728\u82f1\u7279\u5c14\u67b6\u6784\u4e0a\u7684\u6027\u80fd":[64,65],"\u6709\u65f6\u5019\u6211\u4eec\u4f1a\u5e0c\u671b\u6e05\u7406\u6389\u5df2\u7ecf\u4e0b\u8f7d\u7684\u7b2c\u4e09\u65b9\u4f9d\u8d56\u4ee5\u53ca\u5df2\u7ecf\u7f16\u8bd1\u7684\u4e8c\u8fdb\u5236\u6587\u4ef6":110,"\u6709\u65f6\u5019\u6211\u4eec\u53ea\u60f3\u8fd0\u884c\u4e00\u4e2a\u7279\u5b9a\u7684\u5355\u5143\u6d4b\u8bd5":110,"\u6709\u6807\u51c6\u7684":68,"\u6709\u7684\u65f6\u5019":68,"\u6709\u7684\u65f6\u5019\u7b80\u7b80\u5355\u5355\u7684\u6539\u53d8\u5c31\u80fd\u5728\u6027\u80fd\u4e0a\u4ea7\u751f\u660e\u663e\u7684\u4f18\u5316\u6548\u679c":119,"\u6709\u7684\u8bdd\u9700\u8981\u5148\u5378\u8f7d":93,"\u6709\u975e\u5e38\u5927\u7684\u5dee\u522b":118,"\u670d\u52a1":106,"\u670d\u52a1\u5458":106,"\u670d\u52a1\u5668\u4e4b\u95f4\u53ef\u4ee5\u901a\u8fc7\u5c40\u57df\u7f51":125,"\u672a\u6307\u5b9a\u6309\u7167double\u7cbe\u5ea6\u7f16\u8bd1":98,"\u672a\u8bbe\u7f6e":139,"\u672c\u4f8b\u4e2d\u4f7f\u7528for\u5faa\u73af\u8fdb\u884c\u591a\u6b21\u8c03\u7528":2,"\u672c\u4f8b\u4e2d\u7684\u539f\u59cb\u6570\u636e\u4e00\u5171\u670910\u4e2a\u6837\u672c":106,"\u672c\u4f8b\u4e2d\u7684\u8f93\u5165\u7279\u5f81\u662f\u8bcdid\u7684\u5e8f\u5217":2,"\u672c\u4f8b\u6839\u636e\u7f51\u7edc\u914d\u7f6e\u4e2d":2,"\u672c\u4f8b\u7684":2,"\u672c\u4f8b\u91c7\u7528\u82f1\u6587\u60c5\u611f\u5206\u7c7b\u7684\u6570\u636e":2,"\u672c\u5217\u8868\u8bf4\u660epaddlepaddle\u53d1\u7248\u4e4b\u524d\u9700\u8981\u6d4b\u8bd5\u7684\u529f\u80fd\u70b9":85,"\u672c\u5730":[93,102],"\u672c\u5730\u6d4b\u8bd5":133,"\u672c\u5730\u8bad\u7ec3":[123,133],"\u672c\u5730\u8bad\u7ec3\u4e0e\u9884\u6d4b":95,"\u672c\u5730\u8bad\u7ec3\u7684\u5b9e\u9a8c":136,"\u672c\u6559\u7a0b\u4e3b\u8981\u4ecb\u7ecd\u5e26kernel\u7684op\u5982\u4f55\u5199":113,"\u672c\u6559\u7a0b\u5c06\u6307\u5bfc\u4f60\u5982\u4f55\u5728":109,"\u672c\u6587\u4e2d\u6240\u6709\u7684\u4f8b\u5b50":106,"\u672c\u6587\u4e2d\u7684\u4f8b\u5b50\u91cc":110,"\u672c\u6587\u4e2d\u793a\u4f8b\u6240\u4f7f\u7528\u7684\u5355\u5143\u6d4b\u8bd5\u6587\u4ef6\u662f":106,"\u672c\u6587\u4ee5paddlepaddle\u7684\u53cc\u5c42rnn\u5355\u5143\u6d4b\u8bd5\u4e3a\u793a\u4f8b":106,"\u672c\u6587\u5c06\u4ecb\u7ecd\u5728kubernetes\u5bb9\u5668\u7ba1\u7406\u5e73\u53f0\u4e0a\u5feb\u901f\u6784\u5efapaddlepaddle\u5bb9\u5668\u96c6\u7fa4":129,"\u672c\u6587\u5c06\u4ecb\u7ecd\u5982\u4f55\u4f7f\u7528paddlepaddle\u5728\u4e0d\u540c\u7684\u96c6\u7fa4\u6846\u67b6\u4e0b\u5b8c\u6210\u5206\u5e03\u5f0f\u8bad\u7ec3":125,"\u672c\u6587\u6863\u5c06\u4ee5linux":138,"\u672c\u6587\u6863\u63cf\u8ff0paddl":69,"\u672c\u6587\u7684\u5c06\u4ecb\u7ecd\u5728macos\u4e0a":139,"\u672c\u6765":106,"\u672c\u6b21\u8bad\u7ec3\u6587\u4ef6\u6240\u5728\u76ee\u5f55":129,"\u672c\u6b21\u8bad\u7ec3\u7684yaml\u6587\u4ef6\u53ef\u4ee5\u5199\u6210":129,"\u672c\u6b21\u8bad\u7ec3\u8981\u6c42\u67093\u4e2apaddlepaddle\u8282\u70b9":129,"\u672c\u793a\u4f8b\u4e2d\u4f7f\u7528\u7684\u539f\u59cb\u6570\u636e\u5982\u4e0b":106,"\u672c\u793a\u4f8b\u610f\u56fe\u4f7f\u7528\u5355\u5c42rnn\u548c\u53cc\u5c42rnn\u5b9e\u73b0\u4e24\u4e2a\u5b8c\u5168\u7b49\u4ef7\u7684\u5168\u8fde\u63a5rnn":106,"\u673a\u5668\u4e0a\u4ee5\u53ca":140,"\u673a\u5668\u7684\u8bbe\u5907":136,"\u673a\u5668\u7ffb\u8bd1":85,"\u6743\u91cd\u66f4\u65b0\u7684\u68af\u5ea6":134,"\u6765":106,"\u6765\u4e3a\u4e00\u4e2a":123,"\u6765\u4ee3\u66ff":111,"\u6765\u4f20\u8f93\u7f51\u7edc\u914d\u7f6e\u6587\u4ef6\u4e2d\u5b9a\u4e49\u7684\u7f51\u7edc\u7ed3\u6784\u548c\u76f8\u5173\u53c2\u6570":124,"\u6765\u4f7f\u7528dropout":97,"\u6765\u4f7f\u7528dropout\u7684":97,"\u6765\u4fdd\u8bc1\u8bad\u7ec3\u8fc7\u7a0b\u53ef\u4ee5\u4ece\u4e2d\u95f4\u72b6\u6001\u91cd\u65b0\u542f\u52a8":36,"\u6765\u505a\u68af\u5ea6\u68c0\u67e5":112,"\u6765\u51b3\u5b9a\u662f\u5426\u5f00\u542fmkl":64,"\u6765\u5206\u6790\u6267\u884c\u6587\u4ef6":119,"\u6765\u521d\u59cb\u5316\u53c2\u6570":98,"\u6765\u542f\u52a8\u548c":110,"\u6765\u5b58\u50a8":123,"\u6765\u5b58\u50a8\u6570\u636e":[123,124],"\u6765\u5b8c\u6210\u524d\u5411\u548c\u53cd\u5411\u8ba1\u7b97":124,"\u6765\u5b8c\u6210\u7f51\u7edc\u7684\u8bad\u7ec3":103,"\u6765\u5b9a\u4e49\u5faa\u73af\u795e\u7ecf\u7f51\u7edc":109,"\u6765\u5b9e\u73b0":65,"\u6765\u5b9e\u9645\u5b58\u50a8\u6570\u636e":[123,124],"\u6765\u5bf9\u6bd4\u5206\u6790\u4e24\u8005\u8bed\u4e49\u76f8\u540c\u7684\u539f\u56e0":106,"\u6765\u5f71\u54cdpaddlepaddle\u7684\u7f16\u8bd1\u8fc7\u7a0b":[138,139],"\u6765\u5f97\u5230\u67d0\u4e2a\u7279\u5b9a\u53c2\u6570\u7684\u68af\u5ea6\u77e9\u9635":112,"\u6765\u6267\u884c":110,"\u6765\u63a5\u53d7\u4e0d\u4f7f\u7528\u7684\u51fd\u6570\u4ee5\u4fdd\u8bc1\u517c\u5bb9\u6027":2,"\u6765\u63cf\u8ff0\u7684":114,"\u6765\u63cf\u8ff0\u8be5op\u7684\u8f93\u5165":113,"\u6765\u63cf\u8ff0\u8f93\u5165":123,"\u6765\u642d\u5efa\u795e\u7ecf\u7f51\u7edc":103,"\u6765\u663e\u793a\u6027\u80fd\u5206\u6790\u7ed3\u679c":118,"\u6765\u67e5\u770b\u6027\u80fd\u5206\u6790\u7ed3\u679c":118,"\u6765\u6ce8\u518c\u8be5\u5c42":112,"\u6765\u6df7\u5408\u4f7f\u7528gpu\u548ccpu\u8ba1\u7b97\u7f51\u7edc\u5c42\u7684\u53c2\u6570":136,"\u6765\u6e05\u7406\u8fd9\u4e9b\u5185\u5bb9":110,"\u6765\u7279\u6307":123,"\u6765\u7279\u6307\u8c03\u7528paddlepaddl":124,"\u6765\u7279\u6307paddlepaddl":124,"\u6765\u7279\u6307paddlepaddle\u4e2d\u7684\u4e00\u7ef4\u6574\u578b\u6570\u7ec4":123,"\u6765\u7279\u6307paddlepaddle\u4e2d\u7684\u4e8c\u7ef4\u6d6e\u70b9\u578b\u77e9\u9635":123,"\u6765\u7279\u6307paddlepaddle\u4e2d\u795e\u7ecf\u7f51\u7edc\u8ba1\u7b97\u5c42\u4e00\u4e2a\u8f93\u5165":123,"\u6765\u786e\u4fdd\u628a":68,"\u6765\u786e\u5b9a\u5bf9\u5e94\u5173\u7cfb":2,"\u6765\u786e\u5b9a\u7a00\u758f\u77e9\u9635\u7684\u5185\u5bb9":123,"\u6765\u7f16\u8bd1":110,"\u6765\u81ea\u5b9a\u4e49\u4f20\u6570\u636e\u7684\u8fc7\u7a0b":1,"\u6765\u83b7\u5f97\u8f93\u51fa\u7684\u68af\u5ea6":112,"\u6765\u8868\u793a":109,"\u6765\u8868\u793a\u95e8\u63a7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc":109,"\u6765\u8868\u793apaddle\u5185\u90e8\u7c7b":68,"\u6765\u89e3\u51b3\u4e0a\u9762\u7684\u95ee\u9898":96,"\u6765\u8ba1\u7b97\u68af\u5ea6":112,"\u6765\u8bb0\u5f55\u8f93\u5165":123,"\u6765\u8bb2\u89e3\u5982\u4f55\u4f7f\u7528\u53cc\u5c42rnn":106,"\u6765\u8bbe\u7f6e":98,"\u6765\u8bbf\u95ee\u7528\u6237\u81ea\u5df1\u7684\u6570\u636e":37,"\u6765\u8bf4\u660epydataprovider2\u7684\u7b80\u5355\u4f7f\u7528\u573a\u666f":2,"\u6765\u8bfb\u53d6\u4e00\u4e2a":123,"\u6765\u8c03\u6574":111,"\u6765\u8c03\u7528":110,"\u6765\u8fd0\u884c\u5305\u62ec":110,"\u6765\u8fd0\u884c\u5355\u5143\u6d4b\u8bd5\u4e86":110,"\u6765\u8fd0\u884c\u6027\u80fd\u5206\u6790\u548c\u8c03\u4f18":119,"\u6765\u8fd0\u884c\u955c\u50cf":100,"\u6765\u8fdb\u884c\u8ba8\u8bba":69,"\u6765\u9884\u6d4b\u8fd9\u4e2a\u4e2d\u95f4\u7684\u8bcd":96,"\u676f\u5b50":106,"\u6784\u5efa":138,"\u6784\u5efa\u597d\u5f00\u53d1\u955c\u50cf\u540e":138,"\u6784\u5efa\u76ee\u6807\u4e3a":139,"\u6784\u6210\u4e00\u4e2a\u5e8f\u5217":123,"\u6784\u6210\u4e86\u8f93\u51fa\u53cc\u5c42\u5e8f\u5217\u7684\u7b2ci\u4e2a":105,"\u6784\u9020":129,"\u6784\u9020\u51fd\u6570\u542b\u67092\u4e2a\u53c2\u6570":113,"\u6784\u9020\u51fd\u6570\u91cc\u901a\u8fc7":113,"\u6784\u9020paddl":4,"\u67b6\u6784\u7684\u6a21\u62df\u5668\u5e73\u53f0":139,"\u67b6\u6784\u7684iphone\u6216\u8005ipad\u7b49\u7269\u7406\u8bbe\u5907":139,"\u67d0\u4e00\u4e2a\u795e\u7ecf\u5143\u7684\u4e00\u4e2a\u8f93\u5165\u4e3a\u4e0a\u4e00\u4e2a\u65f6\u95f4\u6b65\u7f51\u7edc\u4e2d\u67d0\u4e00\u4e2a\u795e\u7ecf\u5143\u7684\u8f93\u51fa":106,"\u67d0\u4e9b\u53c2\u6570\u53ea\u53ef\u7528\u4e8e\u7279\u5b9a\u7684\u5c42\u4e2d":133,"\u67e5\u770b":111,"\u67e5\u770b\u5305\u7684\u5927\u5c0f":93,"\u67e5\u770b\u5f53\u524d\u72b6\u6001":111,"\u67e5\u770b\u5f53\u524d\u8fdc\u7a0b\u4ed3\u5e93\u7684\u540d\u5b57":111,"\u67e5\u770b\u6587\u4ef6\u5177\u4f53\u88ab\u4fee\u6539\u7684\u5185\u5bb9":111,"\u67e5\u770b\u662f\u5426\u662f\u5176\u4ed6\u9519\u8bef\u5f15\u53d1\u7684\u62a5\u9519":94,"\u67e5\u770bjob\u7684\u8be6\u7ec6\u60c5\u51b5":128,"\u67e5\u770blatest":85,"\u6807\u51c6":102,"\u6807\u51c6\u5dee\u4e3a":98,"\u6807\u51c6\u8868\u793apaddlepaddle\u7248\u672c\u53f7":85,"\u6807\u8bc6\u4e86\u4e00\u4e2a\u8f93\u51fa\u7684\u6587\u4ef6\u540d":118,"\u6807\u8bc6\u6027\u80fd\u5206\u6790\u7684\u7ed3\u679c\u6587\u4ef6":118,"\u6807\u8bc6\u662f\u5426\u4e3a\u8fde\u7eed\u7684batch\u8ba1\u7b97":134,"\u6807\u8bc6\u88ab\u6027\u80fd\u5206\u6790\u7684\u6e90\u6587\u4ef6":118,"\u6807\u8bc6http\u670d\u52a1\u7684\u7aef\u53e3":118,"\u6807\u8bc6http\u670d\u52a1\u7ed1\u5b9a\u7684ip":118,"\u6838\u4e00\u6837\u591a\u7684\u8fdb\u7a0b\u6765\u5e76\u884c\u7f16\u8bd1":110,"\u6838\u5fc3\u4ee3\u7801\u7f16\u8bd1\u6210\u94fe\u63a5\u5e93":121,"\u6839\u636e\u4e2a\u4eba\u7684\u9700\u6c42\u4fee\u6539\u5b9a\u5236docker\u5bb9\u5668\u6240\u6267\u884c\u7684\u811a\u672c":138,"\u6839\u636e\u4f60\u7684\u4efb\u52a1":136,"\u6839\u636e\u524d\u6587\u7684\u63cf\u8ff0":129,"\u6839\u636e\u7f51\u7edc\u914d\u7f6e\u4e2d\u7684":134,"\u6839\u636e\u8f93\u5165tensor\u7684\u5927\u5c0f\u6765\u8bbe\u7f6e\u8f93\u51fatensor\u7684\u5927\u5c0f":114,"\u6839\u636e\u8fd9\u4e9b\u53c2\u6570\u7684\u4f7f\u7528\u573a\u5408":133,"\u6839\u636e\u9ed8\u8ba4\u503c\u9012\u589e":134,"\u6839\u636e\u9ed8\u8ba4\u7aef\u53e3\u53f7\u9012\u589e":134,"\u6839\u636ejob\u5bf9\u5e94\u7684pod\u4fe1\u606f":128,"\u6839\u636eport":125,"\u683c\u5f0f":134,"\u683c\u5f0f\u4e0d\u5339\u914d\u65f6":65,"\u683c\u5f0f\u5b58\u50a8":123,"\u683c\u5f0f\u7684\u6587\u4ef6\u6765\u5b58\u653e":113,"\u6846\u67b6\u63d0\u4f9b\u7684blas\u51fd\u6570\u8fdb\u884c\u77e9\u9635\u8ba1\u7b97":139,"\u6846\u67b6\u8fdb\u884cblas\u77e9\u9635\u8ba1\u7b97":139,"\u68af\u5ea6\u4f1a\u5c31\u5730":112,"\u68af\u5ea6\u4f1a\u6709\u566a\u58f0":125,"\u68af\u5ea6\u53c2\u6570\u7684\u5206\u5757\u6570\u76ee":134,"\u68af\u5ea6\u5c31\u53ef\u4ee5\u901a\u8fc7\u8fd9\u4e2a\u65b9\u7a0b\u8ba1\u7b97\u5f97\u5230":112,"\u68af\u5ea6\u670d\u52a1\u5668\u7684\u6570\u91cf":134,"\u68af\u5ea6\u68c0\u67e5\u5355\u5143\u6d4b\u8bd5\u901a\u8fc7\u6709\u9650\u5dee\u5206\u6cd5\u6765\u9a8c\u8bc1\u4e00\u4e2a\u5c42\u7684\u68af\u5ea6":112,"\u68af\u5ea6\u68c0\u67e5\u7684\u8f93\u5165\u6570\u636e\u7684\u6279\u6b21\u5927\u5c0f":112,"\u68c0\u67e5\u70b9\u4fdd\u5b58\u7a0b\u5e8f\u6d41\u7a0b":36,"\u68c0\u67e5\u8f93\u5165\u6570\u636e\u7ef4\u5ea6":113,"\u697c\u5c42":106,"\u6982\u5ff5\u4e0a":124,"\u6982\u5ff5\u4e0a\u53ef\u4ee5\u5c06":123,"\u6a21\u5757\u4e0b\u7684\u76f8\u5173":114,"\u6a21\u5757\u4e2d\u7684":2,"\u6a21\u578b\u4e00\u76f4\u4e0d\u6536\u655b":96,"\u6a21\u578b\u4e2d\u6240\u6709\u53ef\u5b66\u4e60\u53c2\u6570\u4f1a\u88ab\u5b58\u4e3a\u4e00\u4e2a\u538b\u7f29\u6587\u4ef6":124,"\u6a21\u578b\u53c2\u6570\u68c0\u67e5\u70b9\u901a\u8fc7\u5b9a\u671f\u5411\u78c1\u76d8\u4e0a\u4fdd\u5b58\u4e00\u4efd\u5b58\u50a8\u5728paramet":36,"\u6a21\u578b\u6570\u636e\u68c0\u67e5\u70b9\u7684\u5b9e\u73b0":36,"\u6a21\u578b\u6587\u4ef6\u5c06\u88ab\u5199\u5165\u8282\u70b9":126,"\u6a21\u578b\u6765\u6307\u5bfc\u4f60\u5b8c\u6210\u8fd9\u4e9b\u6b65\u9aa4":109,"\u6a21\u578b\u6f14\u793a\u5982\u4f55\u914d\u7f6e\u590d\u6742\u7684\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u6a21\u578b":109,"\u6a21\u578b\u7684\u4ee3\u7801\u53ef\u4ee5\u5728":109,"\u6a21\u578b\u7684\u7f16\u7801\u5668\u90e8\u5206\u5982\u4e0b\u6240\u793a":109,"\u6a21\u578b\u8bad\u7ec3\u7b49\u4efb\u52a1":103,"\u6a21\u578b\u914d\u7f6e":[0,95],"\u6a21\u578b\u914d\u7f6e\u89e3\u6790":68,"\u6a21\u578b\u9884\u6d4b":4,"\u6a21\u5f0f\u4e0b\u7684\u6027\u80fd\u6d4b\u8bd5\u662f\u6ca1\u6709\u610f\u4e49\u7684":118,"\u6a2a\u5411\u62fc\u63a5":96,"\u6b21":106,"\u6b21\u8fed\u4ee3\u6267\u884c\u7684\u8f6c\u6362\u6b21\u6570\u4e3a":64,"\u6b22\u8fce\u901a\u8fc7":111,"\u6b63\u5728\u7b49\u5f85\u672a\u5b8c\u6210\u7684\u4efb\u52a1":93,"\u6b63\u5e38\u60c5\u51b5\u4e0b\u662f75m":93,"\u6b63\u786e\u7684\u89e3\u51b3\u65b9\u6cd5\u662f":93,"\u6b63\u8d1f\u5bf9\u9a8c\u8bc1":133,"\u6b64\u547d\u4ee4\u5c06\u5728":138,"\u6b64\u5904\u90fd\u4e3a2":106,"\u6b64\u5916":[97,110,111,138],"\u6b64\u6559\u7a0b\u4f1a\u4ecb\u7ecd\u5982\u4f55\u4f7f\u7528python\u7684cprofile\u5305":118,"\u6b64\u6559\u7a0b\u5c06\u5411\u60a8\u5206\u6b65\u4ecb\u7ecd\u5982\u4f55\u4f7f\u7528\u5185\u7f6e\u7684\u5b9a\u65f6\u5de5\u5177":119,"\u6b64\u65f6\u53ea\u9700\u8981":110,"\u6b64\u65f6\u53ef\u4ee5\u5728\u8c03\u7528infer\u63a5\u53e3\u65f6\u901a\u8fc7\u8bbe\u7f6e":96,"\u6b64\u65f6\u53ef\u4ee5\u8df3\u8fc7paddlepaddle\u6a21\u578b\u53c2\u6570\u6587\u4ef6\u7684\u5934\u4fe1\u606f":98,"\u6b64\u65f6\u6bcf\u4e2a\u5c0f\u5206\u652f\u7684":65,"\u6b64\u65f6master\u5c06\u8d1f\u8d23\u542f\u52a8\u4e00\u4e2a\u65b0\u7684train":36,"\u6b64\u76ee\u5f55":124,"\u6b64\u793a\u4f8b":124,"\u6b64\u7c7b\u62a5\u9519\u901a\u5e38\u662f\u7531\u4e8e\u67d0\u4e00\u4e2a\u8282\u70b9\u7684\u9519\u8bef\u5bfc\u81f4\u8fd9\u4e2a\u8282\u70b9\u7684\u8bad\u7ec3\u8fdb\u7a0b\u9000\u51fa":94,"\u6b65\u9aa4":96,"\u6bb5\u843d\u53ef\u4ee5\u770b\u4f5c\u662f\u4e00\u4e2a\u5d4c\u5957\u7684\u53cc\u5c42\u7684\u5e8f\u5217":108,"\u6bb5\u843d\u662f\u7531\u53e5\u5b50\u6784\u6210\u7684\u5e8f\u5217":123,"\u6bcf\u4e00\u4e2a":[85,124],"\u6bcf\u4e00\u4e2a\u5916\u5c42\u5e8f\u5217\u53c8\u542b\u6709\u82e5\u5e72\u4e2a\u5185\u5c42\u5e8f\u5217":123,"\u6bcf\u4e00\u4e2a\u5e8f\u5217\u5728\u6574\u4e2a":123,"\u6bcf\u4e00\u4e2a\u6587\u4ef6\u662f\u6570\u636e\u96c6\u7684\u4e00\u4e2ashard":37,"\u6bcf\u4e00\u4e2a\u65f6\u95f4\u6b65":106,"\u6bcf\u4e00\u4e2a\u65f6\u95f4\u6b65\u4e4b\u95f4\u7684\u795e\u7ecf\u7f51\u7edc\u5177\u6709\u4e00\u5b9a\u7684\u76f8\u5173\u6027":106,"\u6bcf\u4e00\u4e2a\u8282\u70b9\u90fd\u6709\u76f8\u540c\u7684\u65e5\u5fd7\u7ed3\u6784":126,"\u6bcf\u4e00\u4e2a\u8f93\u5165":[123,124],"\u6bcf\u4e00\u4e2alayer\u8f93\u51fa\u77e9\u9635\u7684\u9ad8\u5ea6":96,"\u6bcf\u4e00\u5217\u7684\u542b\u4e49\u662f":118,"\u6bcf\u4e00\u7ec4\u5185\u7684\u6240\u6709\u53e5\u5b50\u548clabel":106,"\u6bcf\u4e00\u884c\u5143\u7d20\u5728":123,"\u6bcf\u4e2a":65,"\u6bcf\u4e2a\u503c\u7684\u7c7b\u578b\u53ef\u4ee5\u662f\u6574\u5f62":37,"\u6bcf\u4e2a\u5143\u7d20\u662f\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"\u6bcf\u4e2a\u5143\u7d20\u662f\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u6bcf\u4e2a\u5355\u5c42rnn":108,"\u6bcf\u4e2a\u53c2\u6570\u670d\u52a1\u5668\u53ea\u4fdd\u5b58\u6574\u4e2a\u795e\u7ecf\u7f51\u7edc\u6240\u6709\u53c2\u6570\u7684\u4e00\u90e8\u5206":125,"\u6bcf\u4e2a\u53e5\u5b50\u53c8\u662f\u5355\u8bcd\u7684\u6570\u7ec4":106,"\u6bcf\u4e2a\u53e5\u5b50\u90fd\u4ee5\u5f00\u59cb\u6807\u8bb0\u5f00\u5934":109,"\u6bcf\u4e2a\u53e5\u5b50\u90fd\u4ee5\u7ed3\u675f\u6807\u8bb0\u7ed3\u5c3e":109,"\u6bcf\u4e2a\u5b50\u5e8f\u5217\u957f\u5ea6\u53ef\u4ee5\u4e0d\u4e00\u81f4":106,"\u6bcf\u4e2a\u5c42\u5728\u5176":112,"\u6bcf\u4e2a\u6279\u6b21\u6570\u636e":134,"\u6bcf\u4e2a\u65f6\u95f4\u6b65\u4e4b\u5185\u7684\u8fd0\u7b97\u662f\u72ec\u7acb\u7684":108,"\u6bcf\u4e2a\u65f6\u95f4\u6b65\u90fd\u7528\u4e86\u4e0a\u4e00\u4e2a\u65f6\u95f4\u6b65\u7684\u8f93\u51fa\u7ed3\u679c":106,"\u6bcf\u4e2a\u6743\u91cd\u5bf9\u5e94\u4e00\u4e2a\u8f93\u5165":112,"\u6bcf\u4e2a\u6837\u672c\u7531\u4e24\u90e8\u5206\u7ec4\u6210":106,"\u6bcf\u4e2a\u6837\u672c\u95f4\u7528\u7a7a\u884c\u5206\u5f00":106,"\u6bcf\u4e2a\u6d4b\u8bd5\u4f1a\u5bf9\u6bd4paddlepaddle\u4e2dcpu\u7b97\u51fa\u7684\u7ed3\u679c\u4e0emkl":65,"\u6bcf\u4e2a\u72b6\u6001":108,"\u6bcf\u4e2a\u7ebf\u7a0b":134,"\u6bcf\u4e2a\u7ebf\u7a0b\u5206\u914d\u5230128\u4e2a\u6837\u672c\u7528\u4e8e\u8bad\u7ec3":134,"\u6bcf\u4e2a\u8bad\u7ec3\u8282\u70b9\u5fc5\u987b\u6307\u5b9a\u4e00\u4e2a\u552f\u4e00\u7684id\u53f7":134,"\u6bcf\u4e2a\u8f93\u5165\u90fd\u662f\u4e00\u4e2a":112,"\u6bcf\u4e2a\u8f93\u51fa\u8282\u70b9\u90fd\u8fde\u63a5\u5230\u6240\u6709\u7684\u8f93\u5165\u8282\u70b9\u4e0a":112,"\u6bcf\u4e2a\u90e8\u5206\u5206\u522b\u7ed9\u6bcf\u4e2atrainer\u4f7f\u7528":125,"\u6bcf\u4e2acommit\u53ea\u505a\u4e86\u5c11\u91cf\u7684\u4fee\u6539":111,"\u6bcf\u4e2adata":37,"\u6bcf\u4e2amkldnnlayer\u90fd\u5305\u542b\u7528\u4e8e\u5185\u90e8\u5b58\u50a8\u548c\u5916\u90e8\u5b58\u50a8\u7684\u4e00\u7cfb\u5217mkldnnmatrix":65,"\u6bcf\u4e2aparamet":36,"\u6bcf\u4e2apod\u5305\u542b\u4e00\u4e2apaddlepaddle\u5bb9\u5668":129,"\u6bcf\u4e2ashard\u5206\u522b\u5b58\u50a8\u5728\u5176\u4e2d\u4e00\u53f0paramet":36,"\u6bcf\u4e2atrainer\u542f\u52a8\u540e\u8bfb\u53d6\u5207\u5206\u597d\u7684\u4e00\u90e8\u5206\u6570\u636e":125,"\u6bcf\u4e2atrainer\u7684\u552f\u4e00id":125,"\u6bcf\u4e2atrainer\u8fdb\u7a0b\u9700\u8981\u80fd\u591f\u8bfb\u53d6\u5c5e\u4e8e\u81ea\u5df1\u7684\u4e00\u4efd\u6570\u636e":125,"\u6bcf\u53f0\u670d\u52a1\u5668\u5177\u6709\u96c6\u7fa4\u4e2d\u552f\u4e00\u7684ip\u5730\u5740":125,"\u6bcf\u5c42\u4e0a\u53ea\u80fd\u4fdd\u5b58\u56fa\u5b9a\u6570\u76ee\u4e2a\u6700\u597d\u7684\u72b6\u6001":134,"\u6bcf\u5c42\u4f7f\u7528\u7684gpu\u53f7\u4f9d\u8d56\u4e8e\u53c2\u6570train":136,"\u6bcf\u6279\u6b21":134,"\u6bcf\u6b21\u63d0\u4ea4\u4ee3\u7801":111,"\u6bcf\u6b21\u63d0\u4ea4\u65f6":111,"\u6bcf\u6b21\u8c03\u7528\u65f6\u5bf9\u539f\u6570\u636e\u7684\u91cd\u590dpacking\u4fbf\u6210\u4e3a\u4e86\u5197\u4f59":64,"\u6bcf\u6b21\u8c03\u7528\u7684\u8017\u65f6\u4e5f\u5f88\u957f":118,"\u6bcf\u6b21\u8f93\u51fa\u4e00\u4e2adata":37,"\u6bcf\u6b21\u90fd\u4f1a\u4ecepython\u7aef\u8bfb\u53d6\u6570\u636e":2,"\u6bcf\u884c\u8868\u793a\u4e00\u4e2a\u6279\u6b21\u4e2d\u7684\u5355\u4e2a\u8f93\u5165":112,"\u6bcf\u8f6e\u4f1a\u5c06\u6570\u636e\u96c6\u4e2d\u7684\u6240\u6709\u8bad\u7ec3\u6837\u672c\u4f7f\u7528\u4e00\u6b21":134,"\u6bcf\u8f6e\u7ed3\u675f\u65f6\u5bf9\u6240\u6709\u6d4b\u8bd5\u6570\u636e\u8fdb\u884c\u6d4b\u8bd5":134,"\u6bcf\u8f6e\u90fd\u4f1a\u4fdd\u5b58\u9884\u6d4b\u7ed3\u679c":134,"\u6bcf\u8fd0\u884c\u591a\u5c11\u4e2a\u6279\u6b21\u6267\u884c\u4e00\u6b21\u7a00\u758f\u53c2\u6570\u5206\u5e03\u7684\u68c0\u67e5":134,"\u6bcf\u969410\u5206\u949f":36,"\u6bcfdot":134,"\u6bcflog":134,"\u6bcfsave":134,"\u6bcftest":134,"\u6bd4\u5982":[37,65,94,96,100,110,111],"\u6bd4\u5982\u4e00\u53e5\u8bdd\u4e2d\u7684\u6bcf\u4e00\u4e2a\u5355\u8bcd":106,"\u6bd4\u5982\u53ef\u80fd\u4f1a\u7528openmp\u6539\u8fdbsgd\u7684\u66f4\u65b0\u6027\u80fd":65,"\u6bd4\u5982\u5728":100,"\u6bd4\u5982\u5982\u679c\u8981build\u4e00\u4e2a\u4e0d\u4f9d\u8d56gpu":111,"\u6bd4\u5982\u5c06":85,"\u6bd4\u5982\u5e0c\u671b\u6700\u5c0f\u5316\u751f\u6210\u5e93\u7684\u5927\u5c0f":139,"\u6bd4\u5982\u5e0c\u671b\u6700\u5c0f\u5316\u751f\u6210\u7684\u5e93\u7684\u5927\u5c0f":[138,140],"\u6bd4\u5982\u6bcf\u969410\u5206\u949f\u6700\u65b0\u7684\u5feb\u7167":36,"\u6bd4\u5982\u6d41\u5f0f\u6570\u636e\u5904\u7406":37,"\u6bd4\u5982\u8282\u70b9\u7684id":125,"\u6bd4\u5982\u8bbe\u7f6e\u4e00\u4e2a\u5168\u8fde\u63a5\u5c42\u7684\u53c2\u6570\u521d\u59cb\u5316\u65b9\u5f0f\u548cbias\u521d\u59cb\u5316\u65b9\u5f0f":98,"\u6bd4\u5982cento":102,"\u6bd4\u5982fpe":94,"\u6bd4\u5982ide\u914d\u7f6e\u91cc":111,"\u6bd4\u5982imagenet\u8fd9\u4e2a\u6570\u636e\u96c6\u53ef\u80fd\u88ab\u5206\u62101000\u4e2ashard":37,"\u6bd4\u5982pil\u5e93\u7b49":125,"\u6bd5\u7adf\u5355\u7ebf\u7a0b\u8c03\u8bd5\u66f4\u5bb9\u6613":118,"\u6c34\u6e29":106,"\u6c49\u5ead":106,"\u6ca1":106,"\u6ca1\u6709\u4f5c\u7528":2,"\u6ca1\u6709\u5fc5\u8981\u5728\u6bcf\u6b21\u524d\u5411\u4e2d\u6bcf\u4e2a\u65f6\u95f4\u6b65\u7684\u8ba1\u7b97\u65f6\u5bf9\u6743\u91cd\u8fdb\u884c\u91cd\u590d\u7684packing\u64cd\u4f5c":64,"\u6ca1\u6709\u627e\u5230\u548c\u5f53\u524d\u7cfb\u7edf\u5339\u914d\u7684paddlepaddle\u5b89\u88c5\u5305":[93,102],"\u6ca1\u6709\u6d4b\u8bd5\u6570\u636e":2,"\u6ca1\u6709\u8bbe\u7f6e":[138,140],"\u6ce8":[36,85,100,123],"\u6ce8\u518c":113,"\u6ce8\u518ccpu":113,"\u6ce8\u518clayer\u7684\u65f6\u5019\u4fdd\u8bc1":[64,65],"\u6ce8\u518cop":113,"\u6ce8\u518cop\u65f6\u7684\u7c7b\u578b\u540d":113,"\u6ce8\u610f":[2,65,99,103,109,112,115,118,124,125,129,138,139,140],"\u6ce8\u610f\u4e0a\u8ff0\u547d\u4ee4\u4e2d":129,"\u6ce8\u610f\u4e8b\u9879":123,"\u6ce8\u610f\u5230\u6211\u4eec\u5df2\u7ecf\u5047\u8bbe\u673a\u5668\u4e0a\u67094\u4e2agpu":136,"\u6ce8\u610f\u9884\u6d4b\u6570\u636e\u901a\u5e38\u4e0d\u5305\u542blabel":4,"\u6ce8\u610fnode":129,"\u6ce8\u91ca":113,"\u6cf3\u6c60":106,"\u6d41":106,"\u6d41\u7a0b\u6765\u63d0\u4ea4\u4ee3\u7801":111,"\u6d44":106,"\u6d4b\u8bd5":111,"\u6d4b\u8bd5\u5206\u4e3a\u6bcf\u4e2alayer":65,"\u6d4b\u8bd5\u65f6\u6307\u5b9a\u7684\u5b58\u50a8\u6a21\u578b\u5217\u8868\u7684\u6587\u4ef6":134,"\u6d4b\u8bd5\u65f6\u9ed8\u8ba4\u4e0dshuffl":2,"\u6d4b\u8bd5\u662f":111,"\u6d4b\u8bd5\u672c\u6b21release\u7684\u6b63\u786e\u6027":85,"\u6d4b\u8bd5\u7684\u6027\u80fd\u5bf9\u6bd4\u7ed3\u679c\u4f1a\u5728":65,"\u6d4b\u8bd5\u7684\u6a21\u578b\u5305\u62ec\u4ece\u7b2cm\u8f6e\u5230\u7b2cn":136,"\u6d4b\u8bd5model_list":133,"\u6d4b\u8bd5oper":113,"\u6d4b\u8bd5save_dir":133,"\u6d6e\u70b9\u578b\u6570\u636e":37,"\u6d6e\u70b9\u578b\u7a00\u758f\u77e9\u9635":123,"\u6d6e\u70b9\u578b\u7a20\u5bc6\u77e9\u9635":123,"\u6d6e\u70b9\u5f02\u5e38\u901a\u5e38\u7684\u539f\u56e0\u662f\u6d6e\u70b9\u6570\u6ea2\u51fa":96,"\u6d6e\u70b9\u6570":123,"\u6d6e\u70b9\u6570\u5411\u91cf\u7b49":123,"\u6d6e\u70b9\u7a00\u758f\u6570\u636e":112,"\u6df1\u5165paddlepaddl":65,"\u6df7\u5408\u4ee3\u7801\u7684\u6027\u80fd\u5206\u6790\u6765\u8fdb\u884c\u8c03\u4f18":118,"\u6df7\u5408\u4ee3\u7801\u7684\u6027\u80fd\u74f6\u9888\u4e5f\u662f\u8981\u770b":118,"\u6df7\u5408\u5f53\u524d\u8bcd\u5411\u91cf\u548cattention\u52a0\u6743\u7f16\u7801\u5411\u91cf":109,"\u6dfb\u52a0":64,"\u6dfb\u52a0\u4e86\u4e00\u4e2a\u8f93\u51fa":113,"\u6dfb\u52a0\u542f\u52a8\u811a\u672c":129,"\u6dfb\u52a0\u5e8f\u5217\u4fe1\u606f":123,"\u6dfb\u52a0\u7684\u76f8\u5173\u6587\u4ef6\u548c\u76ee\u5f55\u7ed3\u6784\u5982\u4e0b":[64,65],"\u6dfb\u52a0\u8f93\u5165\u53c2\u6570":113,"\u6dfb\u52a0\u8f93\u51fa\u53c2\u6570":113,"\u6dfb\u52a0op\u7684\u6ce8\u91ca":113,"\u6e05\u7406":110,"\u6e05\u7406\u548c\u7ed3\u675f":124,"\u6e05\u7406\u6389\u8001\u65e7\u7684paddlepaddle\u5b89\u88c5\u5305":93,"\u6e29\u99a8":106,"\u6e90\u4ee3\u7801\u683c\u5f0f":111,"\u6e90\u5e8f\u5217":109,"\u6e90\u7801\u6811\u6839\u76ee\u5f55":110,"\u6f5c\u5728\u4f1a\u5f15\u8d77\u672a\u5b9a\u4e49\u884c\u4e3a":123,"\u6fc0\u6d3b":112,"\u6fc0\u6d3b\u51fd\u6570\u662f\u72ec\u7acb\u4e8e":65,"\u6fc0\u6d3b\u65b9\u7a0b":112,"\u6fc0\u6d3b\u7684\u7c7b\u578b":112,"\u70b9\u51fb":[85,102],"\u70b9\u51fb\u8fd9\u91cc":115,"\u70ed\u60c5":106,"\u7136\u540e":[119,126],"\u7136\u540e\u4e0b\u8f7d\u4f18\u5316\u66f4\u65b0\u540e\u7684\u795e\u7ecf\u7f51\u7edc\u53c2\u6570":125,"\u7136\u540e\u4ea4\u7ed9step\u51fd\u6570":108,"\u7136\u540e\u4f7f\u7528":139,"\u7136\u540e\u4f7f\u7528resize\u63a5\u53e3\u8bbe\u7f6etensor\u7684\u5927\u5c0f":114,"\u7136\u540e\u5355\u51fb":111,"\u7136\u540e\u53ef\u4ee5\u4ecehead\u8282\u70b9ssh\u65e0\u5bc6\u7801\u767b\u5f55\u5230openmpi\u7684\u6bcf\u4e2a\u8282\u70b9\u4e0a":130,"\u7136\u540e\u53ef\u4ee5\u4f7f\u7528\u547d\u4ee4\u884c\u5de5\u5177\u521b\u5efajob":129,"\u7136\u540e\u5728\u4e0b\u4e00\u4e2a\u65f6\u95f4\u6b65\u8f93\u5165\u7ed9\u53e6\u4e00\u4e2a\u795e\u7ecf\u5143":106,"\u7136\u540e\u5728\u524d\u5411":64,"\u7136\u540e\u5728\u6d4f\u89c8\u5668\u4e2d\u8f93\u5165\u4ee5\u4e0b\u7f51\u5740":100,"\u7136\u540e\u5728dataprovider\u91cc\u9762\u6839\u636e\u8be5\u5730\u5740\u52a0\u8f7d\u5b57\u5178":98,"\u7136\u540e\u5728etcd\u7684":36,"\u7136\u540e\u5b89\u88c5paddle\u7684python\u73af\u5883":93,"\u7136\u540e\u5b9a\u4e49":109,"\u7136\u540e\u5c06\u6784\u5efa\u6210\u529f\u7684\u955c\u50cf\u4e0a\u4f20\u5230\u955c\u50cf\u4ed3\u5e93":129,"\u7136\u540e\u5c06\u8fd9\u4e9blayer\u7684\u53c2\u6570":97,"\u7136\u540e\u5c31\u53ef\u4ee5\u5e76\u53d1\u5199\u5165\u591a\u4e2achunk":51,"\u7136\u540e\u6240\u6709\u7528":111,"\u7136\u540e\u624d\u80fd\u4f7f\u7528pfsclient":51,"\u7136\u540e\u6253\u5370\u8f93\u51fa":103,"\u7136\u540e\u6309\u7167\u4e0a\u8ff0\u7684\u65b9\u6cd5":85,"\u7136\u540e\u63d0\u4ea4\u65b0\u6dfb\u52a0\u7684":111,"\u7136\u540e\u70b9\u51fb":[85,111],"\u7136\u540e\u7533\u660e\u4e00\u4e2a\u5b58\u50a8\u5377":129,"\u7136\u540e\u89c2\u5bdf\u5230\u8f93\u51fa\u7684\u53d8\u5316\u4e3a":112,"\u7136\u540e\u8fd4\u56de\u7ed9paddlepaddle\u8fdb\u7a0b":2,"\u7136\u540e\u901a\u8fc7\u51fd\u6570":129,"\u7136\u540e\u901a\u8fc7\u81ea\u8eab\u7684ip\u5730\u5740\u5728":129,"\u7136\u540e\u91cd\u65b0cmake\u5373\u53ef":93,"\u7136\u800c":[109,134],"\u7248\u672c":[99,102,110,139],"\u7248\u672c\u4e3acpu_avx_mkl":100,"\u7248\u672c\u4e3acpu_avx_openbla":[102,104],"\u7248\u672c\u5206\u652f":85,"\u7248\u672c\u53f7":85,"\u7248\u672c\u53f7\u5bf9\u5e94\u7684tag\u5373\u53ef":85,"\u7248\u672c\u53f7rc":85,"\u7248\u672c\u5728":111,"\u7248\u672c\u8bf4\u660e":102,"\u7248\u672cfork\u51fa\u81ea\u5df1\u7684\u529f\u80fd\u5206\u652f":85,"\u7279\u522b\u662f\u5728lstm\u7b49rnn\u4e2d":96,"\u7279\u6307":124,"\u7279\u6709\u7684\u8bbe\u5907id":65,"\u72ec\u7acb\u5b9a\u5236\u7684\u4e8c\u8fdb\u5236\u65f6\u624d\u9700\u8981\u7f16\u8bd1":101,"\u72ec\u7acb\u5de5\u5177\u94fe":138,"\u72ec\u7acb\u5de5\u5177\u94fe\u6240\u5728\u7684\u7edd\u5bf9\u8def\u5f84":138,"\u73af\u5883\u53d8\u91cf":125,"\u73af\u5883\u53d8\u91cf\u4e2d":121,"\u73af\u5883\u53d8\u91cf\u6765\u6307\u5b9a\u7279\u5b9a\u7684gpu":96,"\u73b0\u9636\u6bb5\u7684\u4f18\u5316\u4e3b\u8981\u9488\u5bf9":64,"\u73b0\u9636\u6bb5paddle\u6709\u4e00\u4e2a\u95ee\u9898\u662f":68,"\u7406\u89e3":110,"\u7406\u89e3\u4e3a\u4e00\u4e2a\u4e00\u7ef4\u7684\u6574\u578b\u6570\u7ec4":123,"\u751a\u81f3\u80fd\u89e3\u91ca\u4e3a\u4ec0\u4e48\u67d0\u4e2a\u64cd\u4f5c\u82b1\u4e86\u5f88\u957f\u65f6\u95f4":119,"\u751f\u4ea7\u73af\u5883\u4e2d\u7684\u8bad\u7ec3\u6570\u636e\u96c6\u901a\u5e38\u4f53\u79ef\u5f88\u5927":37,"\u751f\u4ea7\u73af\u5883\u7684\u65e5\u5fd7\u6570\u636e\u4f1a\u901a\u8fc7\u5b9e\u65f6\u6d41\u7684\u65b9\u5f0f":37,"\u751f\u4ea7\u955c\u50cf":111,"\u751f\u6210":129,"\u751f\u6210\u5404\u79cd\u8bed\u8a00\u7684\u7ed1\u5b9a\u4ee3\u7801":68,"\u751f\u6210\u540e\u7684\u6587\u6863\u5206\u522b\u5b58\u50a8\u5728\u7f16\u8bd1\u76ee\u5f55\u7684":115,"\u751f\u6210\u5e8f\u5217\u7684\u6700\u5927\u957f\u5ea6":109,"\u751f\u6210\u6587\u6863":68,"\u751f\u6210\u7684":37,"\u751f\u6210\u7684\u6027\u80fd\u5206\u6790\u6587\u4ef6\u4e3a":118,"\u751f\u6210\u7684\u6570\u636e\u5c06\u4f1a\u5b58\u50a8\u5728\u8fd9\u4e2avolume\u4e0b":129,"\u751f\u6210\u7684\u6570\u636e\u7f13\u5b58\u5728\u5185\u5b58\u91cc":96,"\u751f\u6210\u7ed9\u5b9a":37,"\u751f\u6210\u7f51\u7edc\u5c42\u914d\u7f6e":112,"\u751f\u6210\u81ea\u5df1\u76ee\u5f55\u4e0b\u7684\u4ed3\u5e93":111,"\u751f\u6210\u8c03\u8bd5\u4fe1\u606f":118,"\u751f\u6210\u968f\u673a\u7684\u8f93\u5165\u6570\u636e":113,"\u751f\u6210api\u6587\u6863":68,"\u751f\u6210pfsclient\u548cpfsserver\u7684\u6846\u67b6\u90e8\u5206":51,"\u751f\u6210python\u6027\u80fd\u5206\u6790\u7684\u547d\u4ee4\u5982\u4e0b":118,"\u7528":51,"\u75280\u548c1\u8868\u793a":2,"\u7528\u4e8e\u521d\u59cb\u5316\u53c2\u6570\u548c\u8bbe\u7f6e":112,"\u7528\u4e8e\u5c06\u4e0b\u4e00\u884c\u7684\u6570\u636e\u8f93\u5165\u51fd\u6570\u6807\u8bb0\u6210\u4e00\u4e2apydataprovider2":2,"\u7528\u4e8e\u5c06\u53c2\u6570\u4f20\u9012\u7ed9\u7f51\u7edc\u914d\u7f6e":136,"\u7528\u4e8e\u6307\u5b9a\u5176\u8981\u5173\u8054\u7684layer":97,"\u7528\u4e8e\u6307\u5b9a\u7f51\u7edc\u914d\u7f6e\u6587\u4ef6":134,"\u7528\u4e8e\u6ce8\u518c\u6ca1\u6709\u53cd\u5411\u7684op":113,"\u7528\u4e8e\u6d4b\u8bd5\u548c\u5bf9\u6bd4\u5728\u4f7f\u7528mkl":65,"\u7528\u4e8e\u7a00\u758f\u7c7b\u578b\u53c2\u6570\u901a\u4fe1\u7684\u7aef\u53e3\u4e2a\u6570":125,"\u7528\u4e8e\u7a00\u758f\u8bad\u7ec3\u4e2d":134,"\u7528\u4e8e\u7ba1\u7406mkl":65,"\u7528\u4e8e\u81ea\u5b9a\u4e49\u6bcf\u6761\u6570\u636e\u7684batch":2,"\u7528\u4e8e\u83b7\u53d6\u7279\u5b9alayer\u4e0a\u4e00\u65f6\u95f4\u6b65\u7684\u8f93\u51fa":97,"\u7528\u4e8e\u8ba1\u7b97\u7f16\u7801\u5411\u91cf\u7684\u52a0\u6743\u548c":109,"\u7528\u4e8e\u8bad\u7ec3\u795e\u7ecf\u7f51\u7edc\u7684\u6570\u636e":125,"\u7528\u4e8e\u9009\u62e9\u662f\u5426\u4f7f\u7528\u76f8\u5173\u529f\u80fd":64,"\u7528\u4e8e\u9009\u62e9\u662f\u5426\u4f7f\u7528mkl":65,"\u7528\u4e8emkl":[64,65],"\u7528\u53cc\u5411\u95e8\u63a7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7f16\u7801":109,"\u7528\u591a\u5bf9\u6548\u679c\u5b8c\u5168\u76f8\u540c\u7684":106,"\u7528\u6237\u4e00\u822c\u901a\u8fc7\u8c03\u7528":118,"\u7528\u6237\u4e0a\u4f20\u6570\u636e\u540e":37,"\u7528\u6237\u4e5f\u53ef\u4ee5\u4e0a\u4f20label":37,"\u7528\u6237\u4e5f\u53ef\u4ee5\u4f7f\u7528paddlepaddle\u63d0\u4f9b\u7684\u5b98\u65b9\u5f00\u53d1\u955c\u50cf":138,"\u7528\u6237\u4e5f\u53ef\u4ee5\u5728c":1,"\u7528\u6237\u4eceapp":139,"\u7528\u6237\u53ea\u9700\u5b9a\u4e49rnn\u5728\u4e00\u4e2a\u65f6\u95f4\u6b65\u5185\u5b8c\u6210\u7684\u8ba1\u7b97":108,"\u7528\u6237\u53ef\u4ee5\u5206\u522b\u67e5\u770b\u6700\u65b0\u7684":115,"\u7528\u6237\u53ef\u4ee5\u53c2\u8003\u4e0b\u6587":138,"\u7528\u6237\u53ef\u4ee5\u53c2\u8003sphinx\u6559\u7a0b\u8fdb\u884c\u4e66\u5199":115,"\u7528\u6237\u53ef\u4ee5\u5b89\u5168\u7684\u91ca\u653e\u67d0\u4e2ac":69,"\u7528\u6237\u53ef\u4ee5\u628a\u81ea\u5df1\u7684\u6570\u636e\u5206\u4eab\u7ed9\u522b\u4eba":37,"\u7528\u6237\u53ef\u4ee5\u76f4\u63a5\u4f7f\u7528\u8fd9\u4e2a\u52a8\u6001\u5e93\u6765\u5f15\u5165paddl":69,"\u7528\u6237\u53ef\u4ee5\u81ea\u5b9a\u4e49beam":134,"\u7528\u6237\u53ef\u4ee5\u8bbe\u7f6e":136,"\u7528\u6237\u53ef\u4ee5\u901a\u8fc7\u7b80\u5355\u4f7f\u7528python\u63a5\u53e3":1,"\u7528\u6237\u53ef\u5728\u81ea\u5df1\u719f\u6089\u7684\u5f00\u53d1\u5e73\u53f0\u4e0a\u7f16\u8bd1android\u5e73\u53f0\u4e0a\u9002\u7528\u7684paddlepaddle\u5e93":138,"\u7528\u6237\u53ef\u5728\u8c03\u7528cmake\u7684\u65f6\u5019\u8bbe\u7f6e\u5b83\u4eec":99,"\u7528\u6237\u53ef\u5c06":138,"\u7528\u6237\u53ef\u5c06\u5408\u6210\u7684fat\u5e93\u7528\u4e8e\u6df1\u5ea6\u5b66\u4e60\u76f8\u5173\u7684io":139,"\u7528\u6237\u53ef\u6839\u636e\u81ea\u5df1\u7684\u7f16\u8bd1\u76ee\u6807\u67b6\u6784":138,"\u7528\u6237\u53ef\u81ea\u884c\u524d\u5f80\u4e0b\u8f7d\u9884\u7f16\u8bd1\u597d\u7684\u7248\u672c":138,"\u7528\u6237\u53ef\u901a\u8fc7\u5982\u4e0b\u4e24\u79cd\u65b9\u5f0f":138,"\u7528\u6237\u5728\u4f7f\u7528\u8fd9\u4e00\u7c7brecurr":97,"\u7528\u6237\u5728\u4f7f\u7528paddlepaddl":93,"\u7528\u6237\u5728\u672c\u5730\u8f6c\u6362\u597d\u518d\u4e0a\u4f20":37,"\u7528\u6237\u5b9a\u4e49\u7684\u53c2\u6570":2,"\u7528\u6237\u5c06\u53c2\u6570\u8f7d\u5165":98,"\u7528\u6237\u5c06\u914d\u7f6e\u4e0e\u8bad\u7ec3\u6570\u636e\u5207\u5206\u597d\u653e\u5728\u5206\u5e03\u5f0f\u6587\u4ef6\u7cfb\u7edf\u9884\u5148\u5206\u914d\u597d\u7684\u76ee\u5f55\u4e2d":129,"\u7528\u6237\u5f3a\u5236\u6307\u5b9a\u7279\u5b9a\u7684python\u7248\u672c":93,"\u7528\u6237\u6587\u4ef6\u53ef\u80fd\u662f\u6bd4\u8f83\u5927\u7684":51,"\u7528\u6237\u8fd8\u53ef\u6839\u636e\u81ea\u5df1\u7684\u9700\u6c42\u8bbe\u7f6e\u5176\u4ed6\u7f16\u8bd1\u53c2\u6570":[138,139,140],"\u7528\u6237\u901a\u8fc7\u53c2\u6570":[97,98],"\u7528\u6237\u901a\u8fc7c":69,"\u7528\u6237\u9700\u8981\u5728\u7f51\u7edc\u914d\u7f6e\u4e2d\u6307\u5b9a":136,"\u7528\u6237\u9700\u8981\u5728cmake\u65f6\u624b\u52a8\u8bbe\u7f6e\u8fd9\u4e9b\u503c":[138,140],"\u7528\u6237\u9700\u8981\u6307\u5b9a\u672c\u673a\u4e0apython\u7684\u8def\u5f84":93,"\u7528\u6237\u9700\u8981\u63d0\u524d\u51c6\u5907\u597d\u4ea4\u53c9\u7f16\u8bd1\u73af\u5883":138,"\u7528\u672c\u673a\u7684\u7b2c\u4e00\u4e2a":110,"\u7528\u6765\u4ece\u53c2\u6570\u670d\u52a1\u5668\u9884\u53d6\u53c2\u6570\u77e9\u9635\u76f8\u5e94\u7684\u884c":112,"\u7528\u6765\u5b58\u50a8\u672c\u6b21\u6027\u80fd\u5206\u6790\u7684\u7ed3\u679c":118,"\u7528\u8fd9\u4e2a\u955c\u50cf\u521b\u5efa\u7684\u5bb9\u5668\u9700\u8981\u6709\u4ee5\u4e0b\u4e24\u4e2a\u529f\u80fd":129,"\u7528docker\u7f16\u8bd1\u548c\u6d4b\u8bd5paddlepaddl":101,"\u7528web\u6d4f\u89c8\u5668\u8bbf\u95ee\u5bf9\u5e94\u7f51\u5740":118,"\u7531":[97,108,123],"\u7531\u4e8e":121,"\u7531\u4e8e\u5728\u73b0\u6709\u7684\u67d0\u4e9b\u60c5\u51b5\u4e0b":64,"\u7531\u4e8e\u5b83\u5185\u90e8\u5305\u542b\u4e86\u6bcf\u7ec4\u6570\u636e\u4e2d\u7684\u6240\u6709\u53e5\u5b50":106,"\u7531\u4e8e\u5bf9parameters\u7684\u66f4\u65b0\u9700\u8981\u83b7\u53d6parameters\u5185\u5b58\u7684":36,"\u7531\u4e8e\u6211\u4eec\u60f3\u8981\u7684\u53d8\u6362\u662f\u53cc\u5c42\u65f6\u95f4\u5e8f\u5217":106,"\u7531\u4e8e\u6211\u4eec\u652f\u6301\u8bad\u7ec3\u6570\u636e\u6709\u4e0d\u540c\u7684\u6279\u6b21\u5927\u5c0f":112,"\u7531\u4e8e\u8fd9\u4e2a\u5730\u5740\u4f1a\u88abdataprovider\u4f7f\u7528":1,"\u7531\u4e8e\u8fd9\u6837\u505a\u53ef\u4ee5\u907f\u514d\u5f88\u591a\u6b7b\u9501\u95ee\u9898":2,"\u7531\u4e8e\u96c6\u7fa4\u4e2d\u540c\u65f6\u5b58\u5728\u4e24\u53f0\u673a\u5668\u6545\u969c\u7684\u6982\u7387\u6781\u4f4e":36,"\u7531\u4e8e\u987a\u5e8f\u8c03\u7528\u8fd9\u4e9bgenerator\u4e0d\u4f1a\u51fa\u73b0\u4e0a\u8ff0\u95ee\u9898":2,"\u7531\u4e8earm64\u67b6\u6784\u8981\u6c42android":138,"\u7531\u4e8ec":68,"\u7531\u4e8echunk\u6bd4\u8f83\u5c0f":51,"\u7531\u4e8eeigen":114,"\u7531\u4e8emkl":65,"\u7531\u4e8epypi":85,"\u7531\u4e8estep":108,"\u7531\u4e8etensor\u7684rank\u662f\u6a21\u677f\u53c2\u6570":114,"\u7531\u4e8etest_data\u5305\u542b\u4e24\u6761\u9884\u6d4b\u6570\u636e":4,"\u7531\u5206\u652f\u5904\u7684layer\u8d1f\u8d23\u6c42\u548c":65,"\u7531\u8bcd\u8bed\u6784\u6210\u7684\u53e5\u5b50":105,"\u7531\u94fe\u63a5\u65b9\u5f0f\u51b3\u5b9a":121,"\u7533\u8bf7\u7528\u6237\u7a7a\u95f4":51,"\u7535\u8111":106,"\u767b\u5f55\u5230head\u8282\u70b9":130,"\u7684":[102,106,110,111,114,123,124,126,129,139],"\u768410\u7ef4\u6574\u6570\u6807\u7b7e":2,"\u7684\u4e00\u4e2a\u5b50\u96c6":65,"\u7684\u4e00\u4e2a\u7b80\u5355\u8c03\u7528\u5982\u4e0b":108,"\u7684\u4e3a0":134,"\u7684\u4efb\u4e00\u4e00\u79cd":96,"\u7684\u4f5c\u7528\u662f\u5ef6\u8fdf\u5206\u914d\u5185\u5b58":114,"\u7684\u4f7f\u7528\u793a\u4f8b\u5982\u4e0b":105,"\u7684\u4fe1\u606f":65,"\u7684\u503c":[138,139,140],"\u7684\u503c\u81ea\u52a8\u63a8\u5bfc\u5f97\u5230":138,"\u7684\u504f\u7f6e\u5411\u91cf":112,"\u7684\u5171\u4eab\u5df2\u7ecf\u52a0\u8f7d\u7684\u9884\u6d4b\u6a21\u578b":124,"\u7684\u5177\u4f53\u8ba1\u7b97\u903b\u8f91":113,"\u7684\u5185\u5b58":96,"\u7684\u5185\u5bb9\u6765\u5b9a\u5236imag":129,"\u7684\u5185\u6838block\u4f7f\u7528\u60c5\u51b5":119,"\u7684\u522b\u540d":[5,6,8],"\u7684\u5355\u5143\u6d4b\u8bd5":113,"\u7684\u5355\u5143\u6d4b\u8bd5\u548c\u7b80\u5355\u7f51\u7edc\u7684\u6574\u4f53\u6d4b\u8bd5":65,"\u7684\u53cd\u5411\u4f20\u64ad\u5c06\u4f1a\u6253\u5370\u65e5\u5fd7\u4fe1\u606f":134,"\u7684\u53d8\u6362\u77e9\u9635":112,"\u7684\u540d\u5b57":2,"\u7684\u540d\u79f0\u76f8\u540c":109,"\u7684\u5411\u91cf":112,"\u7684\u542f\u52a8\u53c2\u6570":129,"\u7684\u542f\u52a8\u53c2\u6570\u5e76\u6267\u884c\u8fdb\u7a0b":129,"\u7684\u547d\u4ee4\u548c\u4e00\u822c\u7684":118,"\u7684\u547d\u540d\u98ce\u683c\u5e76\u4e0d\u80fd\u9002\u5e94\u5176\u4ed6\u7b2c\u4e09\u65b9\u8bed\u8a00":68,"\u7684\u5730\u65b9":111,"\u7684\u5747\u5300\u5206\u5e03":98,"\u7684\u57fa\u672c\u903b\u8f91":65,"\u7684\u591a\u79cd\u5b89\u88c5\u65b9\u5f0f":125,"\u7684\u5934\u6587\u4ef6":68,"\u7684\u5b50\u7c7b\u53ea\u9700\u8981\u4f7f\u7528\u5185\u90e8\u5b58\u50a8\u5c31\u53ef\u4ee5\u4e86":65,"\u7684\u5b9e\u73b0":113,"\u7684\u5de5\u4f5c\u6d41\u7a0b\u5982\u56fe1\u6240\u793a":124,"\u7684\u5e73\u5747\u503c":105,"\u7684\u5e8f\u5217":123,"\u7684\u5e8f\u5217\u5f62\u72b6\u4e00\u81f4":106,"\u7684\u5f00\u53d1\u5de5\u4f5c\u90fd\u5e94\u8be5\u5728\u4e00\u4e2a\u65b0\u7684\u5206\u652f\u4e0a\u5b8c\u6210":111,"\u7684\u5f00\u53d1\u6d41\u7a0b":110,"\u7684\u5f00\u59cb\u8bf7\u52a0\u4e0a\u5b8f\u5b9a\u4e49":113,"\u7684\u6027\u80fd\u5206\u6790\u4e0e\u8c03\u4f18\u5206\u4e3a\u4e24\u4e2a\u90e8\u5206":118,"\u7684\u6027\u80fd\u5206\u6790\u5de5\u5177\u975e\u5e38\u591a":118,"\u7684\u6027\u80fd\u6709\u95ee\u9898":118,"\u7684\u60c5\u51b5\u4e0b":64,"\u7684\u63a5\u53e3\u6837\u5f0f":68,"\u7684\u63a5\u53e3\u8bf7\u67e5\u770b":123,"\u7684\u63cf\u8ff0\u8bf4\u660e\u4e2d":111,"\u7684\u64cd\u4f5c":114,"\u7684\u6570\u636e\u6d41\u56fe":37,"\u7684\u6570\u76ee\u4e00\u81f4":105,"\u7684\u6587\u4ef6\u4e5f\u5e26\u5230\u65b0\u5206\u652f\u4e0a":111,"\u7684\u65b9\u7a0b":112,"\u7684\u65f6\u5019":65,"\u7684\u65f6\u95f4\u6b65\u4fe1\u606f\u6210\u6b63\u6bd4":96,"\u7684\u66f4\u8be6\u7ec6\u51c6\u786e\u7684\u5b9a\u4e49":106,"\u7684\u6700\u5c0f\u503c":134,"\u7684\u6700\u65b0\u4ee3\u7801\u5e76\u66f4\u65b0\u5f53\u524d\u5206\u652f":111,"\u7684\u6784\u9020\u51fd\u6570":113,"\u7684\u67b6\u6784\u7684\u793a\u4f8b":109,"\u7684\u6837\u5f0f":111,"\u7684\u6838\u5fc3\u662f\u8bbe\u8ba1step\u51fd\u6570\u7684\u8ba1\u7b97\u903b\u8f91":108,"\u7684\u6839\u76ee\u5f55":139,"\u7684\u683c\u5f0f\u59cb\u7ec8\u662f":65,"\u7684\u683c\u5f0f\u5b58\u50a8":65,"\u7684\u6982\u5ff5":65,"\u7684\u6bb5\u843d\u5b9a\u4e49\u4e3a\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":108,"\u7684\u6bcf\u4e2a\u8fdb\u7a0b\u90fd\u53ef\u4ee5\u4ececeph\u8bfb\u53d6\u6570\u636e":128,"\u7684\u6e90\u7801\u4ee5\u53ca\u751f\u6210\u6587\u6863\u9700\u8981\u591a\u79cd\u5f00\u53d1\u5de5\u5177":111,"\u7684\u6e90\u7801\u91cc\u4f7f\u7528\u4e86":68,"\u7684\u7248\u672c":[85,110,140],"\u7684\u72b6\u6001":108,"\u7684\u72ec\u7acb\u5de5\u5177\u94fe":138,"\u7684\u77e9\u9635":[96,112],"\u7684\u7a20\u5bc6\u5411\u91cf\u4f5c\u4e3a\u8f93\u5165":112,"\u7684\u7a20\u5bc6\u77e9\u9635":123,"\u7684\u7a20\u5bc6\u77e9\u9635\u662f\u4e00\u4e2a\u7531":123,"\u7684\u7b2c\u4e00\u4e2a\u53c2\u6570":124,"\u7684\u7b2ci\u4e2a\u503c":112,"\u7684\u7b2cj\u4e2a\u503c":112,"\u7684\u7cfb\u7edf":110,"\u7684\u7ed3\u679c":64,"\u7684\u7f16\u5199":125,"\u7684\u7f16\u8bd1\u5de5\u5177\u94fe":138,"\u7684\u7f29\u5199":51,"\u7684\u7f51\u7edc\u6a21\u578b":64,"\u7684\u89c4\u8303":68,"\u7684\u89d2\u5ea6":37,"\u7684\u8ba1\u7b97\u4ee3\u7801":114,"\u7684\u8ba1\u7b97\u8fc7\u7a0b\u4e66\u5199\u66f4\u52a0\u7b80\u5355":113,"\u7684\u8bdd":96,"\u7684\u8be6\u7ec6\u4fe1\u606f":118,"\u7684\u8f93\u5165":108,"\u7684\u8f93\u51fa":119,"\u7684\u8f93\u51fa\u4fe1\u606f\u5165\u624b\u662f\u4e2a\u4e0d\u9519\u7684\u9009\u62e9":119,"\u7684\u8f93\u51fa\u51fd\u6570\u8fd4\u56de\u7684\u662f\u4e0b\u4e00\u4e2a\u65f6\u523b\u8f93\u51fa\u8bcd\u7684":109,"\u7684\u8f93\u51fa\u683c\u5f0f":106,"\u7684\u8f93\u51fa\u88ab\u7528\u4f5c":109,"\u7684\u8f93\u51fab\u662f\u4e00\u4e2a":96,"\u7684\u8fd0\u884c\u73af\u5883":110,"\u7684\u8fdc\u7a0b\u4ed3\u5e93\u7684\u540d\u5b57":111,"\u7684\u914d\u7f6e\u5199\u5230\u914d\u7f6e\u6587\u4ef6\u4e2d":37,"\u7684\u96c6\u88c5\u7bb1\u6280\u672f":110,"\u7684\u9875\u9762\u5220\u9664\u8fdc\u7a0b\u4ed3\u5e93\u7684\u5206\u652f":111,"\u7684cpu":113,"\u7684docker\u955c\u50cf":100,"\u7684flag":[64,65],"\u7684linux\u670d\u52a1\u5668\u7ec4\u6210":125,"\u7684paddlepaddle\u5e93":138,"\u7684vanilla":64,"\u76d1\u542c\u7684\u7aef\u53e3\u4e2a\u6570":125,"\u76ee\u524d":108,"\u76ee\u524d\u4f7f\u7528":111,"\u76ee\u524d\u53ea\u8003\u8651":65,"\u76ee\u524d\u53ea\u8003\u8651\u52a8\u6001\u6269\u5bb9trainer\u6570\u91cf":36,"\u76ee\u524d\u5728paddlepaddle\u4e2d":65,"\u76ee\u524d\u5728paddlepaddle\u4e2d\u6570\u636e\u90fd\u662f\u4ee5":65,"\u76ee\u524d\u5d4c\u5165python\u89e3\u91ca\u5668":68,"\u76ee\u524d\u5fc5\u987b\u8bbe\u7f6e\u6210":140,"\u76ee\u524d\u6211\u4eec\u7528cephfs\u6765\u642d\u5efa":51,"\u76ee\u524d\u63d0\u4f9b\u4e09\u79cd\u94fe\u63a5\u65b9\u5f0f":121,"\u76ee\u524d\u652f\u6301":138,"\u76ee\u524d\u652f\u6301\u4e24\u79cd":105,"\u76ee\u524d\u652f\u6301cento":104,"\u76ee\u524d\u652f\u6301fail":134,"\u76ee\u524d\u7684\u4f18\u5316":65,"\u76ee\u524d\u8be5\u53c2\u6570\u4ec5\u7528\u4e8eaucvalidationlayer\u548cpnpairvalidationlayer\u5c42":134,"\u76ee\u524d\u8fd8\u672a\u652f\u6301":108,"\u76ee\u524dpaddle\u7684\u8fdb\u7a0b\u6a21\u578b\u662fc":68,"\u76ee\u524dpaddlepaddle\u7684develop\u5206\u652f\u7684\u6587\u6863\u662f\u81ea\u52a8\u89e6\u53d1\u66f4\u65b0\u7684":115,"\u76ee\u524dpaddlepaddle\u91c7\u7528\u4e86":64,"\u76ee\u5f55":[100,110,126,128,129,138,139,140],"\u76ee\u5f55\u4e0b":[69,112,126],"\u76ee\u5f55\u4e0b\u5bf9\u5e94\u7684\u5730\u65b9":65,"\u76ee\u5f55\u4e0b\u65b0\u589e\u7684":113,"\u76ee\u5f55\u4e0b\u6700\u65b0\u7684":139,"\u76ee\u5f55\u4e0b\u7684\u4ee3\u7801\u793a\u4f8b":124,"\u76ee\u5f55\u4e0b\u7684\u751f\u6210\u6587\u4ef6\u7528\u4e8e\u6df1\u5ea6\u5b66\u4e60\u76f8\u5173android":138,"\u76ee\u5f55\u4e0b\u7684demo\u8bad\u7ec3\u51fa\u6765":4,"\u76ee\u5f55\u4e0b\u7684python\u5305":93,"\u76ee\u5f55\u4e2d":[121,124,126],"\u76ee\u5f55\u4e2d\u4f1a\u5305\u542b":[138,140],"\u76ee\u5f55\u4e2d\u4f1a\u5305\u542b\u4ee5\u4e0b\u5185\u5bb9":139,"\u76ee\u5f55\u4e2d\u7684":119,"\u76ee\u5f55\u4e2dpaddl":129,"\u76ee\u5f55\u548c":[138,139,140],"\u76ee\u5f55\u5c31\u6210\u4e3a\u4e86\u5171\u4eab\u5b58\u50a8":129,"\u76ee\u5f55\u751f\u6210\u4e00\u5957\u72ec\u7acb\u7f16\u8bd1\u5de5\u5177\u94fe":138,"\u76ee\u5f55\u91cc\u627e\u5230\u4ea4\u53c9\u7f16\u8bd1\u5668":140,"\u76ee\u6807\u5411\u91cf":109,"\u76ee\u6807\u5de5\u5177\u94fe":138,"\u76ee\u6807\u673a\u7248protobuf\u5e93":140,"\u76ee\u6807\u67b6\u6784":139,"\u76ee\u6807\u67b6\u6784abi":138,"\u76f4\u5230\u8bad\u7ec3\u6536\u655b\u4e3a\u6b62":98,"\u76f4\u63a5\u4f7f\u7528\u4e0a\u8ff0\u5b89\u88c5\u6d41\u7a0b":101,"\u76f4\u63a5\u4f7f\u7528c\u8bed\u8a00\u7684":68,"\u76f4\u63a5\u5220\u9664\u8fd9\u4e2a\u53c2\u6570\u5373\u53ef":69,"\u76f4\u63a5\u5347\u7ea7\u5230\u66f4\u65b0\u7684\u7248\u672c":99,"\u76f4\u63a5\u5bfc\u51fa\u5230c\u7684\u63a5\u53e3\u6bd4\u8f83\u56f0\u96be":68,"\u76f4\u63a5\u8c03\u7528\u76f8\u5e94\u63a5\u53e3\u5373\u53ef":113,"\u76f4\u63a5\u8fd0\u884c":100,"\u76f4\u63a5\u8fd4\u56de\u8ba1\u7b97\u7ed3\u679c":4,"\u76f8\u5173\u5c42":64,"\u76f8\u5173\u6982\u5ff5\u662f":2,"\u76f8\u540c\u540d\u5b57\u7684\u53c2\u6570":98,"\u76f8\u5bf9":106,"\u76f8\u5bf9\u4e8epaddlepaddle\u7a0b\u5e8f\u8fd0\u884c\u65f6\u7684\u8def\u5f84":1,"\u76f8\u5bf9mnist\u800c\u8a00":2,"\u76f8\u5f53":106,"\u76f8\u6bd4":113,"\u770b\u5f53\u524dmpi\u96c6\u7fa4\u662f\u5426\u652f\u6301resourc":94,"\u77a7":104,"\u77e9\u9635":133,"\u77e9\u9635\u4e2d\u6bcf\u4e2a\u5143\u7d20\u7684\u503c\u968f\u673a\u751f\u6210":123,"\u77e9\u9635\u4e58\u6cd5\u7684\u516c\u5f0f":113,"\u77e9\u9635\u5927\u5c0f\u662f":64,"\u77e9\u9635\u662f\u5426\u662f\u4e00\u4e2a\u5e8f\u5217":123,"\u77e9\u9635\u7684\u9ad8\u5ea6":123,"\u77e9\u9635\u91cc\u7684\u5143\u7d20\u662f\u6d6e\u70b9\u6570":123,"\u786e\u4fdd\u7f16\u8bd1\u5668\u9009\u9879":111,"\u78c1\u76d8\u4e0d\u591f":110,"\u78c1\u76d8\u7a7a\u95f4\u4e0d\u8db3\u7b49":94,"\u793a\u4f8b":[96,98,124],"\u793a\u4f8b3\u5bf9\u4e8e\u5355\u5c42rnn\u548c\u53cc\u5c42rnn\u6570\u636e\u5b8c\u5168\u76f8\u540c":106,"\u793a\u4f8b3\u7684\u914d\u7f6e\u4f7f\u7528\u4e86\u5355\u5c42rnn\u548c\u53cc\u5c42rnn":106,"\u793a\u4f8b3\u7684\u914d\u7f6e\u5206\u522b\u4e3a":106,"\u793a\u4f8b\u4ee3\u7801\u5982\u4e0b":[96,124],"\u793a\u4f8b\u5982\u4e0b":98,"\u793a\u4f8b\u7a0b\u5e8f":125,"\u793e\u533a\u53c2\u4e0e\u56f0\u96be":68,"\u793e\u533a\u8d21\u732e\u4ee3\u7801\u5b66\u4e60\u6210\u672c\u9ad8":68,"\u795e\u7ecf\u7f51\u7edc\u4e2d\u4e00\u4e2a\u8ba1\u7b97\u5c42\u7684\u8f93\u5165":123,"\u795e\u7ecf\u7f51\u7edc\u4e2d\u4e00\u4e2a\u8ba1\u7b97\u5c42\u7684\u8f93\u5165\u8f93\u51fa\u88ab\u7ec4\u7ec7\u4e3a\u4e00\u4e2a":124,"\u795e\u7ecf\u7f51\u7edc\u4e2d\u7684\u53c2\u6570":36,"\u795e\u7ecf\u7f51\u7edc\u4e5f\u9700\u8981\u4e00\u4e9b\u7279\u5b9a\u7684layer\u4f5c\u4e3a\u8f93\u5165\u63a5\u53e3":103,"\u795e\u7ecf\u7f51\u7edc\u53c2\u6570\u4ee5\u53ca\u8fed\u4ee3\u65b9\u7a0b":103,"\u795e\u7ecf\u7f51\u7edc\u5728\u8bad\u7ec3\u7684\u65f6\u5019":96,"\u795e\u7ecf\u7f51\u7edc\u672c\u8d28\u4e0a\u662f\u4e00\u4e2a\u8ba1\u7b97\u56fe":114,"\u795e\u7ecf\u7f51\u7edc\u6a21\u578b\u7ed3\u6784\u548c\u8bad\u7ec3\u597d\u7684\u6a21\u578b\u5c06\u88ab\u5e8f\u5217\u5316\u5408\u5e76\u5165\u4e00\u4e2a\u6587\u4ef6":124,"\u795e\u7ecf\u7f51\u7edc\u7684\u7f51\u7edc\u7ed3\u6784\u4e2d\u5177\u6709\u6709\u5411\u73af\u7ed3\u6784":106,"\u795e\u7ecf\u7f51\u7edc\u7684\u8bad\u7ec3\u672c\u8eab\u662f\u4e00\u4e2a\u975e\u5e38\u6d88\u8017\u5185\u5b58\u548c\u663e\u5b58\u7684\u5de5\u4f5c":96,"\u79bb":106,"\u79bb\u7ebf\u6279\u5904\u7406":37,"\u79f0\u4e3a":[109,111],"\u79f0\u4e3a\u5f00\u53d1\u955c\u50cf":138,"\u79f0\u4e4b\u4e3a":123,"\u79f0\u4e4b\u4e3a\u53cc\u5c42\u5e8f\u5217\u7684\u4e00\u4e2a\u5b50\u5e8f\u5217":105,"\u79f0\u4e4b\u4e3a\u96c6\u675f\u5927\u5c0f":134,"\u79f0\u4f5c\u6709kernel":113,"\u79f0\u4f5ckernel":113,"\u79fb\u52a8\u7aef\u9884\u6d4b":123,"\u7a00\u758f\u6570\u636e\u7684\u683c\u5f0f":112,"\u7a00\u758f\u66f4\u65b0\u7684\u7aef\u53e3\u6570\u91cf":129,"\u7a00\u758f\u768401\u5411\u91cf":[2,103],"\u7a00\u758f\u7684\u5411\u91cf":[2,103],"\u7a00\u758f\u77e9\u9635":123,"\u7a00\u758f\u77e9\u9635\u4f7f\u7528":123,"\u7a00\u758f\u77e9\u9635\u53ca\u76f8\u5173\u7684\u63a5\u53e3":123,"\u7a00\u758f\u77e9\u9635\u5b58\u50a8\u793a\u610f\u56fe":123,"\u7a00\u758f\u77e9\u9635\u7684\u4e58\u79ef\u5e94\u7528\u4e8e\u524d\u5411\u4f20\u64ad\u8fc7\u7a0b":136,"\u7a0b\u5e8f\u4ece\u6b64\u76ee\u5f55\u62f7\u8d1d\u6587\u4ef6\u5230\u5bb9\u5668\u5185\u8fdb\u884c\u8bad\u7ec3":129,"\u7a0b\u5e8f\u4f9d\u8d56":125,"\u7a0b\u5e8f\u505c\u6b62":134,"\u7a0b\u5e8f\u662f\u4e00\u6837\u7684":118,"\u7a0b\u5e8f\u76f4\u63a5\u9000\u51fa":134,"\u7a20\u5bc6\u5411\u91cf":112,"\u7a20\u5bc6\u66f4\u65b0\u7684\u7aef\u53e3\u6570\u91cf":129,"\u7a20\u5bc6\u7684\u6d6e\u70b9\u6570\u5411\u91cf":[2,103],"\u7a20\u5bc6\u77e9\u9635":123,"\u7a97\u6237":106,"\u7acb\u523b\u9000\u51fa":96,"\u7acb\u5373\u6267\u884c\u5355\u5143\u6d4b\u8bd5":99,"\u7ae0\u8282":138,"\u7aef\u53e3":94,"\u7aef\u6570\u636e\u7c7b\u578b":123,"\u7aef\u7684":118,"\u7aef\u81ea\u5b9a\u4e49\u4e00\u4e2a":1,"\u7aef\u8bfb\u53d6\u6570\u636e":96,"\u7b2c":106,"\u7b2c\u4e00\u4e2a":111,"\u7b2c\u4e00\u4e2a\u53c2\u6570":113,"\u7b2c\u4e00\u4e2a\u53c2\u6570\u662fsettings\u5bf9\u8c61":2,"\u7b2c\u4e00\u4e2a\u6837\u672c\u540c\u65f6encode\u4e24\u6761\u6570\u636e\u6210\u4e24\u4e2a\u5411\u91cf":106,"\u7b2c\u4e00\u4e2apass\u4f1a\u4ecepython\u7aef\u8bfb\u53d6\u6570\u636e":2,"\u7b2c\u4e00\u4e2atag\u4e3a":85,"\u7b2c\u4e00\u5929":106,"\u7b2c\u4e00\u6b65\u9700\u8c03\u7528":124,"\u7b2c\u4e00\u7ae0\u8282":103,"\u7b2c\u4e00\u90e8\u5206\u662f\u56fe\u7247\u7684\u6807\u7b7e":2,"\u7b2c\u4e09\u4e2a\u53c2\u6570":113,"\u7b2c\u4e09\u65b9\u4f9d\u8d56\u5e93\u9700\u8981\u6309\u7167\u4e0e\u65b9\u5f0f2\u540c\u6837\u65b9\u6cd5\u663e\u793a\u5730\u8fdb\u884c\u94fe\u63a5":121,"\u7b2c\u4e09\u65b9\u94fe\u63a5\u5e93\u548c\u5934\u6587\u4ef6":121,"\u7b2c\u4e09\u6b65\u5b8c\u6210\u540e":85,"\u7b2c\u4e8c\u4e2a":96,"\u7b2c\u4e8c\u4e2a\u4e3a":85,"\u7b2c\u4e8c\u4e2a\u53c2\u6570":113,"\u7b2c\u4e8c\u7c7b":97,"\u7b2c\u4e8c\u90e8\u5206\u662f28":2,"\u7b2ci\u884c\u7b2cj\u5217\u7684\u6570\u503c":112,"\u7b49":[65,69,94,113,124],"\u7b49\u4e8e\u6837\u672c\u6570":96,"\u7b49\u5168\u90e8\u9759\u6001\u5e93\u4e2d\u7684\u76ee\u6807\u6587\u4ef6\u5168\u90e8\u6253\u5305\u540e\u4ea7\u751f\u7684\u6587\u4ef6":69,"\u7b49\u53c2\u6570":129,"\u7b49\u5f85\u7f16\u8bd1\u5b8c\u6210\u540e":85,"\u7b49\u6587\u4ef6":69,"\u7b49\u7b2c\u4e09\u65b9\u5e93":121,"\u7b80\u5199":113,"\u7b80\u5355\u4ecb\u7ecd\u9700\u8981\u7528\u5230\u57fa\u7c7b":113,"\u7b80\u5355\u603b\u7ed3op\u9700\u8981\u5305\u542b\u7684\u5185\u5bb9\u5982\u4e0b":113,"\u7b80\u5355\u6765\u8bf4":119,"\u7b80\u5355\u7684\u5168\u8fde\u63a5\u7f51\u7edc":98,"\u7b80\u5355\u7684\u6027\u80fd\u5206\u6790":119,"\u7b80\u5355\u7684pydataprovider2\u6837\u4f8b\u5c31\u8bf4\u660e\u5b8c\u6bd5\u4e86":2,"\u7b80\u5355\u7684yaml\u6587\u4ef6\u5982\u4e0b":128,"\u7b80\u76f4":106,"\u7b97\u6cd5":[96,109],"\u7b97\u6cd5\u4e2d\u7684beam\u5927\u5c0f":109,"\u7ba1\u7406\u4e86\u6bcf\u4e2a\u8ba1\u7b97\u5c42\u8f93\u51fa\u7684\u5b58\u50a8\u7a7a\u95f4":124,"\u7c7b\u4f3c":[69,105],"\u7c7b\u4f5c\u4e3a\u53c2\u6570\u7684\u62bd\u8c61":112,"\u7c7b\u522b\u4e2d\u7684\u53c2\u6570\u53ef\u7528\u4e8e\u6240\u6709\u573a\u5408":133,"\u7c7b\u522b\u6807\u7b7e\u4e4b\u4e00":124,"\u7c7b\u522b\u6807\u7b7e\u5c42":124,"\u7c7b\u540d\u548cc":68,"\u7c7b\u578b":[68,113,123,134],"\u7c7b\u578b\u4e3a":113,"\u7c7b\u578b\u4ecd\u7136\u4e3aeigenvector":114,"\u7c7b\u578b\u53ef\u4ee5\u662fpaddlepaddle\u652f\u6301\u7684\u4efb\u610f\u8f93\u5165\u6570\u636e\u7c7b\u578b":105,"\u7c7b\u578b\u540d\u4e3a":113,"\u7c7b\u578b\u662fnumpy\u7684ndarrai":96,"\u7c7b\u578b\u662fsparse_binary_vector":[2,103],"\u7c7b\u578b\u662fsparse_float_vector":[2,103],"\u7c7b\u578b\u6765\u8bbe\u7f6e":2,"\u7c7b\u578b\u7684":106,"\u7c7b\u578b\u7b49\u662f\u5426\u5408\u6cd5":113,"\u7c7b\u578b\u8fd8\u662f":123,"\u7c7b\u7684\u5b9a\u4e49\u5199\u5728":113,"\u7c7b\u7684\u5bf9\u8c61":124,"\u7c7b\u7684\u6784\u9020\u51fd\u6570\u548c\u6790\u6784\u51fd\u6570":112,"\u7c7b\u91cd\u5199":113,"\u7c7b\u9700\u8981\u5b9e\u73b0\u521d\u59cb\u5316":112,"\u7cfb\u6570":113,"\u7cfb\u7edf\u4e2d\u7684\u74f6\u9888\u53ef\u80fd\u548c\u7a0b\u5e8f\u5458\u5f00\u53d1\u8fc7\u7a0b\u4e2d\u60f3\u8c61\u7684\u74f6\u9888\u76f8\u53bb\u751a\u8fdc":118,"\u7cfb\u7edf\u4f1a\u5bf9\u65b0\u589e\u7684op\u81ea\u52a8\u7ed1\u5b9apython":113,"\u7cfb\u7edf\u4f1a\u63d0\u4f9b\u4e00\u4e2a\u5206\u5e03\u5f0f\u5b58\u50a8\u670d\u52a1":125,"\u7cfb\u7edf\u4f1a\u6839\u636e\u6587\u4ef6\u540d\u81ea\u52a8\u6784\u5efaop\u548c\u5176\u5bf9\u5e94\u7684python\u6269\u5c55":113,"\u7ebf\u7a0bid\u53f7":136,"\u7ec6\u8282\u63cf\u8ff0":135,"\u7ecf\u5e38\u4f1a\u6d88\u8017\u657010gb\u7684\u5185\u5b58\u548c\u6570gb\u7684\u663e\u5b58":96,"\u7ed3\u5c3e":113,"\u7ed3\u675f\u6807\u8bb0":109,"\u7ed3\u675f\u9884\u6d4b\u4e4b\u540e":124,"\u7ed3\u6784\u4f53":[123,124],"\u7ed3\u679c\u4f1a\u5199\u5165\u5f53\u524d\u8fd0\u884c\u76ee\u5f55\u4e0b\u7684":124,"\u7ed3\u679c\u5982\u4e0b\u56fe\u6240\u793a":118,"\u7ed3\u679c\u8f93\u51fa\u5230":110,"\u7ed3\u8bba":68,"\u7ed9":106,"\u7ed9\u4e2a\u7b80\u5355\u7684":111,"\u7ed9\u5b9aencoder\u8f93\u51fa\u548c\u5f53\u524d\u8bcd":108,"\u7edf\u4e00\u7528":37,"\u7ee7\u627f\u81ea":113,"\u7ee7\u627f\u81eaoperatorbas":113,"\u7ee7\u7eed\u8bad\u7ec3\u6216\u9884\u6d4b":2,"\u7ef4\u57fa\u767e\u79d1\u4e2d\u6587\u9875\u9762":106,"\u7ef4\u57fa\u767e\u79d1\u9875\u9762":106,"\u7ef4\u7a7a\u95f4":109,"\u7ef4\u7a7a\u95f4\u5b8c\u6210":109,"\u7f13\u5b58\u6c60\u7684\u51cf\u5c0f":96,"\u7f13\u5b58\u8bad\u7ec3\u6570\u636e\u5230\u5185\u5b58":2,"\u7f16\u5199":100,"\u7f16\u5199\u4e86\u4e00\u4e2apaddlepaddle\u7684\u7a0b\u5e8f":100,"\u7f16\u5199\u5b8cyaml\u6587\u4ef6\u540e":129,"\u7f16\u5199\u672c\u6b21\u8bad\u7ec3\u7684yaml\u6587\u4ef6":129,"\u7f16\u5199\u6df1\u5ea6\u5b66\u4e60\u7a0b\u5e8f":118,"\u7f16\u5199\u7684\u90e8\u5206":102,"\u7f16\u5199\u96c6\u7fa4\u4efb\u52a1\u63d0\u4ea4\u548c\u7ba1\u7406\u811a\u672c":125,"\u7f16\u53f7\u4ece0\u5f00\u59cb":96,"\u7f16\u7801\u5411\u91cf":109,"\u7f16\u7801\u5668\u8f93\u51fa":109,"\u7f16\u7801\u6e90\u5e8f\u5217":109,"\u7f16\u8bd1":[100,110,111,122,138],"\u7f16\u8bd1\u51fa\u7684paddlepaddle\u9884\u6d4b\u5e93\u548c\u5934\u6587\u4ef6":121,"\u7f16\u8bd1\u540e\u7684\u6587\u4ef6\u5c06\u88ab\u5b58\u50a8\u5728\u5de5\u4f5c\u76ee\u5f55":115,"\u7f16\u8bd1\u548c\u5b89\u88c5paddlepaddl":140,"\u7f16\u8bd1\u548c\u5b89\u88c5paddlepaddle\u9884\u6d4b\u5e93":[138,139],"\u7f16\u8bd1\u5668":[138,139,140],"\u7f16\u8bd1\u5668\u6ca1\u6709":68,"\u7f16\u8bd1\u5668\u8981\u6c42\u7cfb\u7edf\u652f\u6301":138,"\u7f16\u8bd1\u578b\u8bed\u8a00":68,"\u7f16\u8bd1\u5b89\u88c5\u4e0e\u5355\u5143\u6d4b\u8bd5":95,"\u7f16\u8bd1\u5b89\u88c5\u7ed3\u675f\u4e4b\u540e":138,"\u7f16\u8bd1\u5b8c\u6210\u4e4b\u540e":115,"\u7f16\u8bd1\u5b8c\u6210\u540e\u4f1a\u5728build":99,"\u7f16\u8bd1\u5de5\u5177\u94fe":138,"\u7f16\u8bd1\u5de5\u5177\u94fe\u6240\u5728\u7684\u7edd\u5bf9\u8def\u5f84":140,"\u7f16\u8bd1\u6027\u80fd\u4f1a\u548c":118,"\u7f16\u8bd1\u6210\u529f\u540e":113,"\u7f16\u8bd1\u6210\u529f\u540e\u5728":121,"\u7f16\u8bd1\u6210\u52a8\u6001\u5e93":134,"\u7f16\u8bd1\u65f6\u4e00\u5b9a\u8981\u5f00\u542f\u4f18\u5316":118,"\u7f16\u8bd1\u65f6\u4f1a\u628a\u5bf9\u5e94\u7684\u5934\u6587\u4ef6\u548c\u5e93\u653e\u5728":65,"\u7f16\u8bd1\u65f6\u53ef\u80fd\u4f1a\u53bb\u6389\u8c03\u8bd5\u4fe1\u606f":118,"\u7f16\u8bd1\u65f6\u6307\u5b9a":118,"\u7f16\u8bd1\u751f\u6210":115,"\u7f16\u8bd1\u8fd9\u4e2a\u7248\u672c\u7684docker\u53d1\u884c\u955c\u50cf":85,"\u7f16\u8bd1\u8fd9\u4e2a\u7248\u672c\u7684python":85,"\u7f16\u8bd1c":69,"\u7f16\u8bd1paddlepaddl":99,"\u7f51\u7edc\u5c42\u53ef\u4ee5\u6709\u591a\u4e2a\u8f93\u5165":112,"\u7f51\u7edc\u5c42\u7684\u6807\u8bc6\u7b26\u4e3a":112,"\u7f51\u7edc\u5c42\u7684\u7c7b\u578b":112,"\u7f51\u7edc\u5c42\u7684\u7ec6\u8282\u53ef\u4ee5\u901a\u8fc7\u4e0b\u9762\u8fd9\u4e9b\u4ee3\u7801\u7247\u6bb5\u6765\u6307\u5b9a":112,"\u7f51\u7edc\u5c42\u7684\u8f93\u51fa\u662f\u7ecf\u8fc7\u6fc0\u6d3b\u51fd\u6570\u4e4b\u540e\u7684\u503c":134,"\u7f51\u7edc\u5c42\u914d\u7f6e\u5305\u542b\u4ee5\u4e0b\u51e0\u9879":112,"\u7f51\u7edc\u63a5\u53d7\u4e00\u5e45\u56fe\u7247\u4f5c\u4e3a\u8f93\u5165":124,"\u7f51\u7edc\u7ed3\u6784\u7684\u5e8f\u5217\u5316\u7ed3\u679c\u548c\u6a21\u578b\u53c2\u6570\u5b58\u50a8\u76ee\u5f55":124,"\u7f51\u7edc\u901a\u4fe1":112,"\u7f51\u901f\u6216ssl\u94fe\u63a5\u539f\u56e0":93,"\u800c":[97,109,118],"\u800c\u4e0d\u4f1a\u6539\u53d8\u539f\u6709tensor\u7684shape\u4fe1\u606f":114,"\u800c\u4e0d\u5fc5\u5728\u610fpaddl":69,"\u800c\u4e0d\u652f\u6301pypy\u89e3\u91ca\u5668":68,"\u800c\u4e0d\u662f\u5728layer\u91cc\u5b9e\u73b0":97,"\u800c\u4e0d\u662f\u6e90\u7801\u76ee\u5f55\u91cc":93,"\u800c\u4e0d\u662f\u7279\u5f81\u7684\u96c6\u5408":106,"\u800c\u4e0d\u662f\u76f8\u5bf9":123,"\u800c\u4e0d\u662fc":123,"\u800c\u4e0d\u66b4\u9732\u6982\u5ff5\u7684\u5b9e\u73b0":69,"\u800c\u4e0d\u7528\u5173\u5fc3\u6570\u636e\u5982\u4f55\u4f20\u8f93":2,"\u800c\u4e14\u4e2a\u6570\u5e76\u4e0d\u786e\u5b9a":125,"\u800c\u4e14\u5305\u542b\u4e86c":102,"\u800c\u4e14\u5728\u4f20\u8f93\u7684\u8fc7\u7a0b\u4e2d\u4e5f\u53ef\u80fd\u51fa\u73b0\u7f51\u7edc\u4e0d\u7a33\u5b9a\u7684\u60c5\u51b5":51,"\u800c\u4e14cento":102,"\u800c\u4e4b\u524d\u7684\u53c2\u6570\u5c06\u4f1a\u88ab\u5220\u9664":134,"\u800c\u4ece\u5e94\u7528\u7684\u89d2\u5ea6":119,"\u800c\u4f18\u5316\u6027\u80fd\u7684\u9996\u8981\u4efb\u52a1":119,"\u800c\u5176\u4ed6\u5c42\u4f7f\u7528cpu\u8ba1\u7b97":136,"\u800c\u51fa\u73b0\u9636\u6bb5\u6027\u7684\u8fd0\u884c\u505c\u6ede":36,"\u800c\u53cc\u5c42rnn\u662f\u53ef\u4ee5\u5904\u7406\u8fd9\u79cd\u8f93\u5165\u6570\u636e\u7684\u7f51\u7edc\u7ed3\u6784":106,"\u800c\u53cd\u5411\u6d4b\u8bd5\u4e2d":113,"\u800c\u53ea\u9700\u8981\u83b7\u5f97recurr":97,"\u800c\u5728\u8ba1\u7b97\u7ed3\u675f\u4e4b\u540e":114,"\u800c\u5728cpp\u91cc\u9762\u5b9e\u73b0\u8fd9\u4e2ac\u7684\u63a5\u53e3":68,"\u800c\u591a\u8bed\u8a00\u63a5\u53e3\u9700\u8981\u76f4\u63a5\u8bfb\u53d6\u751f\u6210\u7684\u4e8c\u8fdb\u5236":68,"\u800c\u5b89\u88c5\u5305":[93,102],"\u800c\u5b89\u88c5\u5305\u662f":[93,102],"\u800c\u5bf9\u4e8e\u53cc\u5c42\u5e8f\u5217":106,"\u800c\u5bf9\u4e8e\u6bcf\u4e00\u4e2a\u5185\u5c42\u7279\u5f81\u6570\u636e\u800c\u8a00":106,"\u800c\u5bf9\u4e8egolang":68,"\u800c\u5bf9\u4e8egolang\u9519\u8bef\u5904\u7406\u5e94\u8be5\u4f7f\u7528\u8fd4\u56de\u503c":68,"\u800c\u5c06\u8fd9\u4e2a\u6bb5\u843d\u7684\u6bcf\u4e00\u53e5\u8bdd\u7528lstm\u7f16\u7801\u6210\u4e00\u4e2a\u5411\u91cf":106,"\u800c\u5f53\u524d\u5df2\u7ecf\u67095":119,"\u800c\u662f\u5c06\u8f93\u5165":[123,124],"\u800c\u662f\u76f4\u63a5\u4ece\u5185\u5b58\u7684\u7f13\u5b58\u91cc\u8bfb\u53d6\u6570\u636e":96,"\u800c\u662f\u76f4\u63a5\u4fee\u6539paddl":69,"\u800c\u662f\u76f4\u63a5\u7528api\u7684\u63a5\u53e3\u8fdc\u7a0b\u8bbf\u95ee":37,"\u800c\u66f4\u6df1\u5165\u7684\u5206\u6790":119,"\u800c\u6709\u4e9b\u53c2\u6570\u9700\u8981\u5728\u96c6\u7fa4\u591a\u673a\u8bad\u7ec3\u4e2d\u4f7f\u7528\u7b49":133,"\u800c\u6e90\u5e8f\u5217\u7684\u7f16\u7801\u5411\u91cf\u53ef\u4ee5\u88ab\u65e0\u8fb9\u754c\u7684memory\u8bbf\u95ee":109,"\u800c\u795e\u7ecf\u7f51\u7edc\u662f\u6211\u4eec\u8981\u642d\u5efa\u7684\u5b9d\u5854":103,"\u800c\u7a00\u758f\u66f4\u65b0\u5728\u53cd\u5411\u4f20\u64ad\u4e4b\u540e\u7684\u6743\u91cd\u66f4\u65b0\u65f6\u8fdb\u884c":136,"\u800c\u8ba1\u7b97\u8fc7\u7a0b\u662f\u7531":114,"\u800c\u8fd9\u4e00\u53e5\u8bdd\u5c31\u53ef\u4ee5\u8868\u793a\u6210\u8fd9\u4e9b\u4f4d\u7f6e\u7684\u6570\u7ec4":106,"\u800c\u8fd9\u4e2acontext\u53ef\u80fd\u4f1a\u975e\u5e38\u5927":2,"\u800c\u8fd9\u6bcf\u4e00\u4e2a\u6570\u7ec4\u5143\u7d20":106,"\u800c\u975e\u76f4\u63a5\u56de\u590d\u7684\u65b9\u5f0f":111,"\u800c\u975e\u9759\u6001\u52a0\u8f7dcuda\u52a8\u6001\u5e93":99,"\u800ceigenvector":114,"\u800cpaddlepaddle\u5219\u4f1a\u5e2e\u7528\u6237\u505a\u4ee5\u4e0b\u5de5\u4f5c":2,"\u800crnn\u662f\u6700\u6d41\u884c\u7684\u9009\u62e9":108,"\u800cswig\u53ea\u80fd\u7b80\u5355\u7684\u66b4\u9732c":68,"\u800ctrainer\u9700\u8981\u8bfb\u53d6\u8bad\u7ec3\u6570\u636e\u8fdb\u884c\u8bad\u7ec3":103,"\u800cy_predict\u662f\u63a5\u6536x\u4f5c\u4e3a\u8f93\u5165":103,"\u8054\u901a":125,"\u80fd\u591f\u5904\u7406\u53cc\u5c42\u5e8f\u5217":108,"\u80fd\u591f\u5bf9\u53cc\u5411\u5e8f\u5217\u8fdb\u884c\u5904\u7406\u7684\u6709":108,"\u80fd\u591f\u8bb0\u5f55\u4e0a\u4e00\u4e2asubseq":108,"\u80fd\u591f\u9488\u5bf9cpu\u548cgpu\u7684\u8ba1\u7b97\u505a\u66f4\u591a\u4f18\u5316":97,"\u80fd\u83b7\u53d6":126,"\u811a\u672c":[110,124,138],"\u811a\u672c\u5f00\u59cb\u65f6":129,"\u811a\u672c\u96c6\u6210\u4e86\u5e8f\u5217\u5316\u795e\u7ecf\u7f51\u7edc\u7ed3\u6784\u7684\u8fc7\u7a0b":124,"\u81ea\u52a8\u5173\u95ed\u5bf9\u5e94\u7684":111,"\u81ea\u52a8\u5730\u5c06\u8fd9\u4e9b\u9009\u9879\u5e94\u7528\u5230":126,"\u81ea\u52a8\u5b8c\u6210\u8fd9\u4e00\u8fc7\u7a0b":108,"\u81ea\u52a8\u6302\u8f7d\u5206\u5e03\u5f0f\u5b58\u50a8\u76ee\u5f55":36,"\u81ea\u52a8\u6784\u5efa\u72ec\u7acb\u5de5\u5177\u94fe":138,"\u81ea\u52a8\u751f\u6210":115,"\u81ea\u52a8\u83b7\u53d6\u4e0a\u4e00\u4e2a\u751f\u6210\u7684\u8bcd":109,"\u81ea\u52a8\u9009\u62e9":139,"\u81ea\u6b64":[138,139],"\u81ea\u7136\u4e5f\u5c31\u6709\u7ba1\u7406\u5458\u6743\u9650":110,"\u81ea\u7136\u8bed\u8a00\u4e2d\u7684\u53e5\u5b50\u662f\u4e00\u4e2a\u5e8f\u5217":123,"\u81ea\u7136\u8bed\u8a00\u4e2d\u7684\u6bb5\u843d\u662f\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":123,"\u81ea\u7136\u8bed\u8a00\u5904\u7406\u7b49":136,"\u81f3\u4e8e\u4e3a\u4ec0\u4e48\u9700\u8981c":69,"\u81f3\u5c11\u5305\u542bgcc_3":102,"\u81f3\u5c11\u5305\u542bglibcxx_3":102,"\u81f3\u6b64":[2,106,111],"\u8212\u9002":106,"\u826f\u597d\u7684\u6587\u6863":68,"\u8282\u70b9":[125,130],"\u8282\u7701\u4e86\u4e0d\u5fc5\u8981\u7684\u64cd\u4f5c":65,"\u82e5":112,"\u82e5\u5728paddlepaddle\u7f16\u8bd1\u65f6":98,"\u82e5\u5e0c\u671b\u5f97\u5230\u6700\u5feb\u7684\u6267\u884c\u901f\u5ea6":139,"\u82e5\u5e0c\u671b\u6700\u5feb\u7684\u6267\u884c\u901f\u5ea6":[138,140],"\u82e5\u5e72\u4e2a\u53e5\u5b50\u6784\u6210\u4e00\u4e2a\u6bb5\u843d":105,"\u82e5\u6709\u4e0d\u4e00\u81f4\u4e4b\u5904":119,"\u82e5\u6709\u5fc5\u8981":112,"\u82e5\u672a\u663e\u5f0f\u6307\u5b9a":139,"\u82e5\u6ca1\u6709\u663e\u5f0f\u8bbe\u7f6e":138,"\u82e5\u73af\u5883\u53d8\u91cf":[138,139,140],"\u82e5\u8981\u5bf9\u8fd9\u51e0\u4e2alayer\u4f7f\u7528dropout":97,"\u82e5\u8f93\u51fa\u662f\u5355\u5c42\u5e8f\u5217":105,"\u82e5\u8f93\u51fa\u662f\u53cc\u5c42\u5e8f\u5217":105,"\u82f1\u6587\u6587\u6863":115,"\u82f1\u6587\u6587\u6863\u76ee\u5f55":115,"\u8303\u56f4":136,"\u83b7\u53d6":111,"\u83b7\u53d6\u53ef\u9009\u7684tag":100,"\u83b7\u53d6\u5f53\u524d\u7cfb\u7edf\u652f\u6301\u7684\u5b89\u88c5\u5305\u683c\u5f0f":102,"\u83b7\u53d6\u5f53\u524d\u7cfb\u7edf\u652f\u6301\u7684python\u5305\u7684\u540e\u7f00":93,"\u83b7\u53d6\u6700\u65b0\u7684\u68c0\u67e5\u70b9\u7684\u6587\u4ef6uuid":36,"\u83b7\u53d6\u6e90\u7801":110,"\u83b7\u53d6\u8f93\u51fa\u65f6":124,"\u83b7\u53d6trainer":129,"\u83b7\u5f97\u53c2\u6570\u5c3a\u5bf8":112,"\u83b7\u5f97\u57fa\u672c\u7684docker\u5b89\u88c5\u548c\u4f7f\u7528\u65b9\u6cd5":100,"\u83b7\u5f97\u8ba1\u7b97\u7ed3\u679c":124,"\u83b7\u5f97\u8fd9\u4e9b\u8282\u70b9\u7684ip\u5730\u5740":126,"\u83b7\u5f97head\u548cnode\u8282\u70b9\u7684ip\u5730\u5740":130,"\u865a\u62df\u673a\u4e0a":110,"\u867d\u7136\u4e0d\u9f13\u52b1\u8fd9\u6837":69,"\u867d\u7136\u5f02\u6b65sgd\u65b9\u5f0f\u4f1a\u63d0\u9ad8\u53c2\u6570\u66f4\u65b0\u5e76\u884c\u5ea6":125,"\u867d\u7136\u6bcf\u4e2agenerator\u5728\u6ca1\u6709\u8c03\u7528\u7684\u65f6\u5019":2,"\u867d\u7136paddle\u770b\u8d77\u6765\u5305\u542b\u4e86\u4f17\u591a\u53c2\u6570":133,"\u884c":123,"\u884c\u504f\u79fb":123,"\u884c\u5185\u4f7f\u7528":2,"\u884c\u53f7":118,"\u8865\u5145\u4e0a\u6b21\u7684commit":111,"\u8868\u660e\u4e86\u8fd9\u4e9b\u884c\u7684\u6807\u53f7":112,"\u8868\u660e\u8fd9\u4e2a\u5c42\u7684\u4e00\u4e2a\u5b9e\u4f8b\u662f\u5426\u9700\u8981\u504f\u7f6e":112,"\u8868\u793a":113,"\u8868\u793a\u4e3adeviceid":136,"\u8868\u793a\u5bf9\u8f93\u5165\u6570\u636e":65,"\u8868\u793a\u5c06\u5916\u5c42\u7684outer_mem\u4f5c\u4e3a\u5185\u5c42memory\u7684\u521d\u59cb\u72b6\u6001":106,"\u8868\u793a\u5f53\u524d\u96c6\u7fa4\u4f5c\u4e1a\u7684\u8282\u70b9":126,"\u8868\u793a\u6570\u636e\u7c7b\u578b":113,"\u8868\u793a\u7528\u4e8e\u8bad\u7ec3\u6216\u9884\u6d4b":2,"\u8868\u793a\u7684\u504f\u79fb\u662f\u4ee5":123,"\u8868\u793a\u8bbe\u5907\u7c7b\u578b":113,"\u8868\u793a\u8bcd\u8bed\u5728\u8bcd\u5178\u4e2d\u7684\u5e8f\u53f7":123,"\u8868\u793a\u8bfb\u8005\u6240\u4f7f\u7528\u7684docker\u955c\u50cf\u4ed3\u5e93\u5730\u5740":129,"\u8868\u793a\u8fd9\u4e2ajob\u7684\u540d\u5b57":129,"\u8868\u793a\u9700\u8981\u6784\u5efa\u63a8\u7406\u5e93":140,"\u88ab":111,"\u88ab\u5207\u5206\u6210\u591a\u4e2a\u90e8\u5206":125,"\u88ab\u6269\u5c55\u4e3a\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"\u88ab\u653e\u5728":112,"\u88ab\u79f0\u4e3a":109,"\u8981\u4f7f\u7528\u547d\u4ee4\u884c\u5206\u6790\u5de5\u5177":119,"\u8981\u5728\u5df2\u6709\u7684kubernetes\u96c6\u7fa4\u4e0a\u8fdb\u884cpaddlepaddle\u7684\u5206\u5e03\u5f0f\u8bad\u7ec3":129,"\u8981\u6c42\u5355\u5c42\u5e8f\u5217\u542b\u6709\u5143\u7d20\u7684\u6570\u76ee":105,"\u8981\u751f\u6210\u7684\u76ee\u6807\u5e8f\u5217":108,"\u8981\u8c03\u7528":112,"\u89c6\u9891\u7b49":123,"\u89e3\u51b3\u529e\u6cd5\u662f":93,"\u89e3\u51b3\u65b9\u6848\u662f":98,"\u89e3\u6790\u6a21\u578b\u914d\u7f6e\u6587\u4ef6":4,"\u89e3\u6790\u73af\u5883\u53d8\u91cf\u5f97\u5230":129,"\u89e3\u6790\u8bad\u7ec3\u6a21\u578b\u65f6\u7528\u7684\u914d\u7f6e\u6587\u4ef6":4,"\u89e3\u7801\u5668\u4f7f\u7528":109,"\u89e3\u7801\u5668\u57fa\u4e8e\u7f16\u7801\u6e90\u5e8f\u5217\u548c\u6700\u540e\u751f\u6210\u7684\u76ee\u6807\u8bcd\u9884\u6d4b\u4e0b\u4e00\u76ee\u6807\u8bcd":109,"\u89e3\u7801\u5668\u662f\u95e8\u63a7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc":109,"\u89e3\u91ca\u578b\u8bed\u8a00\u53ea\u80fd\u8c03\u7528\u52a8\u6001\u5e93":68,"\u89e3\u91ca\u6027\u8bed\u8a00\u5b9e\u9645\u8fd0\u884c\u7684\u4e8c\u8fdb\u5236\u662f\u89e3\u91ca\u5668\u672c\u8eab":68,"\u8ba1\u5212\u5728":[64,65],"\u8ba1\u7b97":[109,125],"\u8ba1\u7b97\u504f\u7f6e\u7684\u68af\u5ea6":112,"\u8ba1\u7b97\u53cd\u5411rnn\u7684\u7b2c\u4e00\u4e2a\u5b9e\u4f8b":109,"\u8ba1\u7b97\u53d8\u6362\u77e9\u9635\u7684\u5927\u5c0f\u548c\u683c\u5f0f":112,"\u8ba1\u7b97\u5f53\u524d\u5c42\u6743\u91cd\u7684\u68af\u5ea6":112,"\u8ba1\u7b97\u6548\u7387\u66f4\u9ad8":97,"\u8ba1\u7b97\u6bcf\u4e2a\u8bcd\u7684\u8bcd\u5411\u91cf":109,"\u8ba1\u7b97\u6fc0\u6d3b\u51fd\u6570\u7684\u68af\u5ea6":112,"\u8ba1\u7b97\u7684\u7ec6\u8282\u5c06\u5728\u4e0b\u9762\u7684\u5c0f\u8282\u7ed9\u51fa":112,"\u8ba1\u7b97\u8282\u70b9":125,"\u8ba1\u7b97\u8282\u70b9\u4e4b\u95f4\u4e5f\u4e0d\u4f1a\u76f8\u4e92\u4f9d\u8d56":125,"\u8ba1\u7b97\u8f6c\u6362\u77e9\u9635\u548c\u8f93\u5165\u7684\u68af\u5ea6":112,"\u8ba1\u7b97\u8f93\u5165\u548c\u53c2\u6570\u7684\u68af\u5ea6":112,"\u8ba1\u7b97\u8f93\u5165\u5c42\u7684\u504f\u5dee":112,"\u8ba1\u7b97\u8f93\u51fa":112,"\u8ba1\u7b97\u8fd9\u4e2a\u6587\u4ef6\u7684md5":36,"\u8ba1\u7b97\u96c6\u7fa4\u901a\u5e38\u7531\u4e00\u7ec4":125,"\u8ba1\u7b97\u9700\u8981\u7684\u6570\u636e\u5b58\u653e\u5728":114,"\u8ba9\u795e\u7ecf\u7f51\u7edc\u53ef\u4ee5\u8fdb\u884c\u8bad\u7ec3\u6216\u9884\u6d4b":1,"\u8ba9paddle\u6838\u5fc3\u4e2d":69,"\u8bad\u7ec3":133,"\u8bad\u7ec3\u4e0e\u5e94\u7528":0,"\u8bad\u7ec3\u4efb\u52a1\u7684\u8fd0\u884c\u53ef\u80fd\u4f1a\u5360\u6ee1trainer\u548cparamet":36,"\u8bad\u7ec3\u548c\u7eaf\u4f7f\u7528":85,"\u8bad\u7ec3\u5931\u8d25\u65f6\u53ef\u4ee5\u68c0\u67e5\u9519\u8bef\u65e5\u5fd7":126,"\u8bad\u7ec3\u597d\u4e00\u4e2a\u6df1\u5c42\u795e\u7ecf\u7f51\u7edc\u901a\u5e38\u8981\u8017\u8d39\u975e\u5e38\u957f\u7684\u65f6\u95f4":119,"\u8bad\u7ec3\u597d\u7684\u6a21\u578b\u9ed8\u8ba4\u4fdd\u5b58\u5728\u5f53\u524d\u8fd0\u884c\u76ee\u5f55\u4e0b\u7684":124,"\u8bad\u7ec3\u6570\u636e\u662f":2,"\u8bad\u7ec3\u6570\u636e\u6709\u95ee\u9898":96,"\u8bad\u7ec3\u6570\u636e\u683c\u5f0f\u548c\u8bad\u7ec3\u7a0b\u5e8f\u7684":125,"\u8bad\u7ec3\u65f6":129,"\u8bad\u7ec3\u65f6\u9ed8\u8ba4shuffl":2,"\u8bad\u7ec3\u6a21\u578b\u540e":109,"\u8bad\u7ec3\u6a21\u578b\u6b63\u786e\u6027":85,"\u8bad\u7ec3\u7a0b\u5e8f":125,"\u8bad\u7ec3\u7ed3\u675f\u540e\u67e5\u770b\u8f93\u51fa\u7ed3\u679c":129,"\u8bad\u7ec3\u8282\u70b9\u6570\u91cf":129,"\u8bad\u7ec3\u8bed\u8a00\u6a21\u578b\u8ddd\u79bb":96,"\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u53c2\u6570\u6216\u8005\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u7684\u68af\u5ea6\u5c3a\u5ea6\u8fc7\u5927":96,"\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u6d4b\u8bd5test_period":133,"\u8bad\u7ec3\u8fc7\u7a0b\u662f\u5426\u4e3a\u672c\u5730\u6a21\u5f0f":134,"\u8bad\u7ec3\u8fc7\u7a0b\u662f\u5426\u4f7f\u7528gpu":134,"\u8bad\u7ec3\u914d\u7f6e\u4e2d\u7684\u8bbe\u5907\u5c5e\u6027\u5c06\u4f1a\u65e0\u6548":134,"\u8bad\u7ec3dot_period":133,"\u8bb0\u5f55\u4e0b\u6240\u6709\u5931\u8d25\u7684\u4f8b\u5b50":85,"\u8bb0\u5fc6\u6a21\u5757":109,"\u8bbe\u4e3a\u5df2\u90e8\u7f72\u7684\u5de5\u4f5c\u7a7a\u95f4\u76ee\u5f55":126,"\u8bbe\u4e3a\u672c\u5730":126,"\u8bbe\u5b9a":97,"\u8bbe\u7f6e":[69,96,97,99,138,139],"\u8bbe\u7f6e\u4e3a":112,"\u8bbe\u7f6e\u4e3a\u4e0d\u540c\u7684\u503c":97,"\u8bbe\u7f6e\u4e3atrue\u4f7f\u7528\u672c\u5730\u8bad\u7ec3\u6216\u8005\u4f7f\u7528\u96c6\u7fa4\u4e0a\u7684\u4e00\u4e2a\u8282\u70b9":134,"\u8bbe\u7f6e\u4e3atrue\u4f7f\u7528gpu\u6a21\u5f0f":134,"\u8bbe\u7f6e\u4e86\u76f8\u540c\u7684\u53d6\u503c":97,"\u8bbe\u7f6e\u5176\u53c2\u6570\u5c5e\u6027":98,"\u8bbe\u7f6e\u5185\u5b58\u4e2d\u6682\u5b58\u7684\u6570\u636e\u6761\u6570":2,"\u8bbe\u7f6e\u5185\u5b58\u4e2d\u6700\u5c0f\u6682\u5b58\u7684\u6570\u636e\u6761\u6570":2,"\u8bbe\u7f6e\u53c2\u6570\u7684\u540d\u5b57":98,"\u8bbe\u7f6e\u547d\u4ee4\u884c\u53c2\u6570":[96,116],"\u8bbe\u7f6e\u5b66\u4e60\u7387\u8870\u51cf\u56e0\u5b50\u5206\u6bb5\u51fd\u6570":98,"\u8bbe\u7f6e\u5e8f\u5217\u4fe1\u606f\u7684\u63a5\u53e3":123,"\u8bbe\u7f6e\u6210":98,"\u8bbe\u7f6e\u6210\u4e00\u4e2a\u5c0f\u4e00\u4e9b\u7684\u503c":96,"\u8bbe\u7f6e\u8f93\u51fa\u7684\u5c3a\u5bf8":112,"\u8bbe\u7f6e\u8f93\u51fatensor\u7684\u5f62\u72b6":113,"\u8bbe\u7f6e\u8fd9\u4e2apydataprovider2\u8fd4\u56de\u4ec0\u4e48\u6837\u7684\u6570\u636e":2,"\u8bbe\u7f6e\u9ed8\u8ba4\u8bbe\u5907\u53f7\u4e3a0":136,"\u8bbe\u7f6egpu":134,"\u8bbf\u95ee\u5bf9\u5e94\u7684\u7f51\u5740":118,"\u8bbf\u95eekubernetes\u7684\u63a5\u53e3\u6765\u67e5\u8be2\u6b64job\u5bf9\u5e94\u7684\u6240\u6709pod\u4fe1\u606f":129,"\u8bc4\u5ba1\u4eba\u4e00\u822c\u4e0d\u505a\u8bc4\u5ba1":111,"\u8bc4\u5ba1\u4eba\u7684\u6bcf\u4e2a\u610f\u89c1\u90fd\u5fc5\u987b\u56de\u590d":111,"\u8bc4\u5ba1\u4eba\u9700\u8981\u9010\u4e00\u67e5\u770b\u6bcf\u4e2acommit\u624d\u80fd\u77e5\u9053\u505a\u4e86\u54ea\u4e9b\u4fee\u6539":111,"\u8bc4\u8bba\u6846\u4e2d\u52a0\u4e0a":111,"\u8bc6\u522b\u6570\u5b57":85,"\u8bcd\u5411\u91cf":85,"\u8bd5\u7740\u8ba9\u8f93\u51fa\u7684\u5206\u6790\u6570\u636e\u548c\u7406\u8bba\u503c\u5bf9\u5e94":119,"\u8be5\u51fd\u6570\u5177\u6709\u4e24\u4e2a\u53c2\u6570":2,"\u8be5\u51fd\u6570\u5728\u521d\u59cb\u5316\u7684\u65f6\u5019\u4f1a\u88ab\u8c03\u7528":2,"\u8be5\u51fd\u6570\u7684\u529f\u80fd\u662f":2,"\u8be5\u53c2\u6570\u5728\u7f51\u7edc\u914d\u7f6e\u7684output":134,"\u8be5\u53c2\u6570\u5728\u96c6\u7fa4\u63d0\u4ea4\u73af\u5883\u4e2d\u81ea\u52a8\u8bbe\u7f6e":134,"\u8be5\u53c2\u6570\u5df2\u7ecf\u5728\u96c6\u7fa4\u63d0\u4ea4\u73af\u5883\u4e2d\u5b8c\u6210\u8bbe\u7f6e":134,"\u8be5\u53c2\u6570\u5fc5\u987b\u80fd\u88abflag":134,"\u8be5\u53c2\u6570\u6307\u793a\u662f\u5426\u6253\u5370\u65e5\u5fd7\u622a\u65ad\u4fe1\u606f":134,"\u8be5\u53c2\u6570\u6307\u793a\u662f\u5426\u6253\u5370\u9519\u8bef\u622a\u65ad\u65e5\u5fd7":134,"\u8be5\u53c2\u6570\u7528\u4e8e\u6307\u5b9a\u52a8\u6001\u5e93\u8def\u5f84":134,"\u8be5\u53c2\u6570\u7684\u610f\u601d\u662f\u8bad\u7ec3num":134,"\u8be5\u53c2\u6570\u9ed8\u8ba4\u4e3anull":134,"\u8be5\u5bf9\u8c61\u5177\u6709\u4ee5\u4e0b\u4e24\u4e2a\u5c5e\u6027":2,"\u8be5\u5c42\u4ec5\u9700\u8981\u8fd9\u4e9b\u975e\u96f6\u6837\u672c\u4f4d\u7f6e\u6240\u5bf9\u5e94\u7684\u53d8\u6362\u77e9\u9635\u7684\u90a3\u4e9b\u884c":112,"\u8be5\u622a\u65ad\u4f1a\u5f71\u54cd":134,"\u8be5\u6279\u6b21\u7684\u8f93\u5165\u4e2d\u4ec5\u6709\u4e00\u4e2a\u5b50\u96c6\u662f\u975e\u96f6\u7684":112,"\u8be5\u63a5\u53e3\u4f7f\u7528\u591a\u7ebf\u7a0b\u8bfb\u53d6\u6570\u636e":2,"\u8be5\u63a5\u53e3\u53ef\u7528\u4e8e\u9884\u6d4b\u548c\u5b9a\u5236\u5316\u8bad\u7ec3":99,"\u8be5\u63a5\u53e3\u63a5\u53d7\u4e24\u4e2a\u53c2\u6570":124,"\u8be5\u6570\u76ee\u662f\u63d0\u524d\u5b9a\u4e49\u597d\u7684":134,"\u8be5\u6587\u4ef6\u5bf9\u76f8\u5173gemm":64,"\u8be5\u65f6\u95f4\u53bb\u9664\u6389\u672c\u51fd\u6570\u8c03\u7528\u5176\u4ed6\u51fd\u6570\u7684\u65f6\u95f4":118,"\u8be5\u6a21\u578b\u7684\u8bf4\u660e\u5982\u4e0b\u56fe\u6240\u793a":109,"\u8be5\u7c7b\u7684":113,"\u8be5\u7c7b\u7684\u5b9e\u73b0\u7ec6\u8282\u5728":112,"\u8be5\u7c7b\u7ee7\u627f\u4e8epaddlepaddle\u7684\u57fa\u7c7b":65,"\u8be5\u811a\u672c\u4e2d\u8bb0\u5f55\u4e86\u4ea4\u53c9\u7f16\u8bd1android\u7248paddlepaddle\u5e93\u5e38\u7528\u7684cmake\u914d\u7f6e":138,"\u8be5\u8bed\u53e5\u4f1a\u4e3a\u6bcf\u4e2a\u5c42\u521d\u59cb\u5316\u5176\u6240\u9700\u8981\u7684\u53d8\u91cf\u548c\u8fde\u63a5":112,"\u8be5layer\u662f\u901a\u8fc7\u53c2\u6570":97,"\u8be6\u7ec6\u4ecb\u7ecd\u53ef\u4ee5\u53c2\u8003":106,"\u8be6\u7ec6\u4ecb\u7ecd\u8bf7\u53c2\u8003\u8bbe\u8ba1\u6587\u6863":113,"\u8be6\u7ec6\u4fe1\u606f\u8bf7\u68c0\u67e5":126,"\u8be6\u7ec6\u53c2\u8003":99,"\u8be6\u7ec6\u53ef\u53c2\u8003":111,"\u8be6\u7ec6\u6587\u6863\u53c2\u8003":96,"\u8be6\u7ec6\u7684cmake\u4f7f\u7528\u65b9\u6cd5\u53ef\u4ee5\u53c2\u8003":99,"\u8be6\u7ec6\u89c1":105,"\u8be6\u7ec6\u8bbe\u8ba1":51,"\u8bed\u610f\u89d2\u8272\u6807\u6ce8":85,"\u8bed\u8a00\u91cd\u6784\u540e\u7684":118,"\u8bf4\u660e":[36,99,102,123],"\u8bf4\u660e\u63d0\u4ea4\u7684\u4ee3\u7801\u5b58\u5728\u95ee\u9898":111,"\u8bf4\u660e\u8fd9\u4e2a\u5c42\u7684\u8f93\u5165":112,"\u8bf7\u4e0d\u8981\u521b\u5efa\u7a7a\u7684":113,"\u8bf7\u4e0d\u8981\u5fd8\u8bb0\u63d0\u524d\u5728\u7269\u7406\u673a\u4e0a\u5b89\u88c5gpu\u6700\u65b0\u9a71\u52a8":100,"\u8bf7\u4fdd\u8bc1travi":111,"\u8bf7\u5148\u4f7f\u7528":[138,139,140],"\u8bf7\u53c2\u7167\u7f51\u7edc\u914d\u7f6e\u7684\u6587\u6863\u4e86\u89e3\u66f4\u8be6\u7ec6\u7684\u4fe1\u606f":136,"\u8bf7\u53c2\u8003":[2,69,93,96,103,106,112,113,124],"\u8bf7\u53c2\u8003\u6b64":124,"\u8bf7\u53c2\u89c1":111,"\u8bf7\u53c2\u9605":109,"\u8bf7\u5728\u8be5pull":111,"\u8bf7\u5728\u8f93\u5165\u65f6\u8fdb\u884c\u5408\u6cd5\u6027\u68c0\u67e5":123,"\u8bf7\u60a8\u6bcf\u6b21\u63d0\u4ea4\u4ee3\u7801\u65f6":111,"\u8bf7\u60a8\u9075\u5b88\u4ee5\u4e0b\u7ea6\u5b9a":111,"\u8bf7\u6307\u5b9a\u7684paddlepaddle\u5de5\u4f5c\u76ee\u5f55\u7ed9\u73af\u5883\u53d8\u91cf":115,"\u8bf7\u6307\u5b9a\u8be5\u76ee\u5f55":134,"\u8bf7\u663e\u793a\u5730\u8c03\u7528":113,"\u8bf7\u68c0\u67e5python\u7248\u672c\u662f\u5426\u4e3a2":102,"\u8bf7\u6ce8\u610f":[109,113,128],"\u8bf7\u6ce8\u610f\u662f\u5426\u9700\u8981\u4fee\u6539\u7f51\u7edc\u7ed3\u6784":124,"\u8bf7\u6ce8\u610f\u6bcf\u4e2acommit\u7684\u540d\u79f0":111,"\u8bf7\u6ce8\u610f\u8fd9\u4e2a\u547d\u4ee4\u7ed3\u5c3e\u5904\u7684":110,"\u8bf7\u6ce8\u610fcommit\u7684\u6570\u91cf":111,"\u8bf7\u76f4\u63a5\u586b\u51450":98,"\u8bf7\u770b\u4e0b\u9762\u7684\u4f8b\u5b50":136,"\u8bf7\u786e\u4fdd":111,"\u8bf7\u7ed9\u51fa\u603b\u4f53\u7684\u4fee\u6539\u60c5\u51b5":111,"\u8bf7\u7ed9\u51fa\u60a8\u81ea\u5df1\u7684\u53cd\u9a73\u7406\u7531":111,"\u8bf7\u9009\u62e9\u5408\u9002\u7684\u8bcd\u6c47":111,"\u8bf7\u9009\u62e9\u6b63\u786e\u7684\u7248\u672c":93,"\u8bf7\u9075\u5b88":111,"\u8bf7\u91c7\u7528":111,"\u8bf8\u5982\u56fe\u50cf\u5206\u7c7b":136,"\u8bfb\u53d6\u6570\u636e":2,"\u8bfb\u53d6\u6bcf\u4e00\u884c":2,"\u8bfb\u53d6\u9700\u8981\u7684\u7ed3\u679c\u5373\u53ef":123,"\u8bfb\u53d6volume\u4e2d\u7684\u6570\u636e\u8fdb\u884c\u8fd9\u6b21\u5206\u5e03\u5f0f\u8bad\u7ec3":129,"\u8bfb\u8005\u53ef\u4ee5\u67e5\u770b":129,"\u8bfb\u8005\u9700\u8981\u66ff\u6362\u6210\u81ea\u5df1\u4f7f\u7528\u7684\u4ed3\u5e93\u5730\u5740":129,"\u8c03\u7528":[112,124,139],"\u8c03\u7528\u4e00\u6b21":2,"\u8c03\u7528\u5bf9\u5e94":114,"\u8c03\u7528\u65b9\u6cd5\u89c1c":[138,139],"\u8c03\u7528\u7528":118,"\u8c03\u7528\u7684\u4e00\u4e9b\u7528\u6237\u5b9a\u4e49\u7684\u5e93\u51fd\u6570":125,"\u8c03\u7528\u7684\u51fd\u6570\u662f\u5426\u652f\u6301\u4e0d\u540c\u8bbe\u5907":113,"\u8c03\u7528\u7684pydataprovider2\u662f":2,"\u8c03\u7528\u7b2c\u4e8c\u6b21\u7684\u65f6\u5019":2,"\u8c03\u7528\u8be5\u51fd\u6570\u540e":112,"\u8c03\u7528\u8fd9\u4e2apydataprovider2\u7684\u65b9\u6cd5":2,"\u8c03\u7528c":[123,124],"\u8d21\u732e\u6587\u6863":115,"\u8d77":106,"\u8d77\u59cb\u5b58\u50a8\u5730\u5740\u4ee5\u6570\u636e\u7684\u5b58\u50a8\u5927\u5c0f\u4e3a\u5355\u4f4d\u7684\u504f\u79fb":123,"\u8df3\u8f6c\u5230":111,"\u8df3\u8fc7":96,"\u8f6c\u5316\u65b9\u6cd5\u5728\u76f8\u5e94\u7684\u9886\u57df\u90fd\u6709\u901a\u7528\u89e3\u51b3\u65b9\u6848":123,"\u8f6c\u6362\u5185\u5b58\u7684\u5de5\u4f5c":65,"\u8f6c\u6362\u5197\u4f59":64,"\u8f6c\u6362\u51fd\u6570":65,"\u8f6c\u6362\u751f\u6210\u7684\u6587\u4ef6\u540d\u4f1a\u662f\u4ee5\u4e0b\u683c\u5f0f":37,"\u8f6c\u6362\u8017\u65f6":64,"\u8f83":106,"\u8f93\u5165":[105,109,122,124],"\u8f93\u5165\u4e86\u6027\u80fd\u5206\u6790\u7ed3\u679c":118,"\u8f93\u5165\u548c\u8f93\u51fa\u90fd\u662f\u5355\u5c42\u5e8f\u5217":108,"\u8f93\u5165\u548c\u8f93\u51fa\u90fd\u662f\u53cc\u5c42\u5e8f\u5217":108,"\u8f93\u5165\u5e8f\u5217\u4e2d\u5143\u7d20\u7684\u603b\u6570":96,"\u8f93\u5165\u6570\u636e\u4e3a\u4e00\u4e2a\u5b8c\u6574\u7684\u65f6\u95f4\u5e8f\u5217":106,"\u8f93\u5165\u6570\u636e\u4e3a\u5728\u5355\u5c42rnn\u6570\u636e\u91cc\u9762":106,"\u8f93\u5165\u6570\u636e\u53ef\u5206\u4e3a":123,"\u8f93\u5165\u6570\u636e\u6574\u4f53\u4e0a\u662f\u4e00\u4e2a\u65f6\u95f4\u5e8f\u5217":106,"\u8f93\u5165\u6570\u636e\u7684\u5b57\u5178\u7ef4\u6570\u662f1\u767e\u4e07":136,"\u8f93\u5165\u6570\u636e\u7c7b\u578b":123,"\u8f93\u5165\u662f\u5426\u662f\u8f6c\u7f6e\u7684":112,"\u8f93\u5165\u662f\u7531\u4e00\u4e2alist\u4e2d\u7684\u7f51\u7edc\u5c42\u5b9e\u4f8b\u7684\u540d\u5b57\u7ec4\u6210\u7684":112,"\u8f93\u5165\u68af\u5ea6":65,"\u8f93\u5165\u7684\u540d\u5b57":112,"\u8f93\u5165\u7684\u5927\u5c0f":112,"\u8f93\u5165\u7684\u7c7b\u578b":112,"\u8f93\u5165\u9700\u8981\u9884\u6d4b\u7684\u5411\u91cf\u7ec4":103,"\u8f93\u51fa":[105,109,113,124],"\u8f93\u51fa\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":108,"\u8f93\u51fa\u4e00\u4e2a\u53cc\u5c42\u5e8f\u5217":108,"\u8f93\u51fa\u4fe1\u606f\u6709\u673a\u5730\u7ec4\u7ec7\u5728\u4e00\u8d77":123,"\u8f93\u51fa\u51fd\u6570":109,"\u8f93\u51fa\u521b\u5efa":[123,124],"\u8f93\u51fa\u5e8f\u5217\u7684\u7c7b\u578b":105,"\u8f93\u51fa\u5e8f\u5217\u7684\u8bcd\u8bed\u6570\u548c\u8f93\u5165\u5e8f\u5217\u4e00\u81f4":108,"\u8f93\u51fa\u6240\u643a\u5e26\u7684\u5e8f\u5217\u4fe1\u606f":123,"\u8f93\u51fa\u6570\u636e\u548c\u8f93\u51fa\u68af\u5ea6":65,"\u8f93\u51fa\u6570\u636e\u548c\u8f93\u51fa\u68af\u5ea6\u7684\u8f6c\u6362":65,"\u8f93\u51fa\u6570\u636e\u662f\u5728\u4e0a\u6587\u4ecb\u7ecd\u7684":123,"\u8f93\u51fa\u6570\u636e\u6709\u673a\u5730\u7ec4\u7ec7\u5728\u4e00\u8d77":124,"\u8f93\u51fa\u6570\u636e\u7ec4\u7ec7":[122,124],"\u8f93\u51fa\u7531":123,"\u8f93\u51fa\u7684\u5e8f\u5217\u4fe1\u606f":123,"\u8f93\u51fa\u7684\u68af\u5ea6":134,"\u8f93\u51fa\u7ed3\u679c\u53ef\u80fd\u4f1a\u968f\u7740\u5bb9\u5668\u7684\u6d88\u8017\u800c\u88ab\u5220\u9664":128,"\u8f93\u51fa\u88ab\u7ec4\u7ec7\u4e3a":123,"\u8f93\u51fa\u88ab\u7ec4\u7ec7\u4e3a\u4e00\u4e2a":123,"\u8f93\u51fa\u90fd\u4f1a\u5bf9\u5e94\u6709\u81ea\u5df1\u7684":[123,124],"\u8fbe\u5230\u5bb9\u707e\u7684\u76ee\u7684":36,"\u8fc7\u4e86\u4e00\u4e2a\u5f88\u7b80\u5355\u7684recurrent_group":106,"\u8fc7\u5b8c\u6240\u6709\u8bad\u7ec3\u6570\u636e\u5373\u4e3a\u4e00\u4e2apass":96,"\u8fc7\u7a0b\u4e2d\u6240\u6709\u65f6\u95f4\u6b65":64,"\u8fd0\u884c":124,"\u8fd0\u884c\u4e00\u4e2a":110,"\u8fd0\u884c\u4e0b\u9762\u547d\u4ee4\u53ef\u4ee5\u8fdb\u884c\u7f16\u8bd1":113,"\u8fd0\u884c\u5355\u5143\u6d4b\u8bd5":110,"\u8fd0\u884c\u5355\u5143\u6d4b\u8bd5\u6d4b\u65f6\u9700\u8981\u7f16\u8bd1\u6574\u4e2a\u5de5\u7a0b":113,"\u8fd0\u884c\u5931\u8d25":136,"\u8fd0\u884c\u5b8c\u6210\u540e":126,"\u8fd0\u884c\u5b8c\u6bd5\u540e\u8f93\u51fa":118,"\u8fd0\u884c\u6027\u80fd\u5206\u6790\u7684\u65f6\u5019":118,"\u8fd0\u884c\u65e5\u5fd7":126,"\u8fd0\u884c\u65f6\u4e5f\u53ef\u80fd\u56e0\u4e3a\u591a\u7ebf\u7a0b\u4ea7\u751f\u6df7\u4e71\u4e0d\u53ef\u8bfb\u7684\u6027\u80fd\u5206\u6790\u7ed3\u679c":118,"\u8fd0\u884c\u65f6\u4f1a\u81ea\u52a8\u627e\u5230\u7cfb\u7edf\u4e2d\u5b89\u88c5\u7684cuda\u548ccudnn\u5e93\u8fdb\u884c\u7f16\u8bd1\u548c\u6267\u884c":99,"\u8fd0\u884c\u65f6c":124,"\u8fd0\u884c\u7684\u4e00\u4e9b\u53c2\u6570\u901a\u8fc7\u8fd9\u79cd\u65b9\u5f0f\u4f20\u9012\u5230\u5bb9\u5668\u5185":129,"\u8fd0\u884c\u8be5\u7f16\u8bd1\u5de5\u5177\u94fe\u9700\u8981\u4e00\u53f0":140,"\u8fd1":106,"\u8fd1\u671f\u76ee\u6807":65,"\u8fd4\u56de":[7,8,9,13,14,15,29],"\u8fd4\u56de0":2,"\u8fd4\u56de\u4e00\u6761\u5b8c\u6574\u7684\u6837\u672c":2,"\u8fd4\u56de\u65f6":2,"\u8fd4\u56de\u7684\u662f":[2,103],"\u8fd4\u56de\u7684\u987a\u5e8f\u9700\u8981\u548cinput_types\u4e2d\u5b9a\u4e49\u7684\u987a\u5e8f\u4e00\u81f4":2,"\u8fd4\u56de\u7b2c\u4e8c\u6b65":85,"\u8fd4\u56de\u7b2ci\u4e2a\u8f93\u5165\u77e9\u9635":112,"\u8fd4\u56de\u7c7b\u578b":[7,8,9,13,14,15,29],"\u8fd4\u56depython\u7aef\u7684\u8ba1\u7b97\u7ed3\u679c":113,"\u8fd8\u4f1a":106,"\u8fd8\u4f1a\u4e0b\u8f7dmkl":99,"\u8fd8\u4f1a\u5f3a\u5236\u8bbe\u7f6e\u4e00\u4e9bpaddlepaddle\u53c2\u6570\u7684\u503c":138,"\u8fd8\u4f1a\u8f93\u51fa\u4e00\u4e2a":111,"\u8fd8\u53ef\u4ee5\u901a\u8fc7\u51cf\u5c0f\u5b66\u4e60\u7387\u6216\u8005\u5bf9\u6570\u636e\u8fdb\u884c\u5f52\u4e00\u5316\u5904\u7406\u6765\u89e3\u51b3\u8fd9\u7c7b\u95ee\u9898":96,"\u8fd8\u662f":106,"\u8fd8\u662f\u4ece":37,"\u8fd8\u662f\u865a\u62df\u673a":110,"\u8fd8\u6709":106,"\u8fd8\u9700\u8981\u5728\u8282\u70b9\u4e0a\u5b89\u88c5\u5bf9\u5e94\u7684gpu\u9a71\u52a8\u4ee5\u53cacuda":125,"\u8fd8\u9700\u8981\u91cd\u5199":113,"\u8fd9":[96,106],"\u8fd98\u79cdlearning_rate_schedule\u53ca\u5176\u5bf9\u5e94\u5b66\u4e60\u7387\u8ba1\u7b97\u65b9\u5f0f\u5982\u4e0b":98,"\u8fd9\u4e00\u4e2a\u5e93":121,"\u8fd9\u4e00\u5757\u7684\u8017\u65f6\u6bd4\u4f8b\u771f\u7684\u592a\u9ad8":119,"\u8fd9\u4e00\u5c42\u8fdb\u884c\u5c01\u88c5":69,"\u8fd9\u4e00\u6570\u636e\u683c\u5f0f\u7684\u8f6c\u6362\u64cd\u4f5c":64,"\u8fd9\u4e00\u6982\u5ff5\u4e0d\u518d\u7410\u788e":69,"\u8fd9\u4e00\u8282\u5bf9\u56fe1\u4e2d\u9884\u6d4b\u4ee3\u7801\u7f16\u5199\u76845\u4e2a\u6b65\u9aa4\u8fdb\u884c\u4ecb\u7ecd\u548c\u8bf4\u660e":124,"\u8fd9\u4e00\u8ba1\u7b97\u5355\u5143":97,"\u8fd9\u4e00\u8fc7\u7a0b\u5bf9\u7528\u6237\u662f\u5b8c\u5168\u900f\u660e\u7684":108,"\u8fd9\u4e09\u4e2a\u5206\u652f":85,"\u8fd9\u4e24\u4e2a\u6307\u6807\u4ee3\u8868\u4e86\u67d0\u4e00\u4e2a\u51fd\u6570\u771f\u5b9e\u7684\u8fd0\u884c\u65f6\u95f4":118,"\u8fd9\u4e2a":[102,106,110],"\u8fd9\u4e2a\u4efb\u52a1\u7684\u914d\u7f6e\u4e3a":96,"\u8fd9\u4e2a\u4efb\u52a1\u7684dataprovider\u4e3a":96,"\u8fd9\u4e2a\u4f8b\u5b50\u6709\u4e24\u5904\u4e0d\u540c":113,"\u8fd9\u4e2a\u51fd\u6570\u672c\u8eab\u4f1a\u5728\u8ba1\u7b97\u524d\u5c06\u539f\u6570\u636e\u8f6c\u6362\u4e3a\u66f4\u9002\u5408\u82f1\u7279\u5c14\u5e73\u53f0\u7684\u5185\u90e8\u683c\u5f0f":64,"\u8fd9\u4e2a\u51fd\u6570\u7684":109,"\u8fd9\u4e2a\u51fd\u6570\u8fdb\u884c\u53d8\u6362":106,"\u8fd9\u4e2a\u51fd\u6570\u9700\u8981\u8bbe\u7f6e":109,"\u8fd9\u4e2a\u52a8\u6001\u5e93\u7684\u8fde\u63a5\u53c2\u6570\u4e0epaddle\u7684\u5176\u4ed6\u4e8c\u8fdb\u5236":69,"\u8fd9\u4e2a\u53c2\u6570\u4e5f\u4e0d\u4f1a\u4e00\u5e76\u5220\u9664":69,"\u8fd9\u4e2a\u5730\u5740\u5219\u4e3a\u5b83\u7684\u7edd\u5bf9\u8def\u5f84\u6216\u76f8\u5bf9\u8def\u5f84":1,"\u8fd9\u4e2a\u5730\u5740\u6765\u8868\u793a\u6b64\u6b65\u9aa4\u6240\u6784\u5efa\u51fa\u7684\u955c\u50cf":129,"\u8fd9\u4e2a\u57fa\u7c7b":112,"\u8fd9\u4e2a\u5934\u6587\u4ef6\u4e0d\u5047\u8bbe\u5176\u4ed6\u6587\u4ef6\u7684\u5f15\u7528\u987a\u5e8f":69,"\u8fd9\u4e2a\u5e8f\u5217\u7684\u6bcf\u4e2a\u5143\u7d20\u53c8\u662f\u4e00\u4e2a\u5e8f\u5217":108,"\u8fd9\u4e2a\u60c5\u51b5\u4e0b\u6240\u6709\u7684\u6587\u4ef6\u4f1a\u5b58\u5728\u6574\u7406\u8fc7\u7684\u7684\u6587\u4ef6\u76ee\u5f55":115,"\u8fd9\u4e2a\u63a5\u53e3\u9700\u8981\u505a\u5230":68,"\u8fd9\u4e2a\u6570\u636e\u4e5f\u88ab\u5355\u5c42rnn\u7f51\u7edc\u76f4\u63a5\u4f7f\u7528":106,"\u8fd9\u4e2a\u6587\u4ef6\u5177\u6709\u72ec\u7279\u7684\u8bed\u6cd5":68,"\u8fd9\u4e2a\u662f\u76ee\u524d\u63a8\u8350\u7684\u4f7f\u7528\u65b9\u6cd5":115,"\u8fd9\u4e2a\u73af\u5883\u53d8\u91cf\u5173\u95edopenmp\u4f18\u5316":118,"\u8fd9\u4e2a\u76ee\u5f55\u4e2d\u9664\u4e86":69,"\u8fd9\u4e2a\u793a\u4f8b":124,"\u8fd9\u4e2a\u795e\u7ecf\u7f51\u7edc\u5355\u5143\u5c31\u53ebmemori":106,"\u8fd9\u4e2a\u7c7b\u7684\u53c2\u6570\u5305\u62ec":112,"\u8fd9\u4e2a\u7c7b\u9700\u8981\u7ee7\u627f":112,"\u8fd9\u4e2a\u7ed3\u6784\u4f53\u4e2d\u7684\u53e6\u4e00\u4e2a\u9879\u76ee\u662f":69,"\u8fd9\u4e2a\u7ed3\u6784\u4f53\u5305\u542b\u4e24\u4e2a\u9879\u76ee":69,"\u8fd9\u4e2a\u811a\u672c\u8c03\u7528":110,"\u8fd9\u4e2a\u8f93\u5165\u4e0d\u53c2\u4e0e":113,"\u8fd9\u4e2a\u8fc7\u7a0b\u5bf9\u7528\u6237\u4e5f\u662f\u900f\u660e\u7684":108,"\u8fd9\u4e2a\u8fc7\u7a0b\u9664\u4e86\u7f16\u8bd1paddlepaddle\u4e3a":111,"\u8fd9\u4e2a\u9009\u62e9":[64,65],"\u8fd9\u4e2a\u95e8\u63a7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u751f\u6210\u4e00\u7cfb\u5217\u6743\u91cd":109,"\u8fd9\u4e2a\u95ee\u9898\u662fpydataprovider\u8bfb\u6570\u636e\u65f6\u5019\u7684\u903b\u8f91\u95ee\u9898":2,"\u8fd9\u4e2a\u9759\u6001\u5e93\u5305\u542b\u4e86paddle\u7684\u5168\u90e8\u7b26\u53f7":69,"\u8fd9\u4e2adataprovider\u8f83\u590d\u6742":2,"\u8fd9\u4e2ainstance\u53ef\u4ee5\u662f\u5355\u4e2a\u503c":37,"\u8fd9\u4e2aissu":110,"\u8fd9\u4e2ajob\u624d\u7b97\u6210\u529f\u7ed3\u675f":129,"\u8fd9\u4e2alayer\u7684\u8f93\u51fa\u4f1a\u4f5c\u4e3a\u6574\u4e2a":108,"\u8fd9\u4e5f\u4f1a\u6781\u5927\u51cf\u5c11\u6570\u636e\u8bfb\u5165\u7684\u8017\u65f6":96,"\u8fd9\u4e9b\u4f1a\u5728":[64,65],"\u8fd9\u4e9b\u4f8b\u5b50\u90fd\u53ef\u4ee5\u5728":125,"\u8fd9\u4e9b\u51fd\u6570\u4f1a\u5c06\u5bf9\u5e94\u5185\u5bb9\u6dfb\u52a0\u5230":113,"\u8fd9\u4e9b\u51fd\u6570\u4f1a\u6839\u636e\u8f93\u5165\u53c2\u6570\u91cd\u65b0\u8bbe\u7f6e\u5185\u90e8\u548c\u5916\u90e8\u5b58\u50a8":65,"\u8fd9\u4e9b\u5206\u5e03\u5f0f\u5b58\u50a8\u670d\u52a1\u901a\u5e38\u4f1a\u628a\u6570\u636e\u5207\u5272\u6210\u591a\u4e2a\u5206\u7247\u5206\u5e03\u5f0f\u7684\u5b58\u50a8\u5728\u591a\u4e2a\u8282\u70b9\u4e4b\u4e0a":37,"\u8fd9\u4e9b\u53c2\u6570\u53ef\u4ee5\u901a\u8fc7":125,"\u8fd9\u4e9b\u53c2\u6570\u7684\u5177\u4f53\u63cf\u8ff0":129,"\u8fd9\u4e9b\u540d\u5b57\u5fc5\u987b\u8981\u5199\u5bf9":112,"\u8fd9\u4e9b\u6570\u636e\u4f1a\u88ab\u7528\u6765\u66f4\u65b0\u53c2\u6570":96,"\u8fd9\u4e9b\u6570\u636e\u4f7f\u7528\u7684\u5185\u5b58\u4e3b\u8981\u548c\u4e24\u4e2a\u53c2\u6570\u6709\u5173\u7cfb":96,"\u8fd9\u4e9b\u7279\u5f81\u6570\u636e\u4e4b\u95f4\u7684\u987a\u5e8f\u662f\u6709\u610f\u4e49\u7684":106,"\u8fd9\u4e9b\u955c\u50cf\u4e5f\u53ef\u4ee5\u4ece":85,"\u8fd9\u4efd\u6559\u7a0b\u5c55\u793a\u4e86\u5982\u4f55\u5728paddlepaddle\u4e2d\u5b9e\u73b0\u4e00\u4e2a\u81ea\u5b9a\u4e49\u7684\u7f51\u7edc\u5c42":112,"\u8fd9\u4f1a\u63d0\u793a\u5f53\u524d\u76ee\u5f55\u7684\u4e00\u4e9b\u53d8\u5316":111,"\u8fd9\u4f1a\u7ed9\u8bc4\u5ba1\u4eba\u5e26\u6765\u5f88\u5927\u56f0\u6270":111,"\u8fd9\u4f1a\u81ea\u52a8\u8fdb\u884c\u7f51\u7edc\u914d\u7f6e\u4e2d\u58f0\u660e\u7684\u6fc0\u6d3b\u64cd\u4f5c":112,"\u8fd9\u4fbf\u662f\u4e00\u79cd\u53cc\u5c42rnn\u7684\u8f93\u5165\u6570\u636e":106,"\u8fd9\u51e0\u4e2a\u7f16\u8bd1\u9009\u9879\u7684\u8bbe\u7f6e":99,"\u8fd9\u53e5\u8868\u793a\u4f7f\u7528\u57fa\u7c7b":113,"\u8fd9\u53ef\u4ee5\u5e2e\u60a8\u7701\u6389\u82b1\u4e00\u5c0f\u65f6\u5b89\u88c5\u548c\u914d\u7f6e\u5404\u79cd\u5f00\u53d1\u5de5\u5177":110,"\u8fd9\u53ef\u4ee5\u8ba9\u5176\u4ed6\u4eba\u77e5\u9053\u8fd9\u6b21\u63d0\u4ea4\u505a\u4e86\u54ea\u4e9b\u6539\u53d8":111,"\u8fd9\u53ef\u4ee5\u901a\u8fc7":111,"\u8fd9\u548c\u5355\u5c42rnn\u7684\u914d\u7f6e\u662f\u7b49\u4ef7\u7684":106,"\u8fd9\u56db\u4e2a\u5e8f\u5217\u53c8\u5206\u522b\u542b\u67093":123,"\u8fd9\u56db\u6761\u6570\u636e\u540c\u65f6\u5904\u7406\u7684\u53e5\u5b50\u6570\u91cf\u4e3a":106,"\u8fd9\u5728\u6784\u9020\u975e\u5e38\u590d\u6742\u7684\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u65f6\u662f\u6709\u7528\u7684":109,"\u8fd9\u5bf9\u4e8e\u901a\u5e38\u7684java\u7684\u5f00\u53d1\u8005\u6765\u8bf4":68,"\u8fd9\u5c06\u4f1a\u5bfc\u81f4\u5355\u5143\u6d4b\u8bd5\u51fa\u9519":113,"\u8fd9\u5c06\u4f1a\u5bfc\u81f4\u7f16\u8bd1\u51fa\u9519":113,"\u8fd9\u610f\u5473\u7740":109,"\u8fd9\u610f\u5473\u7740\u9664\u4e86\u6307\u5b9adevic":136,"\u8fd9\u65f6":[96,124],"\u8fd9\u65f6\u5728\u4f7f\u7528":98,"\u8fd9\u65f6\u7684":123,"\u8fd9\u65f6\u7684\u9700\u8981\u540c\u65f6\u63d0\u4f9b":123,"\u8fd9\u65f6\u884c\u504f\u79fb\u548c\u5217\u53f7\u6307\u5b9a\u7684\u5143\u7d20\u9ed8\u8ba4\u5176\u503c\u4e3a1":123,"\u8fd9\u65f6\u8fdb\u884c\u77e9\u9635\u4e58\u6cd5\u8fd0\u7b97\u5c31\u53ef\u80fd\u5bfc\u81f4\u6d6e\u70b9\u6570\u6ea2\u51fa":96,"\u8fd9\u65f6\u9700\u8981\u8c03\u7528\u521b\u5efa\u5e8f\u5217\u4fe1\u606f\u548c\u4e3a":123,"\u8fd9\u662f\u4e00\u79cd\u6309\u5df2\u8bad\u7ec3\u6837\u672c\u6570\u5206\u6bb5\u53d6\u503c\u7684\u5b66\u4e60\u7387\u9000\u706b\u65b9\u6cd5":98,"\u8fd9\u662f\u4e00\u79cd\u6309\u5df2\u8bad\u7ec3pass\u6570\u5206\u6bb5\u53d6\u503c\u7684\u5b66\u4e60\u7387\u9000\u706b\u65b9\u6cd5":98,"\u8fd9\u662f\u4e00\u79cd\u975e\u5e38\u7075\u6d3b\u7684\u6570\u636e\u7ec4\u7ec7\u65b9\u5f0f":105,"\u8fd9\u662f\u56e0\u4e3a":68,"\u8fd9\u662f\u5f00\u6e90\u793e\u533a\u7684\u57fa\u672c\u793c\u8c8c":111,"\u8fd9\u662f\u666e\u901a\u7684\u5355\u5c42\u65f6\u95f4\u5e8f\u5217\u7684dataprovider\u4ee3\u7801":106,"\u8fd9\u662f\u76ee\u524dcmake\u5bfb\u627epython\u7684\u903b\u8f91\u5b58\u5728\u7f3a\u9677":93,"\u8fd9\u6837":[69,125],"\u8fd9\u6837\u4e0b\u4e00\u4e2acpu":65,"\u8fd9\u6837\u4fdd\u5b58\u5728\u5206\u5e03\u5f0f\u5b58\u50a8\u4e2d\u7684\u6570\u636e\u53ef\u4ee5\u88ab\u96c6\u7fa4\u4e2d\u7684\u6bcf\u4e2a\u8282\u70b9\u8bfb\u53d6\u5230":125,"\u8fd9\u6837\u4fdd\u8bc1":85,"\u8fd9\u6837\u4fdd\u8bc1\u8fd0\u884c\u7ed3\u675f\u4e4b\u540e\u7684":110,"\u8fd9\u6837\u505a\u53ef\u4ee5\u6781\u5927\u7684\u51cf\u5c11\u5185\u5b58\u5360\u7528":96,"\u8fd9\u6837\u53ef\u4ee5\u514d\u53bb\u5355\u72ec\u5b89\u88c5\u7f16\u8bd1\u4f9d\u8d56\u7684\u6b65\u9aa4":99,"\u8fd9\u6837\u53ef\u4ee5\u51cf\u5c0fgpu\u5185\u5b58":136,"\u8fd9\u6837\u5982\u679c\u9047\u5230\u95ee\u9898":110,"\u8fd9\u6837\u5bb9\u5668\u7684":129,"\u8fd9\u6837\u5c31\u53ef\u4ee5\u5728\u4e91\u7aef\u6267\u884c\u591a\u79cd\u6570\u636e\u7c7b\u8ba1\u7b97\u4efb\u52a1":37,"\u8fd9\u6837\u5df2\u7ecf\u4f20\u8f93\u6210\u529f\u7684\u90e8\u5206\u5c31\u4e0d\u7528\u91cd\u65b0\u4f20\u8f93\u4e86":51,"\u8fd9\u6837\u5e26\u6765\u7684\u597d\u5904\u5c31\u662f\u4e0d\u9700\u8981\u4e00\u76f4\u6e05\u7a7amemori":65,"\u8fd9\u6837\u5f53\u8be5pull":111,"\u8fd9\u6837\u65e2\u4f7f\u5f97\u6700\u7ec8\u4fdd\u5b58\u7684\u53c2\u6570\u683c\u5f0f\u4e0epaddlepaddle\u4e00\u81f4":65,"\u8fd9\u6837\u6781\u5927\u5730\u63d0\u9ad8\u4e86\u8ba1\u7b97\u7684\u5e76\u884c\u6027":125,"\u8fd9\u6837\u7684\u88c5\u9970\u5668":112,"\u8fd9\u6837\u7684\u8bdd":128,"\u8fd9\u6837\u8bad\u7ec3\u6587\u4ef6\u7684\u4e2a\u6570\u4f1a\u6bd4\u8f83\u591a":125,"\u8fd9\u6b63\u662f\u5b83\u4eec\u901f\u5ea6\u5feb\u7684\u539f\u56e0":119,"\u8fd9\u7528\u4e8e\u5728\u591a\u7ebf\u7a0b\u548c\u591a\u673a\u4e0a\u66f4\u65b0\u53c2\u6570":112,"\u8fd9\u79cd\u521d\u59cb\u5316\u65b9\u5f0f\u5728\u4e00\u822c\u60c5\u51b5\u4e0b\u4e0d\u4f1a\u4ea7\u751f\u5f88\u5dee\u7684\u7ed3\u679c":98,"\u8fd9\u79cd\u60c5\u51b5\u4e0b\u4e0d\u9700\u8981\u91cd\u5199\u8be5\u51fd\u6570":112,"\u8fd9\u79cd\u60c5\u51b5\u591a\u51fa\u73b0\u5728\u4f7f\u7528\u591a\u7ebf\u7a0b\u9884\u6d4b\u65f6":124,"\u8fd9\u79cd\u60c5\u51b5\u5e38\u5e38\u53d1\u751f\u5728":96,"\u8fd9\u79cd\u65b9\u5f0f\u5bf9\u5185\u5b58\u6d88\u8017\u8f83\u5927":97,"\u8fd9\u79cd\u65b9\u5f0f\u5fc5\u987b\u4f7f\u7528paddle\u5b58\u50a8\u7684\u6a21\u578b\u8def\u5f84\u683c\u5f0f":136,"\u8fd9\u79cd\u65b9\u5f0f\u6700\u4e3a\u7b80\u4fbf":121,"\u8fd9\u79cd\u751f\u6210\u6280\u672f\u53ea\u7528\u4e8e\u7c7b\u4f3c\u89e3\u7801\u5668\u7684\u751f\u6210\u8fc7\u7a0b":109,"\u8fd9\u79cd\u7c7b\u578b\u7684\u8f93\u5165\u5fc5\u987b\u901a\u8fc7":108,"\u8fd9\u79cd\u94fe\u63a5\u65b9\u5f0f\u4e3b\u8981\u7528\u4e8e\u79fb\u52a8\u7aef\u9884\u6d4b":121,"\u8fd9\u79cd\u96c6\u7fa4\u8282\u70b9\u7ba1\u7406\u65b9\u5f0f\u4f1a\u5728\u5c06\u6765\u4f7f\u7528":129,"\u8fd9\u7bc7":100,"\u8fd9\u7bc7\u6587\u6863":111,"\u8fd9\u7bc7\u6587\u6863\u4e4b\u540e\u90e8\u5206\u4f1a\u4f7f\u7528":124,"\u8fd9\u7bc7\u6587\u6863\u4e4b\u540e\u90e8\u5206\u4f1a\u7edf\u4e00\u4f7f\u7528":123,"\u8fd9\u7bc7\u6587\u6863\u4e4b\u540e\u90e8\u5206\u5c06\u4f1a\u7edf\u4e00\u4f7f\u7528":123,"\u8fd9\u7bc7\u6587\u6863\u4ecb\u7ecd":124,"\u8fd9\u7bc7\u6587\u6863\u4ecb\u7ecd\u5728":140,"\u8fd9\u7bc7\u6587\u6863\u4ecb\u7ecd\u5728\u4f7f\u7528":123,"\u8fd9\u7bc7\u6587\u6863\u4ecb\u7ecd\u57fa\u4e8e":110,"\u8fd9\u7bc7\u6587\u6863\u7684\u4e4b\u540e\u90e8\u5206\u4f1a\u4f7f\u7528":124,"\u8fd9\u7bc7\u6587\u7ae0":110,"\u8fd9\u7ec4\u8bed\u4e49\u76f8\u540c\u7684\u793a\u4f8b\u914d\u7f6e\u5982\u4e0b":106,"\u8fd9\u884c\u547d\u4ee4\u4e2d":118,"\u8fd9\u901a\u8fc7\u83b7\u5f97\u53cd\u5411\u5faa\u73af\u7f51\u7edc\u7684\u7b2c\u4e00\u4e2a\u5b9e\u4f8b":109,"\u8fd9\u90fd\u9700\u8981\u8fd9\u4e2a\u63a5\u53e3\u6309\u7167\u7ea6\u5b9a\u4fd7\u6210\u7684\u89c4\u5219\u6765\u6ce8\u91ca\u5b8c\u5907":68,"\u8fd9\u91cc":[65,98,99,109,111,129],"\u8fd9\u91cc\u4e0d\u518d\u8d58\u8ff0":113,"\u8fd9\u91cc\u4ecb\u7ecdc":124,"\u8fd9\u91cc\u4f7f\u7528\u4e86\u7528":118,"\u8fd9\u91cc\u4f7f\u7528\u4e86paddlepaddle\u9884\u5b9a\u4e49\u597d\u7684rnn\u5904\u7406\u51fd\u6570":106,"\u8fd9\u91cc\u4f7f\u7528\u7b80\u5355\u7684":96,"\u8fd9\u91cc\u5c06\u4ecb\u7ecdpaddlepaddle\u7684\u57fa\u672c\u4f7f\u7528\u6982\u5ff5":103,"\u8fd9\u91cc\u6211\u4eec\u5c55\u793a\u4e00\u4efd\u7b80\u5316\u8fc7\u7684\u4ee3\u7801":112,"\u8fd9\u91cc\u6211\u4eec\u901a\u8fc7\u5728kubernetes\u96c6\u7fa4\u4e0a\u542f\u52a8\u4e00\u4e2ajob\u6765\u4e0b\u8f7d\u5e76\u5207\u5272\u6570\u636e":129,"\u8fd9\u91cc\u6709\u4e24\u79cd\u6709\u6548\u7684\u89e3\u51b3\u65b9\u6cd5":96,"\u8fd9\u91cc\u68c0\u9a8c\u8fd0\u884c\u65f6\u95f4\u6a21\u578b\u7684\u6536\u655b":126,"\u8fd9\u91cc\u7684dockerimage\u4f5c\u4e3a\u7f16\u8bd1\u73af\u5883\u4ee5\u652f\u6301\u66f4\u591a\u7684linux":85,"\u8fd9\u91cc\u7684eigentensor\u4e4b\u95f4\u7684\u8fd0\u7b97\u53ea\u662f\u6539\u53d8\u4e86\u539f\u6709tensor\u4e2d\u7684\u6570\u636e":114,"\u8fd9\u91cc\u9009\u62e90":85,"\u8fd9\u91cc\u9700\u8981\u7528\u6237\u989d\u5916\u6ce8\u610f":36,"\u8fd9\u9700\u8981\u8054\u5408\u6211\u4eec\u7b2c\u4e8c\u8282":118,"\u8fdb\u4e00\u6b65\u4f18\u5316":65,"\u8fdb\u4e3b\u4ed3\u5e93\u540e":111,"\u8fdb\u5165":85,"\u8fdb\u5165\u5bb9\u5668":128,"\u8fdb\u5165\u5bf9\u5e94\u7684\u76ee\u5f55":93,"\u8fdb\u7a0b\u542f\u52a8\u7684\u5fc5\u8981\u53c2\u6570":129,"\u8fdb\u7a0b\u7684":126,"\u8fdb\u7a0b\u7684\u542f\u52a8\u53c2\u6570":129,"\u8fdb\u7a0b\u7684\u8fd0\u884c\u73af\u5883":129,"\u8fdb\u7a0b\u9700\u8981\u7684":129,"\u8fdb\u800c\u591a\u673a":118,"\u8fdb\u800c\u6211\u4eec\u53ef\u4ee5\u4f7f\u7528\u5982\u4e0b\u547d\u4ee4\u5f00\u542f\u4e00\u4e2ahttp\u670d\u52a1":118,"\u8fdb\u800c\u6307\u5b9a\u4e86python\u53ef\u6267\u884c\u6587\u4ef6\u7684\u8def\u5f84":118,"\u8fdb\u800c\u8fdb\u884c\u4ee3\u7801\u8bc4\u5ba1":85,"\u8fdb\u884c\u4e86":106,"\u8fdb\u884c\u5206\u5e03\u5f0f\u8bad\u7ec3\u7684\u65b9\u6848":129,"\u8fdb\u884c\u5206\u5e03\u5f0f\u8bad\u7ec3\u7684\u65b9\u6cd5":129,"\u8fdb\u884c\u524d\u5411\u8ba1\u7b97":124,"\u8fdb\u884c\u56de\u590d":111,"\u8fdb\u884c\u5e8f\u5217\u5316":124,"\u8fdb\u884c\u5f00\u53d1":111,"\u8fdb\u884c\u62c6\u89e3":106,"\u8fdb\u884c\u6fc0\u6d3b\u64cd\u4f5c":112,"\u8fdb\u884c\u7f16\u8bd1\u548c\u5b89\u88c5":138,"\u8fdb\u884c\u8bad\u7ec3":124,"\u8fdb\u884c\u8bbe\u7f6e":113,"\u8fdb\u884c\u94fe\u63a5":121,"\u8fdb\u884c\u9884\u6d4b\u4f9d\u8d56\u4e8e\u5c06":121,"\u8fdb\u884c\u9884\u6d4b\u65f6":124,"\u8fdb\u884cpython\u4e0ec":118,"\u8fdb\u9636\u6307\u5357":[103,137],"\u8fde\u63a5":108,"\u8fde\u63a5\u5230pserver\u7684\u7aef\u53e3":125,"\u8fde\u63a5\u5230pserver\u7684\u7aef\u53e3\u4e2a\u6570":125,"\u9000\u51fa\u5bb9\u5668":128,"\u9002\u4e2d":106,"\u9009":106,"\u9009\u62e9":106,"\u9009\u62e9\u4e0b\u8f7d\u4f7f\u7528\u4e0d\u540c\u7684blas\u5e93\u7684docker\u955c\u50cf":100,"\u9009\u62e9\u662f\u5426\u7f16\u8bd1mkl":65,"\u9009\u62e9\u76ee\u6807\u5206\u652f":111,"\u9009\u62e9\u8def\u5f84\u6765\u52a8\u6001\u52a0\u8f7dnvidia":134,"\u9009\u62e9\u9700\u8981\u53d1\u5e03\u7684\u7248\u672c":85,"\u9009\u9879":[99,110],"\u900f\u4f20\u7528\u6237\u8eab\u4efd\u7684\u529e\u6cd5":51,"\u9012\u5f52\u795e\u7ecf\u7f51\u7edc":133,"\u901a\u5e38":[69,113,118],"\u901a\u5e38\u4f1a\u4f7f\u7528\u73af\u5883\u53d8\u91cf\u914d\u7f6ejob\u7684\u914d\u7f6e\u4fe1\u606f":129,"\u901a\u5e38\u4f1a\u4f7f\u7528mapreduce\u4efb\u52a1\u7684\u8f93\u51fa\u7ed3\u679c\u4f5c\u4e3a\u8bad\u7ec3\u7ed3\u679c":125,"\u901a\u5e38\u4f7f\u7528\u7a00\u758f\u8bad\u7ec3\u6765\u52a0\u901f\u8ba1\u7b97\u8fc7\u7a0b":136,"\u901a\u5e38\u4f7f\u7528cento":102,"\u901a\u5e38\u505a\u6cd5\u662f\u4ece\u4e00\u4e2a\u6bd4\u8f83\u5927\u7684learning_rate\u5f00\u59cb\u8bd5":98,"\u901a\u5e38\u5305\u542b\u4e00\u4e2acpu\u7248\u672c\u548c\u4e00\u4e2agpu\u7248\u672c":85,"\u901a\u5e38\u540d\u5b57\u662f":111,"\u901a\u5e38\u60c5\u51b5\u4e0b":119,"\u901a\u5e38\u6211\u4eec\u4f1a\u5b89\u88c5ceph\u7b49\u5206\u5e03\u5f0f\u6587\u4ef6\u7cfb\u7edf\u6765\u5b58\u50a8\u8bad\u7ec3\u6570\u636e":128,"\u901a\u5e38\u6307\u5c06\u4e00\u4e2a\u6574\u4f53\u62c6\u5206\u6210\u591a\u4efd\u7684\u5176\u4e2d\u7684\u4e00\u4efd":36,"\u901a\u5e38\u6709\u4e24\u4e2a\u65b9\u6cd5\u6765\u6784\u5efa\u57fa\u4e8e":140,"\u901a\u5e38\u7528\u4e8e\u8868\u793a\u79bb\u6563\u7684\u7c7b\u522b\u6807\u7b7e":123,"\u901a\u5e38\u7684\u505a\u6cd5\u662f\u4f7f\u7528":109,"\u901a\u5e38\u7684\u505a\u6cd5\u662f\u5c06\u914d\u7f6e\u5b58\u4e8e":112,"\u901a\u5e38\u8981\u6c42\u65f6\u95f4\u6b65\u4e4b\u95f4\u5177\u6709\u4e00\u4e9b\u4f9d\u8d56\u6027":106,"\u901a\u5e38\u89c2\u5bdf\u70ed\u70b9\u51fd\u6570\u95f4\u7684\u8c03\u7528\u5173\u7cfb":118,"\u901a\u5e38\u90fd\u4f1a\u4f7f\u7528\u4e0b\u9762\u8fd9\u4e9b\u547d\u4ee4\u884c\u53c2\u6570":136,"\u901a\u5e38\u9700\u8981\u53bb\u6389\u7f51\u7edc\u4e2d\u7684":124,"\u901a\u7528":133,"\u901a\u77e5":106,"\u901a\u8fc7":[96,106,111,112,113,123],"\u901a\u8fc7\u4e24\u4e2a\u5d4c\u5957\u7684":108,"\u901a\u8fc7\u4f7f\u7528":99,"\u901a\u8fc7\u4f7f\u7528\u8fd9\u4e9bapi":64,"\u901a\u8fc7\u51fd\u6570":129,"\u901a\u8fc7\u547d\u4ee4\u884c\u53c2\u6570":96,"\u901a\u8fc7\u591a\u4e2a\u7ebf\u7a0b\u5171\u4eab\u540c\u4e00\u4e2a\u6a21\u578b\u6765\u51cf\u5c11\u5185\u5b58\u5f00\u9500":124,"\u901a\u8fc7\u5f15\u7528memory\u5f97\u5230\u8fd9\u4e2alayer\u4e0a\u4e00\u4e2a\u65f6\u523b\u7684\u8f93\u51fa":108,"\u901a\u8fc7\u5f15\u7528memory\u5f97\u5230\u8fd9\u4e2alayer\u4e0a\u4e00\u4e2a\u65f6\u523b\u8f93\u51fa":108,"\u901a\u8fc7\u6240\u6709\u5355\u5143\u6d4b\u8bd5":111,"\u901a\u8fc7\u6a21\u578b\u63a8\u65adapi\u7684\u5b9e\u73b0\u4f5c\u4e3a\u4e00\u4e2a\u6837\u4f8b":69,"\u901a\u8fc7\u7075\u6d3b\u4f7f\u7528\u4ee5\u4e0a\u4e24\u4e2a\u63a5\u53e3":124,"\u901a\u8fc7\u7ec4\u5408\u4e0d\u540c\u7684layer":103,"\u901a\u8fc7\u7f16\u8bd1\u4f1a\u751f\u6210py_paddle\u8f6f\u4ef6\u5305":4,"\u901a\u8fc7\u7f51\u7edc\u5c42\u7684\u6807\u8bc6\u7b26\u6765\u6307\u5b9a":112,"\u901a\u8fc7\u8ba1\u7b97\u8282\u70b9\u548c\u53c2\u6570\u670d\u52a1\u5668\u7684\u5206\u5e03\u5f0f\u534f\u4f5c":125,"\u901a\u8fc7\u8be5\u53c2\u6570\u53ef\u83b7\u53d6\u5230\u8f93\u5165\u8f93\u51fa\u4ee5\u53ca\u5c5e\u6027":113,"\u901a\u8fc7\u8c03\u7528":[4,123,124],"\u901a\u8fc7\u8c03\u7528\u4ee5\u4e0b\u63a5\u53e3\u521b\u5efa\u7a00\u758f\u77e9\u9635":123,"\u901a\u8fc7data":108,"\u901a\u8fc7ssh\u7b49\u65b9\u5f0f\u767b\u5f55\u5230raspberri":140,"\u903b\u8f91\u4e0a\u9ad8\u4e8e\u4e8c\u7ef4\u7684\u6570\u636e":123,"\u903b\u8f91\u5212\u4e0a\u6587\u4ef6\u5206\u5757\u7684\u5355\u4f4d":51,"\u9047\u5230\u8be5\u9519\u8bef\u65f6":97,"\u9053\u6b49":106,"\u9069":106,"\u9075\u5b88\u4ee5\u4e0b\u7ea6\u5b9a":111,"\u9075\u5faa\u4ee5\u4e0b\u6d41\u7a0b":85,"\u90a3\u4e48":[69,108,112],"\u90a3\u4e480\u5c42\u5e8f\u5217\u5373\u4e3a\u4e00\u4e2a\u8bcd\u8bed":108,"\u90a3\u4e48\u4f1a\u643a\u5e26\u6709":123,"\u90a3\u4e48\u53ef\u4ee5\u8ba4\u4e3a\u8bad\u7ec3\u4e0d\u6536\u655b":98,"\u90a3\u4e48\u5728":113,"\u90a3\u4e48\u5728\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u4e0d\u4f1a\u6267\u884c\u6d4b\u8bd5\u64cd\u4f5c":1,"\u90a3\u4e48\u5982\u4f55\u5224\u65ad\u8bad\u7ec3\u4e0d\u6536\u655b\u5462":98,"\u90a3\u4e48\u5bf9\u5e94\u7684\u5185\u90e8\u5b58\u50a8\u4e5f\u4f1a\u4e0e\u5b83\u4eec\u5171\u4eab\u5185\u5b58":65,"\u90a3\u4e48\u5c31\u4f1a\u4f7f":65,"\u90a3\u4e48\u5e38\u6570\u8f93\u51fa\u6240\u80fd\u8fbe\u5230\u7684\u6700\u5c0fcost\u662f":98,"\u90a3\u4e48\u5f53check\u51fa\u6570\u636e\u4e0d\u5408\u6cd5\u65f6":2,"\u90a3\u4e48\u6211\u4eec\u4e5f\u5c31\u4e0d\u9700\u8981":110,"\u90a3\u4e48\u6211\u4eec\u53ef\u4ee5\u5224\u65ad\u4e3a\u8bad\u7ec3\u4e0d\u6536\u655b":98,"\u90a3\u4e48\u63a8\u8350\u4f7f\u7528":109,"\u90a3\u4e48\u63a8\u8350\u4f7f\u7528\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684\u65b9\u6cd5":109,"\u90a3\u4e48\u6536\u655b\u53ef\u80fd\u5f88\u6162":98,"\u90a3\u4e48\u6700\u597d\u5c06\u6570\u636e\u6587\u4ef6\u5728\u6bcf\u6b21\u8bfb\u53d6\u4e4b\u524d\u505a\u4e00\u6b21shuffl":96,"\u90a3\u4e48\u7528\u6237\u9700\u8981\u62c9\u53d6\u6240\u6709\u7684\u8fdc\u7a0b\u5206\u652f\u5230\u672c\u673a":93,"\u90a3\u4e48\u7f16\u8bd1\u8fc7\u7a0b\u53ea\u4f1a\u4ea7\u751f":110,"\u90a3\u4e48\u8bad\u7ec3\u6709\u53ef\u80fd\u4e0d\u6536\u655b":98,"\u90a3\u4e48\u8be5\u4f18\u5316\u7b97\u6cd5\u81f3\u5c11\u9700\u8981":96,"\u90a3\u4e48fc1\u548cfc2\u5c42\u5c06\u4f1a\u4f7f\u7528\u7b2c1\u4e2agpu\u6765\u8ba1\u7b97":136,"\u90a3\u4e48paddlepaddle\u4f1a\u6839\u636elayer\u7684\u58f0\u660e\u987a\u5e8f":2,"\u90a3\u4e5f\u5c31\u4e0d\u9700\u8981\u6025\u7740\u4f18\u5316\u6027\u80fd\u5566":119,"\u90a3\u4f30\u8ba1\u8fd9\u91cc\u7684\u6f5c\u529b\u5c31\u6ca1\u5565\u597d\u6316\u7684\u4e86":119,"\u90a3\u51cf\u5c11\u5b66\u4e60\u738710\u500d\u7ee7\u7eed\u8bd5\u9a8c":98,"\u90a3\u6211\u4f1a\u671f\u671b\u5206\u6790\u5de5\u5177\u7edf\u8ba1\u5230\u901f\u5ea6\u662f100gb":119,"\u90a3\u7a0b\u5e8f\u5206\u6790\u5de5\u5177\u662f\u5fc5\u4e0d\u53ef\u5c11\u7684\u5229\u5668":119,"\u90fd":106,"\u90fd\u4e0d\u4f1a\u60f3\u8981\u77e5\u9053next":65,"\u90fd\u4e0d\u9700\u8981":110,"\u90fd\u4f1a\u4ea7\u751f\u5f53\u524d\u5c42\u72b6\u6001\u7684\u6240\u6709\u7ee7\u627f\u7ed3\u679c":134,"\u90fd\u4f1a\u7ba1\u7406\u7ef4\u62a4\u4e00\u4efd\u8bad\u7ec3\u597d\u7684\u6a21\u578b":124,"\u90fd\u4f7f\u7528":123,"\u90fd\u53ea\u662f\u4ecb\u7ecd\u53cc\u5c42rnn\u7684api\u63a5\u53e3":106,"\u90fd\u53ef\u4ee5\u8fd0\u884c":110,"\u90fd\u53ef\u4ee5\u901a\u8fc7\u8c03\u7528\u4e0b\u9762\u7684\u63a5\u53e3\u4e3a\u539f\u6709\u7684\u6570\u636e\u8f93\u5165\u9644\u52a0\u4e0a\u5e8f\u5217\u4fe1\u606f":123,"\u90fd\u5e94\u4f7f\u7528c":123,"\u90fd\u662f\u4e94\u4f4d\u7684\u6570\u5b57":37,"\u90fd\u662f\u4ee5ext\u5f00\u5934":65,"\u90fd\u662f\u5bf9layer1\u5143\u7d20\u7684\u62f7\u8d1d":105,"\u90fd\u662f\u5c06\u6bcf\u4e00\u53e5\u5206\u597d\u8bcd\u540e\u7684\u53e5\u5b50":106,"\u90fd\u662fabi\u8c03\u7528\u6807\u51c6\u7684":68,"\u90fd\u7528":111,"\u90fd\u7ee7\u627f\u4e8epaddlepaddle\u7684\u57fa\u7c7b":64,"\u90fd\u9700\u8981\u5199\u63d0\u4ea4\u8bf4\u660e":111,"\u90fd\u9700\u8981\u8c03\u7528\u4e00\u6b21":112,"\u914d\u5236\u7f16\u8bd1\u9009\u9879":121,"\u914d\u7f6e\u6253\u5f00":119,"\u914d\u7f6e\u6587\u4ef6\u63a5\u53e3\u662ffc_layer":112,"\u914d\u7f6e\u6587\u4ef6\u91cc\u52a0\u4e24\u884c":110,"\u914d\u7f6e\u7684\u65b9\u6cd5\u53c2\u8003":51,"\u914d\u7f6e\u7b80\u5355\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u7684\u4f8b\u5b50":109,"\u914d\u7f6e\u7f51\u7edc\u5c42\u7684\u8f93\u5165":112,"\u914d\u7f6eapi":105,"\u9152\u5e97":106,"\u91c7\u7528\u5747\u5300\u5206\u5e03\u6216\u8005\u9ad8\u65af\u5206\u5e03\u521d\u59cb\u5316":134,"\u91c7\u7528multi":98,"\u91ca\u653e\u5bf9paramters\u5185\u5b58\u7684\u9501\u5b9a":36,"\u91cc":110,"\u91cc\u53ef\u4ee5\u6807\u51c6\u5316\u7f16\u8bd1\u73af\u5883":110,"\u91cc\u5b8c\u6210":113,"\u91cc\u6240\u6709\u7684\u7b26\u53f7\u90fd\u5199\u5165\u81ea\u5df1\u7684\u7a0b\u5e8f\u7684\u4e8c\u8fdb\u5236\u6587\u4ef6\u91cc":68,"\u91cc\u7684":110,"\u91cc\u7684\u65e5\u5fd7":126,"\u91cc\u7684\u6e90\u7801":110,"\u91cc\u8fd0\u884c\u7684\u7f16\u8bd1\u5de5\u5177\u5b9e\u9645\u4e0a\u90fd\u662f\u5728\u672c\u673a\u7684":110,"\u91cc\u9009\u62e9\u9700\u8981\u53d1\u5e03\u7684\u5206\u652f":85,"\u91cc\u9762":113,"\u91cc\u9762\u6db5\u76d6\u4e86\u4ea4\u53c9\u7f16\u8bd1android\u7248paddlepaddle\u5e93\u9700\u8981\u7684\u6240\u6709\u7f16\u8bd1\u5de5\u5177":138,"\u91cc\u9762\u6dfb\u52a0":65,"\u91cd\u5199\u7236\u7c7blayer\u7684":65,"\u91cd\u547d\u540d\u6210":68,"\u91cd\u65b0\u7f16\u8bd1paddlepaddl":119,"\u9488\u5bf9\u4e0d\u540c\u7684":139,"\u9488\u5bf9\u4efb\u52a1\u8fd0\u884c\u5b8c\u6210\u540e\u5bb9\u5668\u81ea\u52a8\u9000\u51fa\u7684\u573a\u666f":128,"\u9488\u5bf9\u5185\u5b58\u548c\u663e\u5b58":96,"\u94fe\u63a5":121,"\u94fe\u63a5\u4e2d\u627e\u5230":102,"\u94fe\u63a5\u4f55\u79cdblas\u5e93\u7b49":99,"\u94fe\u63a5\u5230\u81ea\u5df1\u7684\u7a0b\u5e8f\u91cc":68,"\u94fe\u63a5\u76f8\u5bf9\u5bb9\u6613":121,"\u94fe\u63a5\u9009\u9879":121,"\u94fe\u63a5\u9759\u6001\u5e93":121,"\u9519\u8bef":93,"\u9519\u8bef\u5904\u7406":68,"\u9519\u8bef\u5904\u7406\u65b9\u5f0f\u662f\u8fd4\u56de\u503c":68,"\u9519\u8bef\u5904\u7406\u7684\u65b9\u5f0f\u4e5f\u4e0d\u5c3d\u76f8\u540c":68,"\u9519\u8bef\u7684define_py_data_sources2\u7c7b\u4f3c":98,"\u952e\u6765\u542f\u52a8\u7f16\u8bd1\u4e86":110,"\u955c\u50cf\u91cc\u6709paddlepaddle\u7684\u6e90\u7801\u4e0edemo":128,"\u957f\u5ea6":96,"\u95e8\u63a7\u5faa\u73af\u5355\u5143\u5355\u6b65\u51fd\u6570\u548c\u8f93\u51fa\u51fd\u6570":109,"\u95e8\u63a7\u5faa\u73af\u5355\u5143\u7684\u8f93\u51fa\u88ab\u7528\u4f5c\u8f93\u51famemori":109,"\u9644\u52a0\u4e0a\u5e8f\u5217\u4fe1\u606f":123,"\u9650\u5236\u5957\u63a5\u5b57\u53d1\u9001\u7f13\u51b2\u533a\u7684\u5927\u5c0f":134,"\u9650\u5236\u5957\u63a5\u5b57\u63a5\u6536\u7f13\u51b2\u533a\u7684\u5927\u5c0f":134,"\u9664\u4e86":2,"\u9664\u4e86\u53ef\u4ee5\u81ea\u52a8\u7f16\u8bd1\u6587\u6863":115,"\u9664\u4e86boot_lay":106,"\u9664\u6784\u9020\u67d0\u79cd\u7c7b\u578b\u7684\u51fd\u6570":69,"\u9664\u6b64\u4e4b\u5916":96,"\u9664\u96f6\u7b49\u95ee\u9898":96,"\u968f\u540e\u53ef\u4ee5\u7528\u8fd9\u4e2a\u5f00\u53d1\u955c\u50cf\u5f00\u59cbbuild":111,"\u968f\u673a\u6570\u7684\u79cd\u5b50":134,"\u968f\u673a\u6570seed":133,"\u9694\u5f00":125,"\u96c6\u6210\u5230":64,"\u96c6\u6210\u5230paddlepaddl":65,"\u96c6\u675f\u641c\u7d22\u4f7f\u7528\u5e7f\u5ea6\u4f18\u5148\u641c\u7d22\u7684\u65b9\u5f0f\u6784\u5efa\u67e5\u627e\u6811":134,"\u96c6\u7fa4\u4e0a\u542f\u52a8\u4e00\u4e2a\u5355\u673a\u4f7f\u7528cpu\u7684paddlepaddle\u8bad\u7ec3\u4f5c\u4e1a":128,"\u96c6\u7fa4\u4e2d\u7684\u6bcf\u53f0\u8ba1\u7b97\u673a\u901a\u5e38\u88ab\u6210\u4e3a\u4e00\u4e2a":125,"\u96c6\u7fa4\u4efb\u52a1":126,"\u96c6\u7fa4\u4f5c\u4e1a\u5c06\u4f1a\u5728\u51e0\u79d2\u540e\u542f\u52a8":126,"\u96c6\u7fa4\u6d4b\u8bd5":133,"\u96c6\u7fa4\u7ba1\u7406\u5de5\u5177":125,"\u96c6\u7fa4\u8bad\u7ec3":133,"\u96c6\u7fa4\u8bad\u7ec3\u4e0e\u9884\u6d4b":95,"\u96c6\u7fa4\u8fdb\u7a0b":126,"\u9700\u52a0\u8be5\u6a21\u677f\u53c2\u6570":113,"\u9700\u5728nvvp\u754c\u9762\u4e2d\u9009\u4e0a\u624d\u80fd\u5f00\u542f":119,"\u9700\u6307\u5b9a":121,"\u9700\u63d0\u4f9b\u975e\u96f6\u5143\u7684\u503c":123,"\u9700\u6ce8\u610f":121,"\u9700\u8981":[37,110,113,124],"\u9700\u8981\u4e3a":113,"\u9700\u8981\u4f7f\u7528\u5176\u5236\u5b9a\u7684\u65b9\u5f0f\u6302\u8f7d\u540e\u5e76\u5bfc\u5165\u6570\u636e":129,"\u9700\u8981\u4f7f\u7528\u6700\u65b0\u7684pip":102,"\u9700\u8981\u4f7f\u7528\u8005\u81ea\u5df1\u4e86\u89e3\u5e76\u5b8c\u6210\u8f6c\u5316":123,"\u9700\u8981\u4fdd\u6301\u5f53\u524d\u5206\u652f\u76ee\u5f55":111,"\u9700\u8981\u4fee\u6539build":85,"\u9700\u8981\u521b\u5efa\u5e76\u586b\u5199":123,"\u9700\u8981\u5347\u7ea7pip\u7248\u672c\u5230\u6700\u65b0":[93,102],"\u9700\u8981\u5355\u72ec":100,"\u9700\u8981\u53ef\u4ee5\u8de8\u5e73\u53f0\u6267\u884c":51,"\u9700\u8981\u540c\u65f6\u63d0\u4f9b\u6bcf\u4e00\u4e2a\u5185\u5c42\u5e8f\u5217\u5728\u6574\u4e2a":123,"\u9700\u8981\u540c\u6b65\u539f\u4ed3\u5e93":111,"\u9700\u8981\u542f\u52a8\u7684\u8282\u70b9\u4e2a\u6570\u4ee5\u53ca":129,"\u9700\u8981\u548c\u8be5op\u7684\u540d\u5b57\u4e00\u6837":113,"\u9700\u8981\u54ea\u4e9b\u5c42\u7684\u8ba1\u7b97\u7ed3\u679c\u4f5c\u4e3a\u8f93\u51fa":124,"\u9700\u8981\u5728":113,"\u9700\u8981\u5728\u521b\u5efa\u5bb9\u5668\u524d\u6302\u8f7d\u5377\u4ee5\u4fbf\u6211\u4eec\u4fdd\u5b58\u8bad\u7ec3\u7ed3\u679c":128,"\u9700\u8981\u5728\u7cfb\u7edf\u91cc\u5148\u5b89\u88c5\u597ddocker\u5de5\u5177\u5305":115,"\u9700\u8981\u5728cmake\u7684\u65f6\u5019":69,"\u9700\u8981\u5728macos\u7cfb\u7edf\u4e0a\u8fdb\u884c":139,"\u9700\u8981\u5c06\u5176parameter\u8bbe\u7f6e\u6210":96,"\u9700\u8981\u5c06\u7f51\u7edc\u7ed3\u6784\u4f7f\u7528":124,"\u9700\u8981\u5c06bugfix\u7684\u5206\u652f\u540c\u65f6merge\u5230":85,"\u9700\u8981\u5c06cuda\u76f8\u5173\u7684\u5e93\u8bbe\u7f6e\u5230":121,"\u9700\u8981\u5c06paddl":121,"\u9700\u8981\u5f15\u7528":69,"\u9700\u8981\u5f3a\u8c03\u7684\u662f":110,"\u9700\u8981\u601d\u8003\u5b8c\u6210\u4ee5\u4e0b\u5de5\u4f5c":[123,124],"\u9700\u8981\u624b\u52a8\u8fdb\u884c\u89e3\u538b":124,"\u9700\u8981\u6267\u884c":[99,102,104],"\u9700\u8981\u6307\u5b9a":121,"\u9700\u8981\u6307\u5b9a\u4e0e\u67d0\u4e00\u4e2a\u8f93\u5165\u7684\u5e8f\u5217\u4fe1\u606f\u662f\u4e00\u81f4\u7684":106,"\u9700\u8981\u6307\u5b9alayer\u7684\u8f93\u5165\u6765\u6e90":103,"\u9700\u8981\u660e\u786e\u6307\u5b9a":134,"\u9700\u8981\u663e\u5f0f\u5730\u94fe\u63a5":121,"\u9700\u8981\u663e\u793a\u5730\u94fe\u63a5":121,"\u9700\u8981\u663e\u793a\u5730\u94fe\u63a5mkl\u7684\u52a8\u6001\u5e93":121,"\u9700\u8981\u6709\u7a33\u5b9a\u7684\u5bfc\u51fa\u7b26\u53f7":68,"\u9700\u8981\u6839\u636e\u4e0d\u540c\u7684\u5206\u5e03\u5f0f\u5b58\u50a8\u6765\u7ed1\u5b9a\u4e00\u4e2a":129,"\u9700\u8981\u6ce8\u610f":113,"\u9700\u8981\u6ce8\u610f\u7684\u662f":[65,85,96,134],"\u9700\u8981\u6ce8\u610f\u7684\u662f\u68af\u5ea6\u68c0\u67e5\u4ec5\u4ec5\u9a8c\u8bc1\u4e86\u68af\u5ea6\u7684\u8ba1\u7b97":112,"\u9700\u8981\u6ce8\u610f\u7684\u662fpaddlepaddle\u76ee\u524d\u53ea\u652f\u6301\u5b50\u5e8f\u5217\u6570\u76ee\u4e00\u6837\u7684\u591a\u8f93\u5165\u53cc\u5c42rnn":106,"\u9700\u8981\u7528\u5230\u7684\u7f16\u8bd1\u5de5\u5177\u548c\u7cfb\u7edf\u5e93":138,"\u9700\u8981\u7528\u6237\u663e\u5f0f\u8bbe\u5b9a":97,"\u9700\u8981\u7d2f\u52a0\u4e0d\u540clayer\u4f20\u8fc7\u6765\u7684\u68af\u5ea6":65,"\u9700\u8981\u81ea\u5df1\u94fe\u63a5mkl\u94fe\u63a5\u5e93":121,"\u9700\u8981\u88ab\u66b4\u9732\u5230\u5176\u4ed6\u8bed\u8a00":69,"\u9700\u8981\u8bf7\u7ba1\u7406\u5458\u5b89\u88c5\u548c\u914d\u7f6e\u597d":110,"\u9700\u8981\u9075\u5faa\u4ee5\u4e0b\u7ea6\u5b9a":108,"\u9700\u8981\u91cd\u547d\u540dwheel\u5305\u4e2dplatform\u76f8\u5173\u7684\u540e\u7f00":85,"\u9700\u8981\u989d\u5916\u6ce8\u610f\u7684\u662f":114,"\u9700\u9644\u52a0\u53cc\u5c42\u5e8f\u5217\u4fe1\u606f":123,"\u9700\u9644\u52a0\u5e8f\u5217\u4fe1\u606f":123,"\u975e\u5e38\u6570":112,"\u975e\u5e8f\u5217\u8f93\u5165\u4e0d\u643a\u5e26":123,"\u975e\u5e8f\u5217\u8f93\u5165\u65e0\u9700\u6784\u9020":123,"\u975e\u96f6\u5143\u4e2a\u6570":123,"\u975e\u96f6\u5143\u7d20\u7684\u503c":123,"\u975e\u96f6\u5143\u7d20\u7684\u5217\u53f7":123,"\u975e\u96f6\u6570\u5b57\u7684\u4e2a\u6570":112,"\u9762\u5411\u67b6\u6784\u4e3a32\u4f4darm\u67b6\u6784":138,"\u9762\u5411\u67b6\u6784\u4e3a64\u4f4darm64\u67b6\u6784":138,"\u9879\u76ee\u5728\u52aa\u529b\u5f00\u59cb\u652f\u6301\u5176\u4ed6\u4e0d\u9700\u8981":110,"\u987a\u5e8f":106,"\u9884\u63d0\u4ea4\u94a9\u5b50":111,"\u9884\u6d4b\u4ee3\u7801\u66f4\u591a\u8be6\u7ec6\u793a\u4f8b\u4ee3\u7801\u8bf7\u53c2\u8003":124,"\u9884\u6d4b\u4f7f\u7528\u7684\u7f51\u7edc\u7ed3\u6784\u5f80\u5f80\u4e0d\u540c\u4e8e\u8bad\u7ec3":124,"\u9884\u6d4b\u5e93":122,"\u9884\u6d4b\u65f6":124,"\u9884\u6d4b\u65f6\u53ea\u9700\u52a0\u8f7d\u4e00\u4e2a\u6587\u4ef6\u4fbf\u4e8e\u53d1\u5e03":124,"\u9884\u6d4b\u7a0b\u5e8f\u5f00\u53d1\u4e24\u5927\u90e8\u5206":124,"\u9996\u5148":[2,106,109,112],"\u9996\u5148\u5728\u7cfb\u7edf\u8def\u5f84":99,"\u9996\u5148\u5b89\u88c5\u5e76\u5728\u5f53\u524d\u76ee\u5f55\u8fd0\u884c\u5b83":111,"\u9996\u5148\u5b9a\u4e49":113,"\u9996\u5148\u5bf9\u8f93\u5165\u505a\u4e00\u4e2a\u5c0f\u7684\u6270\u52a8":112,"\u9996\u5148\u6211\u4eec\u9700\u8981\u63a8\u5bfc\u8be5\u7f51\u7edc\u5c42\u7684":112,"\u9996\u5148\u6784\u9020\u5934\u4fe1\u606f":98,"\u9996\u5148\u901a\u8fc7":111,"\u9996\u5148\u9700\u8981\u52a0\u8f7d\u76f8\u5e94\u7684python\u5e93":103,"\u9a71\u52a8":115,"\u9ad8\u4eae\u90e8\u5206":106,"\u9ad8\u5ea6":123,"\u9ad8\u5ea6\u652f\u6301\u7075\u6d3b\u548c\u9ad8\u6548\u7684\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u914d\u7f6e":109,"\u9ad8\u65af\u5206\u5e03":98,"\u9ed8\u8ba4":[2,134],"\u9ed8\u8ba40":125,"\u9ed8\u8ba41":125,"\u9ed8\u8ba4127":125,"\u9ed8\u8ba4256k":51,"\u9ed8\u8ba47164":125,"\u9ed8\u8ba4\u4e0d\u663e\u793a":134,"\u9ed8\u8ba4\u4e0d\u8bbe\u7f6e":108,"\u9ed8\u8ba4\u4e3a0":[134,136],"\u9ed8\u8ba4\u4e3a1":[2,123,136],"\u9ed8\u8ba4\u4e3a100":136,"\u9ed8\u8ba4\u4e3a4096mb":134,"\u9ed8\u8ba4\u4e3a\u7b2c\u4e00\u4e2a\u8f93\u5165":108,"\u9ed8\u8ba4\u4e3anull":134,"\u9ed8\u8ba4\u4f1a\u5c06a\u548cb":96,"\u9ed8\u8ba4\u4f7f\u7528concurrentremoteparameterupdat":134,"\u9ed8\u8ba4\u4f7f\u7528mkl":99,"\u9ed8\u8ba4\u503c":[99,105,136,139],"\u9ed8\u8ba4\u503c\u4e3a":[138,139,140],"\u9ed8\u8ba4\u503c\u4e3a\u73af\u5883\u53d8\u91cf":139,"\u9ed8\u8ba4\u521d\u59cb\u72b6\u4e3a0":108,"\u9ed8\u8ba4\u60c5\u51b5\u4e0b":[98,126],"\u9ed8\u8ba4\u60c5\u51b5\u4e0b\u6309\u7167float\u7cbe\u5ea6\u8ba1\u7b97":98,"\u9ed8\u8ba4\u6307\u5b9a\u7b2c\u4e00\u4e2a\u8f93\u5165":106,"\u9ed8\u8ba4\u662f\u4f7f\u7528mkl\u7684\u955c\u50cf":100,"\u9ed8\u8ba4\u6ca1\u6709\u5b89\u88c5vim":100,"\u9ed8\u8ba4\u7684paddlepaddle\u751f\u4ea7\u73af\u5883\u955c\u50cf":128,"\u9ed8\u8ba4\u7f16\u8bd1\u6240\u6709\u67b6\u6784":139,"\u9ed8\u8ba4\u8bbe\u7f6e\u4e3a":64,"\u9ed8\u8ba4\u8bbe\u7f6e\u4e3a\u771f":136,"\u9ed8\u8ba4\u8bbe\u7f6e\u6210\u73af\u5883\u53d8\u91cf":[138,140],"\u9ed8\u8ba4\u8c03\u7528":110,"\u9ed8\u8ba4fals":125,"abi\u7684paddlepaddle\u5e93":138,"abstract":[44,50,54,75,84,86],"android\u5b98\u65b9\u63d0\u4f9b\u7684":138,"android\u5e73\u53f0\u4e0a\u4f7f\u7528\u7684c":138,"android\u5e73\u53f0\u53ef\u9009\u914d\u7f6e\u53c2\u6570":138,"android\u5e73\u53f0\u7f16\u8bd1\u6307\u5357":141,"android\u7684docker\u5f00\u53d1\u955c\u50cf\u5411\u7528\u6237\u63d0\u4f9b\u4e24\u4e2a\u53ef\u914d\u7f6e\u7684\u53c2\u6570":138,"api\u4e0d\u4f1a\u76f4\u63a5\u52a0\u8f7d":124,"api\u4e0d\u5c0f\u4e8e21":138,"api\u4e2d":123,"api\u4e2d\u4f7f\u7528":68,"api\u4e2d\u7684\u4e00\u7ef4\u6570\u7ec4":123,"api\u4e2d\u7684\u77e9\u9635\u6765\u8868\u793a":123,"api\u4e2d\u795e\u7ecf\u7f51\u7edc\u7684\u4e00\u4e2a\u8f93\u5165":124,"api\u4f7f\u7528\u4e2d\u7684\u4e00\u4e2a\u91cd\u8981\u6982\u5ff5":124,"api\u4f7f\u7528\u6d41\u7a0b\u793a\u610f\u56fe":124,"api\u4f7f\u7528\u793a\u4f8b":124,"api\u521b\u5efa\u7684gradientmachine\u7c7b\u7684\u5bf9\u8c61":124,"api\u53ef\u4ee5\u901a\u8fc7\u5206\u522b\u6307\u5b9a\u5e8f\u5217\u5316\u540e\u7684\u7f51\u7edc\u7ed3\u6784\u6587\u4ef6\u548c\u53c2\u6570\u76ee\u5f55\u6765\u52a0\u8f7d\u8bad\u7ec3\u597d\u7684\u6a21\u578b":124,"api\u53ef\u4ee5\u901a\u8fc7\u6307\u5b9a":124,"api\u5b8c\u6210\u5206\u5e03\u5f0f\u8bad\u7ec3":125,"api\u5bf9\u6bd4\u4ecb\u7ecd":107,"api\u5bfc\u51fa\u7684\u52a8\u6001\u5e93":69,"api\u5bfc\u51fa\u7684\u9759\u6001\u5e93":69,"api\u5e93\u5c06\u88ab\u5b89\u88c5\u5230":138,"api\u5f00\u53d1\u5305\u5e76\u5b89\u88c5":102,"api\u5f00\u53d1\u9884\u6d4b\u7a0b\u5e8f\u65f6":121,"api\u5f00\u53d1\u9884\u6d4b\u7a0b\u5e8f\u9700\u8981\u4e00\u4e2a\u8bad\u7ec3\u597d\u7684\u6a21\u578b":124,"api\u6240\u9700\u7684\u4f9d\u8d56":121,"api\u63a5\u53d7\u7684\u7c7b\u578b\u5168\u662f":69,"api\u63a5\u53e3":51,"api\u63a5\u53e3\u751f\u6210":113,"api\u63a5\u53e3\u7684\u53c2\u6570\u8f6c\u53d1\u7ed9":69,"api\u63a5\u53e3\u7684\u751f\u6210":113,"api\u63d0\u4f9b\u7684":124,"api\u652f\u6301\u7684\u6240\u6709\u8f93\u5165\u6570\u636e\u7c7b\u578b\u548c\u4ed6\u4eec\u7684\u7ec4\u7ec7\u65b9\u5f0f":124,"api\u6587\u6863":[138,139],"api\u65f6":69,"api\u65f6\u4e3a\u8f93\u51fa":124,"api\u65f6\u6240\u552f\u4e00\u9700\u8981\u5f15\u5165\u7684\u5934\u6587\u4ef6":69,"api\u662f\u591a\u8bed\u8a00api\u7684\u57fa\u7840\u90e8\u5206":69,"api\u66b4\u9732\u7684\u7c7b\u578b":69,"api\u6765\u9884\u6d4b":[138,139],"api\u751f\u6210\u7684\u4e8c\u8fdb\u5236\u6587\u4ef6\u4f1a\u88ab\u5b89\u88c5\u5230":69,"api\u7684\u5934\u6587\u4ef6":[138,139,140],"api\u7684\u5b9e\u4f8b":69,"api\u7684\u5b9e\u73b0\u7ec6\u8282":69,"api\u7684\u63a5\u53e3":69,"api\u7684\u65f6\u5019\u63a8\u8350paddle\u4e0d\u5d4c\u5165python\u89e3\u91ca\u5668":69,"api\u7684\u7f16\u8bd1\u9009\u9879\u9ed8\u8ba4\u5173\u95ed":69,"api\u76ee\u5f55\u7ed3\u6784\u5982\u4e0a\u56fe\u8868\u6240\u793a":69,"api\u76f8\u5173\u63a5\u53e3":123,"api\u7ea7\u522b":138,"api\u7ea7\u522b\u4e3a21":138,"api\u83b7\u5f97\u4e86\u795e\u7ecf\u7f51\u7edc\u7684\u53c2\u6570\u5b9e\u4f8b":69,"api\u8bad\u7ec3":124,"api\u9700\u8981\u521b\u5efa\u7684\u6570\u636e\u7c7b\u578b":123,"api\u9759\u6001\u5e93":139,"api\u9884\u6d4b\u5e93":139,"api\u9884\u6d4b\u65f6":124,"apis\u505a\u4e86\u5c01\u88c5":64,"app\u4e2d":[138,139],"apple\u5b98\u65b9\u4e3aios\u5f00\u53d1\u63d0\u4f9b\u4e86\u5b8c\u6574\u7684\u4ea4\u53c9\u7f16\u8bd1\u5de5\u5177\u548c\u96c6\u6210\u5f00\u53d1\u73af\u5883":139,"async_sgd\u8fdb\u884c\u8bad\u7ec3\u65f6":98,"avx\u662f\u4e00\u79cdcpu\u6307\u4ee4\u96c6":100,"avx\u7248\u672c":100,"avx\u7684\u955c\u50cf":100,"aws\u4e0a\u8fd0\u884ckubernetes\u96c6\u7fa4\u8bad\u7ec3":125,"batch\u4e2d\u5305\u542b":96,"batches\u4e2a\u6279\u6b21\u4fdd\u5b58\u4e00\u6b21\u53c2\u6570":134,"batches\u6b21":134,"block\u6784\u6210\u4e00\u4e2amodel":36,"book\u4e00\u5b9a\u662f\u60a8\u6700\u597d\u7684\u9009\u62e9":100,"book\u4e2d\u6240\u6709\u7ae0\u8282\u529f\u80fd\u7684\u6b63\u786e\u6027":85,"book\u662f\u4e3a\u7528\u6237\u548c\u5f00\u53d1\u8005\u5236\u4f5c\u7684\u4e00\u4e2a\u4ea4\u4e92\u5f0f\u7684jupyt":100,"book\u7684":103,"book\u7684docker\u955c\u50cf":100,"bool\u578b\u53c2\u6570":2,"boolean":[50,52,60,68],"break":[13,34,91,92],"bugfix\u5206\u652f\u4e5f\u662f\u5728\u5f00\u53d1\u8005\u81ea\u5df1\u7684fork\u7248\u672c\u5e93\u7ef4\u62a4":85,"bugfix\u5206\u652f\u9700\u8981\u5206\u522b\u7ed9\u4e3b\u7248\u672c\u5e93\u7684":85,"byte":[13,15,51,67,98],"c99\u662f\u76ee\u524dc\u6700\u5e7f\u6cdb\u7684\u4f7f\u7528\u6807\u51c6":68,"c\u6709\u6807\u51c6\u7684abi":68,"c\u8bed\u8a00\u662f\u6709\u5bfc\u51fa\u7b26\u53f7\u7684\u6807\u51c6\u7684":68,"case":[8,38,44,45,50,54,63,69,75,79,81,82,119,127,142],"cc\u4e2d\u7684":114,"cells\u7b49":97,"char":40,"ci\u73af\u5883\u4f7f\u7528":85,"ci\u7f16\u8bd1wheel\u5b8c\u6210\u540e\u4f1a\u81ea\u52a8\u5c06docker\u955c\u50cfpush\u5230dockerhub":85,"class":[5,6,7,8,9,10,11,13,14,29,30,33,44,45,48,49,53,54,55,56,58,59,61,63,68,72,73,77,78,82,83,84,86,87,88,89,91,98,112,113,114,120],"cmake\u4e2d\u5c06":119,"cmake\u5b98\u65b9\u5bf9android\u5e73\u53f0\u7684\u4ea4\u53c9\u7f16\u8bd1\u63d0\u4f9b\u4e86\u901a\u7528\u7684\u652f\u6301":138,"cmake\u627e\u5230\u7684python\u5e93\u548cpython\u89e3\u91ca\u5668\u7248\u672c\u53ef\u80fd\u6709\u4e0d\u4e00\u81f4\u73b0\u8c61":93,"cmake\u7cfb\u7edf\u5bf9\u4ea4\u53c9\u7f16\u8bd1\u63d0\u4f9b\u4e86\u652f\u6301":138,"cmake\u7f16\u8bd1\u65f6":99,"cmake\u7f16\u8bd1\u7684\u76ee\u6807\u5e73\u53f0":[138,139,140],"cmake\u914d\u7f6e\u4e2d\u5c06":119,"cmake\u914d\u7f6e\u5b8c\u6210\u540e":[138,139,140],"compute\u51fd\u6570":64,"const":[33,38,40,53,55,61,62,76,77,79,83,86,88,89,90,91,112,113,114],"container\u4e2d":128,"core\u4e2d\u7684\u6a21\u578b\u8fd8\u5728\u4f7f\u7528\u8fd9\u4e2a\u53c2\u6570":69,"core\u4e2d\u8fd9\u4e00\u7c7b\u578b\u63a5\u53e3\u7684\u667a\u80fd\u6307\u9488":69,"core\u662f\u5426\u8fd8\u5728\u4f7f\u7528\u8fd9\u4e2a\u5b9e\u4f8b":69,"core\u6982\u5ff5":69,"cost\u63a5\u6536y_predict\u4e0ey\u4f5c\u4e3a\u8f93\u5165":103,"cost\u8fd8\u5927\u4e8e\u8fd9\u4e2a\u6570":98,"count\u4e2agpu\u4e0a\u4f7f\u7528\u6570\u636e\u5e76\u884c\u6765\u8ba1\u7b97\u67d0\u4e00\u5c42":136,"count\u548cgpu":136,"csr\u5b58\u50a8\u683c\u5f0f\u901a\u8fc7":123,"cuda\u5171\u4eabkernel\u5b9e\u73b0\u5728":113,"cuda\u5b9e\u73b0\u5171\u4eab\u540c\u4e00\u4e2a":113,"cuda\u5b9e\u73b0\u5728":113,"cuda\u5e93":134,"cuda\u7684\u4ee3\u7801\u53ef\u4ee5\u590d\u7528":113,"cuda\u76f8\u5173\u5e93\u4f1a\u5728\u9884\u6d4b\u7a0b\u5e8f\u8fd0\u884c\u65f6\u52a8\u6001\u88c5\u8f7d":121,"cudnn\u5e93":[99,134],"cumtime\u7684\u6bcf\u6b21\u8c03\u7528\u5e73\u5747\u65f6\u95f4":118,"data\u5230\u5206\u5e03\u5f0f\u5b58\u50a8\u8865\u5145\u8bad\u7ec3\u6570\u636e":37,"data\u63a5\u53e3\u5206\u914d\u5b9e\u9645\u7684\u5185\u5b58":114,"data\u76ee\u5f55\u4e2d\u5b58\u653e\u5207\u5206\u597d\u7684\u6570\u636e":129,"dataprovider\u5171\u8fd4\u56de\u4e24\u4e2a\u6570\u636e":106,"dataprovider\u5171\u8fd4\u56de\u4e24\u7ec4\u6570\u636e":106,"dataprovider\u662fpaddlepaddle\u8d1f\u8d23\u63d0\u4f9b\u6570\u636e\u7684\u6a21\u5757":1,"dataprovider\u7684\u4ecb\u7ecd":3,"dataprovider\u7f13\u51b2\u6c60\u5185\u5b58":96,"decoder\u5faa\u73af\u5c55\u5f00\u7684\u6bcf\u4e00\u4e2a\u65f6\u95f4\u6b65\u4f1a\u5f15\u7528\u5168\u90e8\u7ed3\u679c":108,"decoder\u63a5\u53d7\u4e24\u4e2a\u8f93\u5165":108,"decoder\u6bcf\u6b21\u9884\u6d4b\u4ea7\u751f\u4e0b\u4e00\u4e2a\u6700\u53ef\u80fd\u7684\u8bcd\u8bed":108,"decoer\u67b6\u6784":108,"default":[6,7,8,9,10,11,13,14,15,29,30,33,34,44,48,57,61,67,70,71,79,80,86,87,88,92,117,127,128,129,136,138,142],"demo\u9884\u6d4b\u8f93\u51fa\u5982\u4e0b":4,"device\u5c31\u80fd\u62ff\u5230\u6b63\u786e\u7684\u6570\u636e":65,"dictionary\u662f\u4ece\u7f51\u7edc\u914d\u7f6e\u4e2d\u4f20\u5165\u7684dict\u5bf9\u8c61":2,"dist\u76ee\u5f55\u4e0b\u751f\u6210\u8f93\u51fa\u7684whl\u5305":99,"distributed\u5206\u5e03\u5f0f":125,"dnn\u4e09\u8005\u5173\u7cfb\u5982\u4e0b\u8868":65,"dnn\u4e2d\u7684":65,"dnn\u4e2d\u7684\u6392\u5217\u65b9\u5f0f\u4e0d\u6b62\u8fd9\u4e00\u79cd":65,"dnn\u4f1a\u4f5c\u4e3a\u7b2c\u4e09\u65b9\u5e93\u96c6\u6210\u8fdbpaddlepaddl":65,"dnn\u4f1a\u7528\u5230":65,"dnn\u5171\u540c\u4f7f\u7528":65,"dnn\u524d\u540e\u7684cnn\u7f51\u7edc\u6027\u80fd":65,"dnn\u5728\u53d1\u5e03":65,"dnn\u5b9e\u73b0":65,"dnn\u5e0c\u671b\u7684\u683c\u5f0f":65,"dnn\u6570\u5b66\u5e93":99,"dnn\u6570\u636e\u7684\u4e0d\u540c\u683c\u5f0f\u4ee5\u53ca\u76f8\u4e92\u4e4b\u95f4\u7684\u8f6c\u6362":65,"dnn\u7684":65,"dnn\u7684\u5e93\u76ee\u524d\u53ea\u6709\u52a8\u6001\u5e93":65,"dnn\u7684\u6027\u80fd":65,"dnn\u7684\u60c5\u51b5\u4e0b":65,"dnn\u7684\u64cd\u4f5c\u90fd\u662f\u76f4\u63a5\u8986\u76d6\u7684\u5f62\u5f0f":65,"dnn\u7684\u6d4b\u8bd5":65,"dnn\u7684\u73af\u5883\u4e0b":65,"dnn\u7684\u76f8\u5173\u529f\u80fd":65,"dnn\u7684\u7ed3\u679c":65,"dnn\u7684\u9ad8\u6027\u80fd\u683c\u5f0f\u4e0epaddlepaddle\u539f\u6709\u7684":65,"dnn\u7684layer":65,"dnn\u7684layers\u90fd\u4f1a\u7ee7\u627f\u4e8e":65,"docker\u5b89\u88c5\u65b9\u5f0f\u53ef\u4ee5\u8fdb\u5165docker\u5bb9\u5668\u6267\u884c":125,"docker\u5b89\u88c5\u8bf7\u53c2\u8003":115,"docker\u5b89\u88c5\u8bf7\u53c2\u8003docker\u7684\u5b98\u7f51":115,"docker\u5b98\u7f51":100,"docker\u5bb9\u5668\u4e2d\u5c06\u9ed8\u8ba4\u4f7f\u7528":138,"docker\u7684\u5b98\u7f51":115,"docker\u7f16\u8bd1\u73af\u5883\u955c\u50cf\u5b8c\u6210\u7f16\u8bd1":99,"docker\u80fd\u5728\u6240\u6709\u4e3b\u8981\u64cd\u4f5c\u7cfb\u7edf":138,"docker\u955c\u50cf":100,"docker\u955c\u50cf\u4e3a\u4e86\u51cf\u5c0f\u4f53\u79ef":100,"docker\u955c\u50cf\u9ed8\u8ba4":100,"dockerhub\u7f51\u7ad9":100,"double\u7c7b\u578b\u65f6\u4e3a8":98,"dropout\u7684\u6bd4\u4f8b":112,"eigenscalar\u7684\u8f6c\u6362":114,"encode\u6210\u7684\u6700\u540e\u4e00\u4e2a\u5411\u91cf":106,"encoder\u548cdecoder\u53ef\u4ee5\u662f\u80fd\u591f\u5904\u7406\u5e8f\u5217\u7684\u4efb\u610f\u795e\u7ecf\u7f51\u7edc\u5355\u5143":108,"encoder\u8f93\u51fa":108,"entropy\u4f5c\u4e3acost":98,"enum":[38,40,70,77,78,87,88,92],"export":[54,59,93,100,115,125],"f\u4ee3\u8868\u4e00\u4e2a\u6d6e\u70b9\u6570":[2,103],"fabric\u96c6\u7fa4":125,"false\u7684\u60c5\u51b5":2,"fc1\u548cfc2\u5c42\u5728gpu\u4e0a\u8ba1\u7b97":136,"fc3\u5c42\u4f7f\u7528cpu\u8ba1\u7b97":136,"final":[8,9,31,32,45,59,71,72,91],"flatten\u65b9\u6cd5\u662f\u628apaddle\u4e2d\u7684\u4e00\u4e2atensor\u8fdb\u884creshape\u64cd\u4f5c":114,"float":[2,6,7,8,10,13,48,53,61,88,89,90,113,114,119,123],"float\u7b49":136,"from\u65b9\u6cd5\u662f\u628apaddle\u4e2d\u7684\u4e00\u7ef4tensor\u8f6c\u4e3aeigen\u7684\u4e00\u7ef4tensor":114,"from\u662feigentensor\u6a21\u677f\u63d0\u4f9b\u7684\u4e00\u4e2a\u63a5\u53e3":114,"full\u53c2\u6570\u63d0\u4ea4":94,"function":[8,9,13,30,32,33,35,39,40,41,43,44,45,48,49,53,55,58,61,66,71,72,75,76,77,78,79,81,82,83,84,86,88,91,109,117,118,142],"function\u4f7f\u7528":97,"generator\u4fbf\u4f1a\u5b58\u4e0b\u5f53\u524d\u7684\u4e0a\u4e0b\u6587":2,"generator\u81f3\u5c11\u9700\u8981\u8c03\u7528\u4e24\u6b21\u624d\u4f1a\u77e5\u9053\u662f\u5426\u505c\u6b62":2,"git\u6d41\u5206\u652f\u6a21\u578b":111,"github\u9996\u9875":111,"glibc\u81f3\u5c11\u5305\u542bglibc_2":102,"golang\u53ef\u4ee5\u4f7f\u7528":68,"golang\u7684":68,"google\u5f00\u6e90\u7684\u5bb9\u5668\u96c6\u7fa4\u7684\u8c03\u5ea6\u6846\u67b6":125,"gpu\u4e8c\u8fdb\u5236\u6587\u4ef6":99,"gpu\u5219\u8fd8\u9700\u8981\u9ad8\u5e76\u884c\u6027":119,"gpu\u53cc\u7f13\u5b58":2,"gpu\u6027\u80fd\u5206\u6790\u4e0e\u8c03\u4f18":116,"gpu\u6267\u884c":114,"gpu\u6838\u5728\u8bad\u7ec3\u914d\u7f6e\u4e2d\u6307\u5b9a":134,"gpu\u7684docker\u955c\u50cf\u7684\u65f6\u5019":93,"gpu\u7b49":85,"group\u6559\u7a0b":107,"group\u7684\u5b9e\u73b0\u65b9\u5f0f":97,"gru\u6216lstm":109,"h\u5e76\u4e0d\u56f0\u96be":68,"html\u5373\u53ef\u8bbf\u95ee\u672c\u5730\u6587\u6863":115,"i\u4ee3\u8868\u4e00\u4e2a\u6574\u6570":[2,103],"id\u6307\u5b9a\u4f7f\u7528\u54ea\u4e2agpu\u6838":134,"id\u6307\u5b9a\u7684gpu":136,"id\u65e0\u6548":134,"image\u91cc":128,"images\u6570\u636e\u96c6\u4e0a\u4f20\u5230\u4e91\u7aef\u7684":37,"imikolov\u6570\u636e\u96c6":125,"import":[2,4,7,8,30,33,34,44,47,55,57,59,60,66,71,72,78,86,102,103,104,113,124,125,127],"infer\u63a5\u53e3\u7684\u8fd4\u56de\u503c\u662f\u4e00\u4e2apython":96,"ingress\u9700\u8981\u628apfsclient\u7684\u8eab\u4efd\u4fe1\u606f\u4f20\u7ed9pfsserv":51,"init_hook\u53ef\u4ee5\u4f20\u5165\u4e00\u4e2a\u51fd\u6570":2,"instance\u4e0e\u751f\u6210\u6570\u636e\u96c6\u65f6":37,"instance\u5305\u6db5\u4e24\u4e2a\u503c":37,"instance\u662f\u4e00\u6a21\u4e00\u6837\u7684":37,"int":[2,6,7,8,9,13,14,15,32,33,38,39,40,43,44,46,60,61,64,65,66,68,69,77,78,80,81,87,88,89,91,92,106,112,114,123,125,136],"interface\u6587\u4ef6\u7684\u5199\u6cd5\u975e\u5e38":68,"ios\u5e73\u53f0\u53ef\u9009\u914d\u7f6e\u53c2\u6570":139,"ios\u5e73\u53f0\u7f16\u8bd1\u6307\u5357":141,"ip\u548c\u4efb\u52a1\u8282\u70b9\u4e2a\u6570\u7b49":125,"issue\u7f16\u53f7":111,"job\u662f\u672c\u6b21\u8bad\u7ec3\u5bf9\u5e94\u7684job":129,"job\u7684\u540d\u5b57":129,"kernel\u5b9e\u73b0":113,"kernel\u6ce8\u518ccpu\u5b9e\u73b0\u5728":113,"kernel\u7684\u5b9e\u73b0\u57fa\u4e8eeigen":113,"kubernetes\u4e3a\u8fd9\u6b21\u8bad\u7ec3\u521b\u5efa\u4e863\u4e2apod\u5e76\u4e14\u8c03\u5ea6\u5230\u4e863\u4e2anode\u4e0a\u8fd0\u884c":129,"kubernetes\u5355\u673a":125,"kubernetes\u53ef\u4ee5\u901a\u8fc7yaml\u6587\u4ef6\u6765\u521b\u5efa\u76f8\u5173\u5bf9\u8c61":129,"kubernetes\u5c31\u4f1a\u521b\u5efa3\u4e2apod\u4f5c\u4e3apaddlepaddle\u8282\u70b9\u7136\u540e\u62c9\u53d6\u955c\u50cf":129,"kubernetes\u6709job\u7c7b\u578b\u7684\u8d44\u6e90\u6765\u652f\u6301":128,"label\u662f\u539f\u59cb\u6570\u636e\u4e2d\u5bf9\u4e8e\u6bcf\u4e00\u53e5\u8bdd\u7684\u5206\u7c7b\u6807\u7b7e":106,"labels\u662f\u6bcf\u7ec4\u5185\u6bcf\u4e2a\u53e5\u5b50\u7684\u6807\u7b7e":106,"layer1\u5fc5\u987b\u662f\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"layer1\u5fc5\u987b\u662f\u4e00\u4e2a\u5355\u5c42\u5e8f\u5217":105,"layer\u4f5c\u4e3a\u4e00\u4e2a\u6574\u4f53\u6765\u5b9e\u73b0":97,"layer\u62ff\u5230\u7684\u7528\u6237\u8f93\u5165":108,"layer\u65f6":[65,97],"layer\u662f\u6211\u4eec\u7684\u79ef\u6728":103,"layer\u7684\u540e\u9762\u63a5\u6709cpu":65,"layer\u7c7b\u53ef\u4ee5\u81ea\u52a8\u8ba1\u7b97\u4e0a\u9762\u7684\u5bfc\u6570":112,"layer\u8ba1\u7b97\u7684\u8f93\u51fa":97,"linux\u4e2d":100,"list\u4e2d":124,"list\u4e2d\u7684\u6bcf\u4e00\u884c\u90fd\u4f20\u9012\u7ed9process\u51fd\u6570":2,"list\u4f5c\u4e3a\u68c0\u67e5\u5217\u8868":85,"list\u5199\u5165\u90a3\u4e2a\u6587\u672c\u6587\u4ef6\u7684\u5730\u5740":2,"list\u548ctest":1,"list\u5982\u4e0b\u6240\u793a":136,"list\u5b58\u653e\u5728\u672c\u5730":1,"list\u6307\u5b9a\u6d4b\u8bd5\u7684\u6a21\u578b\u5217\u8868":136,"long":[8,9,13],"memory\u4e0d\u80fd\u72ec\u7acb\u5b58\u5728":108,"memory\u4e5f\u53ef\u4ee5\u5177\u6709":109,"memory\u4e5f\u53ef\u4ee5\u662f\u5e8f\u5217":109,"memory\u53ea\u80fd\u5728":108,"memory\u53ef\u4ee5\u7f13\u5b58\u4e0a\u4e00\u4e2a\u65f6\u523b\u67d0\u4e00\u4e2a\u795e\u7ecf\u5143\u7684\u8f93\u51fa":106,"memory\u6307\u5411\u4e00\u4e2alay":108,"memory\u662f\u5728\u5355\u6b65\u51fd\u6570\u4e2d\u5faa\u73af\u4f7f\u7528\u7684\u72b6\u6001":109,"memory\u662fpaddlepaddle\u5b9e\u73b0rnn\u65f6\u5019\u4f7f\u7528\u7684\u4e00\u4e2a\u6982\u5ff5":106,"memory\u7684":109,"memory\u7684\u521d\u59cb\u72b6\u6001":108,"memory\u7684\u65f6\u95f4\u5e8f\u5217\u957f\u5ea6\u4e00\u81f4\u7684\u60c5\u51b5":106,"memory\u7684\u66f4\u591a\u8ba8\u8bba\u8bf7\u53c2\u8003\u8bba\u6587":108,"memory\u7684\u8f93\u51fa\u5b9a\u4e49\u5728":109,"memory\u7684i":108,"memory\u9ed8\u8ba4\u521d\u59cb\u5316\u4e3a0":108,"mkl\u5e93\u7684":64,"mklml\u4ee5\u53camkl":65,"mklml\u53ef\u4ee5\u4e0emkl":65,"mklml\u7684\u5e93\u76ee\u524d\u90fd\u662f\u52a8\u6001\u5e93":65,"mnist\u624b\u5199\u6570\u5b57\u8bc6\u522b\u76ee\u5f55":124,"mnist\u662f\u4e00\u4e2a\u5305\u542b\u670970":2,"mode\u4e0b\u7684\u7ed3\u679c":64,"model\u505a\u5206\u652f\u7ba1\u7406":85,"model\u53ef\u4ee5\u901a\u8fc7":4,"model\u6765\u5b9e\u73b0\u624b\u5199\u8bc6\u522b\u7684\u9884\u6d4b\u4ee3\u7801":4,"name\u7ec4\u5408\u53ef\u4ee5\u627e\u5230\u672c\u6b21\u8bad\u7ec3\u9700\u8981\u7684\u6587\u4ef6\u8def\u5f84":129,"ndarray\u7c7b\u578b\u7684\u503c\u548c\u6574\u578b\u7684\u503c":37,"ndk\u4e2d\u5305\u542b\u4e86\u6240\u6709android":138,"new":[8,13,31,32,33,34,35,38,39,40,41,42,45,48,53,54,63,64,66,70,72,75,80,81,82,84,88,91,111,112,127,142],"note\u7684\u4e66\u5199":85,"null":[59,112,123,134],"num\u51b3\u5b9a\u603b\u7aef\u53e3\u4e2a\u6570":125,"num_gradient_servers\u53c2\u6570":129,"num_samples_processed\u4e3a\u5df2\u8bad\u7ec3\u6837\u672c\u6570":98,"only\u7684\u4e8c\u8fdb\u5236":99,"op\u4e0d\u9700\u8981\u5b9a\u4e49opprotomak":113,"op\u5355\u5143\u6d4b\u8bd5\u7ee7\u627f\u81ea":113,"op\u5b9a\u4e49":113,"op\u6709\u8ba1\u7b97\u51fd\u6570":113,"op\u6ce8\u518c\u5b9e\u73b0\u5728":113,"op\u7684\u4fe1\u606f":65,"op\u8ba1\u7b97\u51fd\u6570\u7684\u57fa\u7c7b":113,"openmp\u7528\u4e8e\u63d0\u9ad8mklml\u7684\u6027\u80fd":65,"openmpi\u96c6\u7fa4":125,"opprotomake\u5b9a\u4e49":113,"org\u5de5\u5177\u7684\u8be6\u7ec6\u4fe1\u606f":115,"org\u76ee\u524d\u9075\u5faa":85,"outer_mem\u662f\u4e00\u4e2a\u5b50\u53e5\u7684\u6700\u540e\u4e00\u4e2a\u5411\u91cf":106,"output\u53ef\u4ee5\u662f\u4efb\u610f\u7ef4\u5ea6\u7684tensor":114,"output\u6587\u4ef6\u5939\u5b58\u653e\u8bad\u7ec3\u7ed3\u679c\u4e0e\u65e5\u5fd7":129,"output\u7684\u539f\u6709shape\u4fe1\u606f\u4e0d\u53d8":114,"packages\u91cc\u9762":93,"packages\u91cc\u9762\u7684python\u5305":93,"packed\u4f18\u5316\u540elayer\u7684\u6d4b\u8bd5":64,"packed\u76f8\u5173\u529f\u80fd":64,"paddepaddle\u901a\u8fc7\u7f16\u8bd1\u65f6\u6307\u5b9a\u8def\u5f84\u6765\u5b9e\u73b0\u5f15\u7528\u5404\u79cdbla":99,"paddle\u4e00\u4e2a\u52a8\u6001\u5e93\u53ef\u4ee5\u5728\u4efb\u4f55linux\u7cfb\u7edf\u4e0a\u8fd0\u884c":68,"paddle\u4e2d\u7ecf\u5e38\u4f1a\u5c06\u65f6\u95f4\u5e8f\u5217\u6210\u4e3a":106,"paddle\u4e8c\u8fdb\u5236\u5728\u8fd0\u884c\u65f6\u6355\u83b7\u4e86\u6d6e\u70b9\u6570\u5f02\u5e38":96,"paddle\u5185\u5d4c\u7684python\u89e3\u91ca\u5668\u548c\u5916\u90e8\u4f7f\u7528\u7684python\u5982\u679c\u7248\u672c\u4e0d\u540c":68,"paddle\u5185\u90e8\u7684\u7c7b\u4e3ac":68,"paddle\u7684\u591a\u8bed\u8a00\u63a5\u53e3\u5b9e\u73b0\u5305\u62ec\u4e00\u4e0b\u51e0\u4e2a\u65b9\u9762":68,"paddle\u7684\u7c7b\u578b\u5168\u90e8\u9000\u5316\u6210":69,"paddle\u7684\u94fe\u63a5\u65b9\u5f0f\u6bd4\u8f83\u590d\u6742":68,"paddle\u7684c":69,"paddle\u8bad\u7ec3\u4efb\u52a1":37,"paddle\u8def\u5f84\u4e0b":69,"paddle\u9700\u8981\u4e00\u4e2a\u591a\u8bed\u8a00\u63a5\u53e3":68,"paddle\u9700\u8981\u66b4\u9732\u7684api\u5f88\u591a":69,"paddle\u9759\u6001\u5e93\u94fe\u63a5\u590d\u6742":68,"paddle_\u7c7b\u578b\u540d":69,"paddle_\u7c7b\u578b\u540d_\u51fd\u6570\u540d":69,"paddlepaddle\u4e2d":[105,108],"paddlepaddle\u4e2d\u4e00\u4e2a\u8ba1\u7b97\u5c42\u7684\u8f93\u51fa\u6570\u636e\u7ec4\u7ec7\u65b9\u5f0f\u548c\u8f93\u5165\u6570\u636e\u7ec4\u7ec7\u65b9\u5f0f\u5b8c\u5168\u76f8\u540c":123,"paddlepaddle\u4e2d\u7684\u8bb8\u591alayer\u5e76\u4e0d\u5728\u610f\u8f93\u5165\u662f\u5426\u662f\u65f6\u95f4\u5e8f\u5217":106,"paddlepaddle\u4e2d\u7684cudnn\u90e8\u5206\u4f7f\u7528\u7684\u4e5f\u662f":65,"paddlepaddle\u4e2d\u795e\u7ecf\u7f51\u7edc\u8ba1\u7b97\u5c42\u8f93\u5165":123,"paddlepaddle\u4e2d\u8fd8\u5305\u542b":97,"paddlepaddle\u4e2d\u901a\u8fc7reader\u6765\u52a0\u8f7d\u6570\u636e":103,"paddlepaddle\u4e3a\u4ea4\u53c9\u7f16\u8bd1\u63d0\u4f9b\u4e86\u5de5\u5177\u94fe\u914d\u7f6e\u6587\u6863":[138,139],"paddlepaddle\u4e3a\u6df1\u5ea6\u5b66\u4e60\u7814\u7a76\u4eba\u5458\u63d0\u4f9b\u4e86\u4e30\u5bcc\u7684api":103,"paddlepaddle\u4e3ano":100,"paddlepaddle\u4e3b\u8981\u4f7f\u7528":99,"paddlepaddle\u4f1a\u81ea\u52a8\u8bbe\u5b9a":97,"paddlepaddle\u4f7f\u7528\u540c\u6b65\u5c4f\u969c":125,"paddlepaddle\u4f7f\u7528\u5747\u503c0":98,"paddlepaddle\u4f7f\u7528avx":93,"paddlepaddle\u4f7f\u7528git":85,"paddlepaddle\u4f7f\u7528swig\u5bf9\u5e38\u7528\u7684\u9884\u6d4b\u63a5\u53e3\u8fdb\u884c\u4e86\u5c01\u88c5":4,"paddlepaddle\u4fdd\u5b58\u7684\u6a21\u578b\u53c2\u6570\u6587\u4ef6\u5185\u5bb9\u753116\u5b57\u8282\u5934\u4fe1\u606f\u548c\u7f51\u7edc\u53c2\u6570\u4e24\u90e8\u5206\u7ec4\u6210":98,"paddlepaddle\u4fdd\u5b58\u7684\u6a21\u578b\u53c2\u6570\u6587\u4ef6\u524d16\u5b57\u8282\u4e3a\u5934\u4fe1\u606f":98,"paddlepaddle\u4fdd\u7559\u6dfb\u52a0\u53c2\u6570\u7684\u6743\u529b":2,"paddlepaddle\u53d1\u5e03\u7684\u5b89\u88c5\u5305\u4f1a\u5c3d\u91cf\u5bf9\u9f50":102,"paddlepaddle\u53ef\u4ee5\u4f7f\u7528\u591a\u79cd\u5206\u5e03\u5f0f\u8ba1\u7b97\u5e73\u53f0\u6784\u5efa\u5206\u5e03\u5f0f\u8ba1\u7b97\u4efb\u52a1":125,"paddlepaddle\u53ef\u4ee5\u4f7f\u7528\u5e38\u7528\u7684python\u5305\u7ba1\u7406\u5de5\u5177":102,"paddlepaddle\u53ef\u4ee5\u4f7f\u7528cudnn":99,"paddlepaddle\u53ef\u4ee5\u540c\u65f6\u652f\u6301\u540c\u6b65\u968f\u673a\u68af\u5ea6\u4e0b\u964d":125,"paddlepaddle\u53ef\u4ee5\u6bd4\u8f83\u7b80\u5355\u7684\u5224\u65ad\u54ea\u4e9b\u8f93\u51fa\u662f\u5e94\u8be5\u8de8\u8d8a\u65f6\u95f4\u6b65\u7684":106,"paddlepaddle\u53ef\u4ee5\u901a\u8fc7\u8be5\u673a\u5236\u5224\u65ad\u662f\u5426\u5df2\u7ecf\u6536\u96c6\u9f50\u6240\u6709\u7684\u68af\u5ea6":112,"paddlepaddle\u5728\u5b9e\u73b0rnn\u7684\u65f6\u5019":106,"paddlepaddle\u5728\u6fc0\u6d3b\u51fd\u6570\u91cc\u5b9e\u73b0dropout":97,"paddlepaddle\u5728\u7f16\u8bd1\u65f6":99,"paddlepaddle\u5b58\u7684\u662f\u6709\u503c\u4f4d\u7f6e\u7684\u7d22\u5f15":[2,103],"paddlepaddle\u5b89\u88c5\u5305\u7531\u4e8e\u4e0d\u4ec5\u4ec5\u5305\u542b":102,"paddlepaddle\u5b9a\u4e49\u7684\u53c2\u6570":2,"paddlepaddle\u5c06\u4f1a\u6839\u636e":139,"paddlepaddle\u5c06\u4f1a\u81ea\u52a8\u9009\u62e9":139,"paddlepaddle\u5c06\u6839\u636e":138,"paddlepaddle\u5c06\u81ea\u52a8\u4e0b\u8f7d\u548c\u7f16\u8bd1\u6240\u6709\u7b2c\u4e09\u65b9\u4f9d\u8d56\u5e93":[138,139,140],"paddlepaddle\u5c06train":2,"paddlepaddle\u5e93\u5df2\u7ecf\u5b89\u88c5\u5b8c\u6210":139,"paddlepaddle\u5f00\u53d1\u8fc7\u7a0b\u4f7f\u7528":85,"paddlepaddle\u63d0\u4f9b":101,"paddlepaddle\u63d0\u4f9b\u4e13\u7528\u7684":37,"paddlepaddle\u63d0\u4f9b\u7684":97,"paddlepaddle\u652f\u6301":99,"paddlepaddle\u652f\u6301\u4e0d\u540c\u7c7b\u578b\u7684\u8f93\u5165\u6570\u636e":103,"paddlepaddle\u652f\u6301\u4f7f\u7528pip\u5feb\u901f\u5b89\u88c5":104,"paddlepaddle\u652f\u6301\u975e\u5e38\u591a\u7684\u4f18\u5316\u7b97\u6cd5":96,"paddlepaddle\u652f\u6301sparse\u7684\u8bad\u7ec3":96,"paddlepaddle\u6587\u6863\u4f7f\u7528":115,"paddlepaddle\u662f\u6e90\u4e8e\u767e\u5ea6\u7684\u4e00\u4e2a\u6df1\u5ea6\u5b66\u4e60\u5e73\u53f0":103,"paddlepaddle\u6bcf\u6b21\u53d1\u65b0\u7684\u7248\u672c":85,"paddlepaddle\u6bcf\u6b21\u53d1\u7248\u672c\u9996\u5148\u8981\u4fdd\u8bc1paddlepaddl":85,"paddlepaddle\u7684":128,"paddlepaddle\u7684\u4e3b\u7248\u672c\u5e93\u9075\u5faa":85,"paddlepaddle\u7684\u5185\u5b58\u5360\u7528\u4e3b\u8981\u5206\u4e3a\u5982\u4e0b\u51e0\u4e2a\u65b9\u9762":96,"paddlepaddle\u7684\u53c2\u6570\u4f7f\u7528\u540d\u5b57":98,"paddlepaddle\u7684\u5404\u7248\u672c\u955c\u50cf\u53ef\u4ee5\u53c2\u8003":128,"paddlepaddle\u7684\u5b89\u88c5\u53ef\u4ee5\u53c2\u8003":125,"paddlepaddle\u7684\u5df2\u7ecf\u5b89\u88c5\u5b8c\u6210":138,"paddlepaddle\u7684\u6240\u6709layer\u90fd\u6709\u552f\u4e00\u7684nam":97,"paddlepaddle\u7684\u6570\u636e\u5305\u62ec\u56db\u79cd\u4e3b\u8981\u7c7b\u578b":2,"paddlepaddle\u7684\u6587\u6863\u5305\u62ec\u82f1\u6587\u6587\u6863":115,"paddlepaddle\u7684\u6587\u6863\u6784\u5efa\u6709\u4e09\u79cd\u65b9\u5f0f":115,"paddlepaddle\u7684\u6e90\u7801":111,"paddlepaddle\u7684\u7f16\u8bd1\u9009\u9879":99,"paddlepaddle\u7684activation\u4f1a\u76f4\u63a5\u4f7f\u7528":65,"paddlepaddle\u7684bas":112,"paddlepaddle\u7684c":138,"paddlepaddle\u7684cmake\u7cfb\u7edf\u4f1a\u81ea\u52a8\u7f16\u8bd1\u6240\u6709\u7684\u7b2c\u4e09\u65b9\u4f9d\u8d56\u5e93":139,"paddlepaddle\u7684cmake\u7cfb\u7edf\u5c06\u6839\u636e\u8be5\u503c\u81ea\u52a8\u63a8\u5bfc\u548c\u8bbe\u7f6e\u9700\u8981\u4f7f\u7528\u7684\u4ea4\u53c9\u7f16\u8bd1\u5668":138,"paddlepaddle\u7684cmake\u7cfb\u7edf\u5c06\u6839\u636e\u8be5\u503c\u81ea\u52a8\u8bbe\u7f6e\u9700\u8981\u4f7f\u7528\u7684\u4ea4\u53c9\u7f16\u8bd1\u5668":140,"paddlepaddle\u7684cmake\u7cfb\u7edf\u624d\u8ba4\u4e3a\u5728\u662f\u5728\u4ea4\u53c9\u7f16\u8bd1raspberri":140,"paddlepaddle\u7684cmake\u7cfb\u7edf\u624d\u8ba4\u4e3a\u662f\u5728\u4ea4\u53c9\u7f16\u8bd1android\u7cfb\u7edf\u7684\u7248\u672c":138,"paddlepaddle\u7684dock":128,"paddlepaddle\u7684softmax\u4e0d\u80fd\u6307\u5b9a\u8ba1\u7b97\u7ef4\u5ea6":97,"paddlepaddle\u76ee\u524d\u53ea\u652f\u6301\u5728\u6bcf\u4e2a\u65f6\u95f4\u6b65\u4e2d":106,"paddlepaddle\u76ee\u524d\u63d0\u4f9b\u4e24\u79cd\u53c2\u6570\u521d\u59cb\u5316\u7684\u65b9\u5f0f":98,"paddlepaddle\u76ee\u524d\u652f\u63018\u79cdlearning_rate_schedul":98,"paddlepaddle\u7f16\u8bd1\u9700\u8981\u4f7f\u7528\u5230\u4e0b\u9762\u7684\u4f9d\u8d56":99,"paddlepaddle\u82e5\u68c0\u6d4b\u5230\u7528\u6237\u4f7f\u7528\u7684cmake\u7248\u672c\u4e0d\u4f4e\u4e8e3":138,"paddlepaddle\u8d1f\u8d23\u5b8c\u6210\u4fe1\u606f\u548c\u68af\u5ea6\u5728\u65f6\u95f4\u5e8f\u5217\u4e0a\u7684\u4f20\u64ad":108,"paddlepaddle\u8d1f\u8d23\u5b8c\u6210\u4fe1\u606f\u548c\u8bef\u5dee\u5728\u65f6\u95f4\u5e8f\u5217\u4e0a\u7684\u4f20\u64ad":108,"paddlepaddle\u955c\u50cf\u9700\u8981\u63d0\u4f9b":129,"paddlepaddle\u9700\u8981\u7528\u6237\u5728\u7f51\u7edc\u914d\u7f6e":1,"pass\u4e2a\u6a21\u578b\u5230\u7b2c":134,"pass\u5c06\u4e0d\u8d77\u4f5c\u7528":134,"pass\u8f6e\u5f00\u59cb\u8bad\u7ec3":134,"pass\u8f6e\u7684\u6a21\u578b\u7528\u4e8e\u6d4b\u8bd5":134,"passes\u8f6e":134,"patch\u53f7":85,"patch\u53f7\u52a0\u4e00":85,"path\u6307\u5b9a\u6d4b\u8bd5\u7684\u6a21\u578b":136,"perftools\u6765\u8fdb\u884c\u6027\u80fd\u5206\u6790":118,"period\u4e2a\u6279\u6b21\u5bf9\u6240\u6709\u6d4b\u8bd5\u6570\u636e\u8fdb\u884c\u6d4b\u8bd5":134,"period\u4e2a\u6279\u6b21\u6253\u5370\u65e5\u5fd7\u8fdb\u5ea6":134,"period\u4e2a\u6279\u6b21\u8f93\u51fa\u53c2\u6570\u7edf\u8ba1":134,"period\u4e2a\u6279\u6b21\u8f93\u51fa\u7b26\u53f7":134,"period\u6574\u9664":134,"period\u8f6e\u4fdd\u5b58\u8bad\u7ec3\u53c2\u6570":134,"pfsclient\u9700\u8981\u548cingress\u4e4b\u95f4\u505a\u53cc\u5411\u9a8c\u8bc1":51,"pfsclient\u9700\u8981\u5728\u4f20\u8f93\u5b8c\u6bd5\u6700\u540e\u4e00\u4e2achunk\u7684\u65f6\u5019\u68c0\u67e5destination\u6587\u4ef6\u7684md5\u503c\u662f\u5426\u548csource\u6587\u4ef6\u4e00\u81f4":51,"pfsserver\u63d0\u4f9brest":51,"pi\u5e73\u53f0\u4e0a\u9002\u7528\u7684paddlepaddle\u7684\u65b9\u6cd5\u548c\u6b65\u9aa4":140,"pi\u5e73\u53f0\u7f16\u8bd1\u6307\u5357":141,"pi\u7248\u672c\u7684\u5e93":140,"pi\u7248\u672cpaddlepaddle\u5e93\u65f6":140,"pi\u7684\u914d\u7f6e\u4fe1\u606f\u5728":140,"pi\u7cfb\u7edf\u4e0a\u6765\u6784\u5efa":140,"pi\u7cfb\u7edf\u7684\u7248\u672c":140,"pip\u548cdocker\u7684\u5b89\u88c5\u65b9\u5f0f":101,"pserver\u5730\u5740\u7b49\u53c2\u6570\u4f7ftrainer\u53ef\u4ee5\u6b63\u786e\u8fde\u63a5\u5230pserv":125,"pserver\u76d1\u542c\u7684\u8d77\u59cb\u7aef\u53e3":125,"public":[14,33,53,56,61,77,83,86,88,89,91,112,113,114,127,128],"pwd\u53d8\u91cf\u4f1a\u5c55\u5f00\u4e3a\u5f53\u524d\u8def\u5f84\u7684\u7edd\u5bf9\u8def\u5f84":100,"py\u4e2d":85,"py\u7a0b\u5e8f":102,"py_paddle\u91cc\u9762\u63d0\u4f9b\u4e86\u4e00\u4e2a\u5de5\u5177\u7c7b":4,"pydataprovider2\u4f1a\u5c3d\u53ef\u80fd\u591a\u7684\u4f7f\u7528\u5185\u5b58":2,"pydataprovider2\u63d0\u4f9b\u4e86\u4e24\u79cd\u7b80\u5355\u7684cache\u7b56\u7565":2,"pydataprovider2\u662fpaddlepaddle\u4f7f\u7528python\u63d0\u4f9b\u6570\u636e\u7684\u63a8\u8350\u63a5\u53e3":2,"pydataprovider2\u7684\u4f7f\u7528":[1,3,96],"pydataprovider\u4f7f\u7528\u7684\u662f\u5f02\u6b65\u52a0\u8f7d":96,"pypi\u4e0a\u7684package\u540d\u79f0\u4e3apaddlepaddle\u548cpaddlepaddl":85,"pypi\u4e0d\u652f\u6301\u8986\u76d6\u4e0a\u4f20":85,"pypi\u5b89\u88c5\u5305\u53ef\u4ee5\u5728":102,"python\u53ef\u4ee5\u89e3\u9664\u6389\u5185\u90e8\u53d8\u91cf\u7684\u5f15\u7528":2,"python\u5b89\u88c5\u5305\u652f\u6301linux":93,"python\u5c01\u88c5\u7684\u5b9e\u73b0\u4f7f\u5f97\u6211\u4eec\u53ef\u4ee5\u5728\u914d\u7f6e\u6587\u4ef6\u4e2d\u4f7f\u7528\u65b0\u5b9e\u73b0\u7684\u7f51\u7edc\u5c42":112,"python\u5e93yep":118,"python\u6807\u51c6\u5e93\u4e2d\u63d0\u4f9b\u4e86\u6027\u80fd\u5206\u6790\u7684\u5de5\u5177\u5305":118,"reader\u7684\u4f7f\u7528\u65b9\u5f0f\u90fd\u662f\u4e00\u81f4\u7684":37,"reader\u8f93\u51fa\u7684data":37,"recommendation\u6587\u4ef6\u5939\u5185\u5b58\u653e\u8bad\u7ec3\u6587\u4ef6":129,"request\u524d":111,"request\u7684":111,"request\u88ab\u5408\u5e76\u540e":111,"resnet\u7684mkl":65,"return":[2,6,8,9,11,13,14,15,29,30,31,32,33,37,38,40,43,44,49,53,55,56,57,59,61,62,63,66,71,72,73,77,78,79,83,86,88,89,91,98,103,106,109,112,114,127,129],"rnn\u5373\u65f6\u95f4\u9012\u5f52\u795e\u7ecf\u7f51\u7edc":106,"rnn\u5bf9\u4e8e\u6bcf\u4e00\u4e2a\u65f6\u95f4\u6b65\u901a\u8fc7\u4e86\u4e00\u4e2alstm\u7f51\u7edc":106,"rnn\u603b\u662f\u5f15\u7528\u4e0a\u4e00\u65f6\u523b\u9884\u6d4b\u51fa\u7684\u8bcd\u7684\u8bcd\u5411\u91cf":108,"rnn\u76f8\u5173\u6a21\u578b":116,"rnn\u90e8\u5206\u4e2d":64,"rnn\u914d\u7f6e":107,"root\u66ff\u6362\u4e3apaddlepaddle\u9884\u6d4b\u5e93\u7684\u5b89\u88c5\u8def\u5f84":121,"s3\u4e4b\u7c7b\u7684\u5206\u5e03\u5f0f\u5b58\u50a8\u4e4b\u4e0a":37,"search\u7684\u65b9\u6cd5":134,"sentences\u662f\u53cc\u5c42\u65f6\u95f4\u5e8f\u5217\u7684\u6570\u636e":106,"seq\u53c2\u6570\u5fc5\u987b\u4e3afals":108,"server\u4e2a\u6279\u6b21\u6253\u5370\u65e5\u5fd7\u8fdb\u5ea6":134,"server\u4e4b\u4e0a":36,"server\u4e4b\u95f4\u7684\u7f51\u7edc\u5e26\u5bbd":36,"server\u4f1a\u6682\u505c\u53c2\u6570\u66f4\u65b0\u5e76\u7b49\u5f85":36,"server\u4f1a\u83b7\u53d6parameters\u5185\u5b58\u7684":36,"server\u5185\u5b58\u4e2d\u7684\u6a21\u578b\u6570\u636e\u7684\u5b8c\u6574\u955c\u50cf":36,"server\u540c\u6b65\u7684\u4fdd\u5b58\u4e00\u4e2a\u7279\u5b9a\u65f6\u95f4\u70b9\u7684\u5168\u5c40\u68c0\u67e5\u70b9":36,"server\u5728\u96c6\u7fa4\u4e2d\u542f\u52a8\u540e":36,"server\u6545\u969c\u540e\u88abkubernetes\u91cd\u65b0\u542f\u52a8":36,"server\u6b64\u65f6\u8fd8\u9700\u8981\u901a\u8fc7\u7f51\u7edc\u8bbf\u95ee\u5206\u5e03\u5f0f\u5b58\u50a8\u4ee5\u4fdd\u5b58\u5feb\u7167":36,"server\u751f\u6210\u4e00\u4e2auuid":36,"server\u7684\u5355\u70b9\u6216\u591a\u70b9\u540c\u65f6\u6545\u969c":36,"server\u7684\u6570\u636e\u5feb\u7167":36,"server\u7684\u68c0\u67e5\u70b9\u5404\u81ea\u72ec\u7acb\u4fdd\u5b58":36,"server\u7b2c\u4e00\u6b21\u542f\u52a8\u6216\u4efb\u610f\u65f6\u95f4paramet":36,"short":[8,9,53,57,80,86,91],"simd\u6307\u4ee4\u63d0\u9ad8cpu\u6267\u884c\u6548\u7387":93,"size\u4e3a512":134,"size\u53ef\u80fd\u4f1a\u5bf9\u8bad\u7ec3\u7ed3\u679c\u4ea7\u751f\u5f71\u54cd":96,"size\u672c\u8eab\u662f\u795e\u7ecf\u7f51\u7edc\u7684\u8d85\u53c2\u6570":96,"size\u7684\u503c":2,"softmax\u6fc0\u6d3b\u7684\u8f93\u51fa\u7684\u548c\u603b\u662f1":112,"sparse\u8bad\u7ec3\u9700\u8981\u8bad\u7ec3\u7279\u5f81\u662f":96,"static":[29,40,69,86,88,127,142],"step\u51fd\u6570\u4e2d\u7684memori":108,"step\u51fd\u6570\u5185\u90e8\u53ef\u4ee5\u81ea\u7531\u7ec4\u5408paddlepaddle\u652f\u6301\u7684\u5404\u79cdlay":108,"store\u4e0b\u8f7d\u5b89\u88c5xcode\u5373\u53ef":139,"subseq\u7684\u6bcf\u4e2a\u5143\u7d20\u662f\u4e00\u4e2a0\u5c42\u5e8f\u5217":105,"super":[80,112],"swig\u652f\u6301\u7684\u8bed\u8a00\u6216\u8005\u89e3\u91ca\u5668\u6709\u5c40\u9650":68,"swig\u66b4\u9732\u7684\u63a5\u53e3\u4fdd\u7559\u4e86c":68,"swig\u751f\u6210\u7684\u4ee3\u7801\u4e0d\u80fd\u4fdd\u8bc1\u591a\u8bed\u8a00\u4ee3\u7801\u98ce\u683c\u7684\u4e00\u81f4\u6027":68,"swig\u76f4\u63a5\u8bfb\u53d6c":68,"swig\u9700\u8981\u5199\u4e00\u4e2ainterface\u6587\u4ef6":68,"swig_paddle\u4e2d\u7684\u9884\u6d4b\u63a5\u53e3\u7684\u53c2\u6570\u662f\u81ea\u5b9a\u4e49\u7684c":4,"switch":[33,69,127],"tag\u4e3a":85,"tag\u53ef\u4ee5\u662flatest\u6216latest":85,"tag\u7684\u66f4\u65b0\u65f6\u95f4\u662f\u5426\u5728\u4e0a\u8ff0\u7f16\u8bd1wheel\u5305\u5b8c\u6210\u540e\u662f\u5426\u6700\u65b0":85,"tensor\u5230\u5bf9eigentensor\u7684\u8f6c\u6362":114,"tensor\u5230eigentensor":114,"tensor\u5b9a\u4e49\u5728framework\u76ee\u5f55\u4e0b":114,"tensor\u662f\u4e00\u4e2a\u6b63\u5728\u5f00\u53d1\u4e2d\u7684\u6a21\u5757":114,"tensor\u6a21\u5757\u5bf9el":114,"tensor\u6a21\u5757\u6765\u5b9e\u73b0":113,"tensor\u6a21\u5757\u7684\u6587\u6863\u8f83\u5c11":114,"tensor\u6a21\u5757\u7684\u8be6\u7ec6\u4ecb\u7ecd\u8bf7\u53c2\u8003":114,"tests\u7684paddlepaddl":111,"tflops\u4e86":119,"throw":127,"tottime\u7684\u6bcf\u6b21\u8c03\u7528\u5e73\u5747\u65f6\u95f4":118,"trainer\u542f\u52a8\u9700\u8981\u4f20\u5165\u7aef\u53e3":125,"trainer\u63a5\u6536\u4e09\u4e2a\u53c2\u6570":103,"trainer\u8282\u70b9\u4e2a\u6570":125,"trainer\u9700\u8981\u548cpserver\u4fdd\u6301\u7f51\u7edc\u8054\u901a\u4ee5\u5b8c\u6210\u8bad\u7ec3":125,"true":[6,7,8,9,10,11,13,15,29,30,32,33,38,54,60,64,73,78,79,80,81,85,88,91,96,98,106,109,112,123,124,127,129,136],"true\u8868\u793a\u53cd\u5411\u5faa\u73af\u795e\u7ecf\u7f51\u7edc":109,"try":[34,35,38,39,40,54,59,63,66,81,86,93],"type\u5b57\u6bb5\u5747\u4e0d\u5c3d\u76f8\u540c":69,"type\u6307\u5b9a\u4e3a":118,"ubuntu\u4e0b\u5b89\u88c5\u547d\u4ee4\u4e3a":118,"unit\u5728\u4e00\u4e2a\u65f6\u95f4\u6b65\u5185\u8ba1\u7b97\u5f97\u5230\u7684\u4e2d\u95f4\u503c":97,"unsupported\u6a21\u5757":113,"update\u53c2\u6570\u65f6\u624d\u6709\u6548":134,"v1\u7248\u672c":93,"var":[32,33,44,48,55,56,58,60,73,78,79,80,82,86,90,91,115],"vector\u662frank\u4e3a1\u7684tensor":114,"void":[33,38,40,50,53,55,56,61,66,67,68,69,78,79,87,88,89,90,112,113,114],"wheel\u5305":85,"while":[6,8,13,33,42,54,59,62,63,72,75,76,81,84,86,89,129],"wise\u8ba1\u7b97\u63d0\u4f9b\u4e86\u5f3a\u5927\u7684\u652f\u6301":114,"wmt14\u6570\u636e\u7684\u63d0\u4f9b\u6587\u4ef6\u5728":109,"words\u5373\u4e3a\u8fd9\u4e2a\u6570\u636e\u4e2d\u7684\u5355\u5c42\u65f6\u95f4\u5e8f\u5217":106,"words\u662f\u539f\u59cb\u6570\u636e\u4e2d\u7684\u6bcf\u4e00\u53e5\u8bdd":106,"x86_64\u548cmaco":93,"x\u4e0ey\u4e3a\u4e4b\u524d\u63cf\u8ff0\u7684\u8f93\u5165\u5c42":103,"x\u548cwindow":138,"y\u8868\u793a\u8f93\u5165\u6570\u636e\u662f\u4e00\u4e2a\u7ef4\u5ea6\u4e3a1\u7684\u7a20\u5bc6\u5411\u91cf":103,"yaml\u6587\u4ef6\u4e2d\u5404\u4e2a\u5b57\u6bb5\u7684\u5177\u4f53\u542b\u4e49":129,"yaml\u6587\u4ef6\u63cf\u8ff0\u4e86\u8fd9\u6b21\u8bad\u7ec3\u4f7f\u7528\u7684docker\u955c\u50cf":129,"zero\u4e09\u79cd\u64cd\u4f5c":134,AGE:[127,128],AWS:[13,37,131,132],And:[7,8,10,13,14,15,29,31,38,42,43,50,57,59,70,74,77,81,86,89,127],But:[8,9,13,31,56,62,70,77,86,93,142],EOS:8,For:[4,7,8,9,10,13,29,30,32,33,39,40,41,43,44,45,48,49,54,55,56,58,61,63,67,70,71,72,75,76,77,78,79,80,81,82,83,84,87,88,89,90,92,117,119,142],IDE:110,IDs:[14,42,72],IRs:45,Into:127,Its:[7,8,55,87,127],K8s:142,NMS:8,NOT:80,Not:[30,35,63,142],OPs:[45,47],One:[7,9,29,31,42,67,70,86,90],Ops:[82,84,88],PFS:51,QoS:128,Such:[61,80,91],TLS:[30,51,127],That:[8,13,74],The:[2,5,6,7,8,9,10,13,14,15,29,30,31,32,34,35,39,41,42,43,45,47,48,49,52,53,55,59,62,63,66,67,69,71,72,74,75,77,78,79,80,81,84,86,87,88,89,90,91,92,112,113,114,117,120,123,127,129],Their:[8,35],Then:[8,9,44,45,56,61,63,74,77,79,117,127],There:[7,8,14,29,30,33,34,35,40,42,43,45,52,53,54,59,63,70,71,72,75,76,77,80,84,86,87,89,127],These:[7,15,32,33,48,53,58,73,84,87,88],Use:[7,13,30,46,52,81,82,117,127],Used:[9,82,89],Uses:63,Using:[35,54,75,81,82,84,86],VPS:127,Will:[13,29,103],With:[8,9,44,48,54,74,78,91],YES:43,Yes:[65,100],___embedding_0__:129,___embedding_1__:129,___fc_layer_0__:127,__align__:53,__cuda_align__:53,__device__:53,__doc__:88,__file__:43,__forceinline__:53,__fp16:53,__global__:53,__gradient_machines__:29,__hadd:53,__half:53,__half_raw:53,__impl__:88,__init__:[48,49,57,63,73,80,91,112,117,118],__main__:[4,57],__name__:[4,57],__param_conf__:29,__rnn_step__:109,__square_error_cost_0__:129,__tmp_params__:29,__va_args__:83,__x:53,_addup_repetitive_outputs_:32,_append_backward_ops_:[32,48],_append_backward_vars_:32,_binari:34,_create_global_var:80,_def:63,_dtype:59,_filer:66,_filter:66,_fwd:66,_fwd_pd:66,_input:66,_librari:34,_link:9,_live_in:63,_live_out:63,_loss:57,_op:[59,113],_output:66,_presucessor:63,_program:63,_proj:8,_recurrent_group:109,_remove_no_grad_branch_:32,_reorder_input:66,_source_language_embed:109,_src_input:66,_sucessor:63,_target_language_embed:109,_test:34,_update_op:49,_use:63,_value_index:59,a75:53,a_op:113,aaaaa:37,aaaaaaaaaaaaa:127,abbrevi:15,abc:8,abil:57,abl:[8,30,32,45,61,73,77,80,142],about:[9,15,33,34,43,47,52,55,63,71,81,86,88,89,117,127],abov:[2,7,8,30,32,33,34,35,39,44,45,53,54,55,56,58,66,71,72,73,74,75,77,78,80,88,90,91,117,119,127,142],abs:[9,31,57],abs_numerical_grad:31,acc:45,acceler:[8,36,65,74,75],accept:[6,8,13,30,82],access:[8,9,30,34,39,42,43,44,45,80],accessmod:127,accessor:80,accord:[7,8,15,31,32,40,45,47,58,72,82,91],accordingli:[7,8],account:[82,142],accrodingli:38,accumul:[35,40,49,74,75],accur:[31,42,77],accuraci:[7,49],achiev:[47,74,75,89],acquir:54,across:[8,13,32,45,71],act1:59,act2:59,act:[8,9,33,45,59,72,80,91,96,103,104,106,109,120],act_output:88,act_typ:59,action:127,activ:[9,28,34,59,63,72,77,80,84,88,96,103,104,109],activi:9,actual:[8,38,48,54,57,59,66,70,75,88,89,90],actual_layout:66,adadelta:96,adagrad:[75,87],adagradoptim:73,adam:[30,40,45,57,98],adapt:[7,10,29,77,90],add:[8,9,13,29,31,32,33,34,38,42,45,47,49,53,56,60,62,73,75,79,80,82,84,86,89,93,111,114,120],add_activ:80,add_bia:80,add_depend:34,add_execut:34,add_input:[71,112],add_memori:71,add_output:71,add_scalar:[33,72,78],add_sum:80,add_test:[34,112],add_to:97,add_two:[33,71],add_unittest_without_exec:112,addattr:[88,113],addbia:112,addcom:[88,113],added:[7,8,29,33,47,48,53,70,74,75,84,111],adding:84,addinput:[88,113],addit:[8,9,32,74,77,82,84,91],addition:71,addmemori:66,addop:56,addoutput:113,addprimit:66,addprimitivedesc:66,addr:35,address:[35,40,44,45,123,142],addrow:112,addtolay:8,addtyp:88,adjust:[32,48],admin:142,administr:[42,142],adopt:[53,57],advanc:31,advantag:[31,53,54,75,81],adversari:[57,81],affect:[8,33],affili:72,afford:39,afi:2,aforement:34,after:[8,9,14,15,32,33,34,39,40,42,45,46,47,48,50,52,53,63,66,74,76,77,80,111,117,127],aftern:77,again:[30,35,75],against:127,age:[14,129],agg_level:[8,105,106],aggreg:[49,74,127],aggregatelevel:[105,106],ago:34,agre:[2,96,103],alexnet_pass1:136,alexnet_pass2:136,algo:66,algo_hrnn_demo:106,algorithm:[8,10,32,39,48,63,66,72,75,84,90],align:[8,9,13],all:[2,6,7,8,29,30,32,33,34,35,38,40,42,43,44,45,46,48,50,52,54,57,58,59,62,63,66,67,69,70,71,72,73,74,75,77,78,80,82,88,89,93,96,103,108,120,127,129,142],all_output_nam:32,alloc:[6,40,43,63,66,89,114,120],allow:[30,40,44,45,48,54,75,84,127],allow_only_one_model_on_one_gpu:[133,134,136],allreduc:74,along:[8,15],alpha:[34,84],alreadi:[34,35,54,66,80,86,93,127],also:[8,9,14,30,32,33,34,38,41,45,53,54,56,57,58,59,62,63,70,71,72,75,76,77,78,79,80,81,84,86,88,89,91,92,119,142],altern:117,although:[32,74],altogeth:142,alwai:[8,9,29,34,67,87,127,129],amazon:[127,128],amazonaw:127,amazonec2fullaccess:127,amazonelasticfilesystemfullaccess:127,amazonroute53domainsfullaccess:127,amazonroute53fullaccess:127,amazons3fullaccess:127,amazonvpcfullaccess:127,ambigu:81,amd64:127,amd:70,amend:111,among:127,amort:74,analys:77,analysi:[77,117],analyz:63,ancestor:[78,80],andd:127,andrew:63,android:138,android_abi:138,android_api:138,android_arm_neon:138,android_native_api_level:138,android_standalone_toolchain:138,android_toolchain:138,androideabi:138,ani:[2,8,9,13,30,34,35,40,42,43,44,45,50,53,54,61,63,67,72,74,75,80,81,83,84,90,96,103,127],announc:53,anoth:[8,13,29,30,32,33,43,54,55,66,72,80,86,88,89,90,127],anroid_arm_mod:138,ans:127,answer:[44,54,127],anymor:74,anyth:[13,72,81,127],anytim:57,anywai:117,apach:[2,65,96,103],api:[14,29,30,32,34,40,41,43,44,49,51,56,57,59,71,76,77,82,85,91,92,102,116,117,118,119,121,123,125,127,129,137,138,142],api_shar:34,api_test:34,api_trainer_config_helpers_lay:109,apiserv:127,apivers:[127,128,129],appar:32,appear:[44,54,58,89],appel:63,append:[2,29,32,48,49,72,80,81,106,109,125,129],append_backward:[32,73,117,118],append_clip_op:48,append_gradient_machin:29,append_op:[48,62,80],append_oper:80,appleyard:119,appli:[8,57,58,74,77,86],applic:[2,44,53,54,55,58,80,82,96,103,117,119,127,128,142],applyl1:38,approach:[8,45,46,47,74,75,76,84,142],approxim:75,apt:[100,117,118],arbitrari:[8,45,67],arch:138,architectur:53,archiv:[14,68,69,121],area:57,arg:[2,7,9,32,59,73,88,98,113,129],arg_nam:8,argpars:129,args_ext:129,argu:79,argument:[2,8,13,15,32,33,38,39,45,73,76,79,80,121,123,124,129,138],argumentpars:129,arithmet:53,arm64:[138,139],arm64_standalone_toolchain:138,arm:[53,138,139,140],arm_standalone_toolchain:138,armeabi:138,armv7:[53,139],armv8:53,arn:127,around:[2,8,42,63,80,127,142],arrai:[4,6,8,13,15,29,40,44,58,72,78,80,81,82,91,96,98,103,113,123],arrang:91,arrari:123,array_to_lod_tensor:63,arrow:57,articl:[55,58,111],artifact:[85,127],artifici:63,arxiv:[9,57],as_row_vector:8,as_step_input:33,asgd:75,ask:[32,35,42],assert:4,assgin:63,assign:[7,8,32,39,44,46,48,53,55,74,123,127,142],assignmemt:63,associ:[76,83],assum:[7,8,33,45,66],assumpt:45,ast:44,astyp:[81,113],asyc:35,async:[35,133],async_count:[133,134],async_lagged_grad_discard_ratio:134,async_lagged_ratio_default:[133,134],async_lagged_ratio_min:[133,134],asynchron:[35,74,77],atom:46,att_seq:9,attach:9,attend:9,attended_sequ:9,attenion:9,attent:[8,9],attr1:8,attr2:8,attr:[6,8,9,33,44,59,62,66,78,79,80,88,96,97,98,109,113],attr_map:88,attrdesc:78,attribu:66,attribut:[8,9,28,32,33,47,48,62,78,80,82,86,88,91],attributemap:113,attrproto:88,attrtyp:[78,88,113],attrvalu:88,auc:[49,133],authent:127,author:[2,51,96,103,127],auto:[33,38,46,55,66,68,79,82,86,90,91,99,112,113,114,119],autom:127,automat:[8,30,32,40,45,47,48,56,73,82,88,117,127],avail:[35,40,47,53,54,63,127,142],averag:[7,8,11,29,39],average_test_period:[133,134],avg:[105,119],avg_cost:[45,120],avgpool:8,avoid:[31,33,35,45,62,66,74,75,76,119],avx:100,awai:54,await:128,awar:[30,44,49,55,71,80,117,127],awk:130,aws:51,aws_account_id:127,awsaccountid:127,awskeymanagementservicepowerus:127,axi:[8,96],axis:8,aync:47,b363:128,b8561f5c79193550d64fa47418a9e67ebdd71546186e840f88de5026b8097465:128,ba5f:127,back:[8,29,32,35,45,53,57,75],background:[7,8,84],background_id:[7,8],backpropag:[31,32],backward:[5,8,9,31,33,38,40,48,57,64,65,73,75,76,79,83,84,112,113,120],backward_first:109,backward_op:31,backwardactiv:112,baidu:[54,128],bake:45,balanc:[47,74,127],bandwidth:[53,74],bare:[128,142],barrier:125,barrierstatset:119,basci:59,base:[7,8,11,13,14,30,39,48,49,53,54,61,66,70,73,74,75,77,82,83,84,89,91,110,117,120,127],baseactiv:9,baseerrorclipattr:48,baseev:29,basematrix:112,basenam:7,basepoolingtyp:[8,9],basestr:[6,7,8,9,11,29],bash:[99,100,110,111,125,127,128,129],basi:[2,96,103],basic:[8,29,45,59,66,77,78,82,83,91],batch:[8,9,13,15,29,30,33,35,37,38,45,49,50,54,57,60,70,71,72,74,75,91,103,123,127,128,129],batch_id:[29,57,103],batch_im:57,batch_images_from_tar:15,batch_label:57,batch_norm:57,batch_norm_lay:9,batch_norm_typ:8,batch_read:[37,81],batch_siz:[13,45,57,64,72,96,103],batch_szi:57,batch_z:57,batchnorm:57,batchsiz:[8,112],bazel:34,bbbbb:37,bbox:7,bcd:8,bcebo:14,bcm2708:140,bdist_wheel:85,beacus:59,beam:[8,109],beam_gen:[8,109],beam_search:[29,72,108,109],beam_siz:[8,72,109,133,134,136],becaus:[7,8,14,30,33,34,35,40,53,72,76,80,81,84,86,87,90,91,92,106,117,127],becom:[46,47,86,89],been:[8,9,32,34,39,54],befor:[8,9,32,35,42,48,52,55,58,70,75,76,77,81,84,93,96,113,117,127,142],begin:[7,8,32,38,40,49,52,58,72,74],beginiter:[29,30],beginn:109,beginpass:[29,30],begintrain:30,behind:[54,91],being:[32,42,48,54,79,81,117],belong:[7,8,45,86],below:[33,35,40,45,47,53,54,67,76,81,84,91,92,127],benchmark:67,benefit:[9,42,43,72],besid:[8,14,45,63,70,74],best:[34,66],besteffort:128,beta1:10,beta2:10,beta:57,better:[9,34,54,63,66,72,90,127,142],between:[7,8,15,29,32,34,35,40,45,47,53,54,66,69,74,76,83,86,127],bgr:15,bi_gru:9,bi_lstm:9,bia:[8,9,72,80,112],bias:8,bias_attr:[8,9,80,96,98,106,109],bias_param_attr:9,biases_:112,biasparameter_:112,biassiz:112,bidi:128,bidirect:[8,9],bidirectional_lstm:97,big:[44,47,63,142],bigger:35,bilinear:8,bilinear_interpol:8,bilinearfwdbwd:119,bin:[100,124,125,127,128,129],binari:[7,8,13,34,43,45,53,55,57,67,117,124,127],bind:[44,53,56,86,89],bit:53,bitcod:139,black:57,blank:[8,127],block0:63,block1:63,block2:63,block:[8,32,36,38,40,44,45,46,47,48,49,50,54,61,63,70,71,73,89,92,114],block_i:8,block_id:[44,50],block_x:8,blockdesc:[33,58,80,82],blockdescbind:61,blockingcount:46,blueprint:72,bn_bias_attr:9,bn_layer_attr:9,bn_param_attr:9,book:[14,82,100,109,115,120],bool:[6,7,8,9,10,11,13,15,29,33,53,60,62,64,65,66,79,80,87,88,91,92,112,123,134,136],boost:[70,89],boot:[8,108,109,142],boot_bia:8,boot_bias_active_typ:8,boot_lay:[106,109],boot_stat:91,boot_with_const_id:8,bootstrapp:142,borrow:[57,91],bos_id:[8,109],both:[5,6,8,9,15,30,33,34,35,42,45,47,53,54,57,61,63,70,72,74,77,79,87,89,127],bottl:74,bottleneck:77,bottom:29,bound:[8,63],boundari:45,boundri:7,box:[8,57],brace:[33,58],brain:42,branch:[8,30,33,34,45,54,60,78,85,111],break_if:91,brief:[34,40,53,89,114],bring:[54,63],broadcast:[35,74,82,142],broken:111,browser:[117,127],bsd:[74,110],bucket_nam:127,buf:38,buf_siz:[13,45],buffer:[13,38,66,67,75,81,86,120],buffer_s:13,buffered_read:81,bufsiz:13,bug:[111,127],build:[8,14,34,43,45,58,59,63,65,75,84,85,88,93,99,110,111,115,117,118,121,125,127,129,131,132,138,139,140],build_dict:14,build_doc:115,build_model:57,buildtool:85,built:[34,44,45,53,55,63,70,74,88,91,117,118,119,142],bunch:67,button:127,c11:68,c703c041:111,c99:69,c99e:127,cach:[53,96],cache_pass_in_mem:[2,96],cachetyp:[2,96],cacul:[9,49],caff:[33,54],caffe2:[33,44,54],caffe_poli:98,calc_batch_s:2,calcul:[7,8,9,31,32,35,40,46,49,53,63],calcut:63,calendar:77,call:[7,8,9,13,29,30,31,32,33,38,39,40,41,43,44,45,48,55,57,58,63,71,72,73,77,80,82,83,86,88,89,91,117,118,119,127,129],callabl:[6,8,13,14],callback:[48,112],caller:[31,117,127],calrnn:106,can:[6,7,8,9,13,14,15,29,30,31,32,33,34,35,38,39,42,43,44,45,47,48,50,53,54,55,56,57,58,59,61,62,63,66,70,71,72,73,74,75,77,78,79,80,81,82,83,84,88,89,90,91,92,117,119,127,142],can_over_batch_s:2,cancel:42,candid:[8,72],cannot:[82,86,90,91,93],cantain:59,capabl:[53,76,82],capac:[84,127],capi:[68,121],capi_priv:121,capi_prvi:69,caption:72,captur:8,card:74,care:[9,43,63,81,89,142],caret:29,carpedm20:57,cast:[53,90],cast_to_op_attr:88,cat:[13,15,100,129,130],categori:[8,14,35],categorig:14,categoryfil:128,caus:[35,52],caution:127,cbla:[64,121],cc_:34,cc_binari:34,cc_test:34,cclient:41,cde:8,cdn:14,cduadevicecontext:[70,89],ceil:8,ceil_mod:8,cell:[8,9],center:15,center_crop:15,cento:[102,142],central:84,ceph:[13,37],cephf:[37,43,51],certain:[62,70,73,77,86,89],certif:[30,51,93,127],cffi:68,cfg:[63,128],cgo:68,chain:[13,32,58],challeng:[8,35,54,60,89],chanc:[30,53],chang:[8,14,34,39,43,45,54,66,76,78,81,83,85,86,111,127],changes:66,channel:[8,9,15,44,119],channel_shar:8,chapter:[71,72],chapter_data:71,chapter_out:71,check:[2,13,32,33,34,48,66,79,82,93,98,111,112,123,127,134],check_align:13,check_attr:88,check_eq:112,check_fail_continu:2,check_grad:[31,113],check_l:112,check_output:113,check_sparse_distribution_batch:[133,134],check_sparse_distribution_in_pserv:[133,134],check_sparse_distribution_ratio:[133,134],check_sparse_distribution_unbalance_degre:[133,134],checker:82,checkgrad:134,checkgrad_ep:134,checkmark:142,checkout:111,checkpoint:[47,79],checksum:51,child:33,chip:54,chmod:127,choic:[34,54],choos:62,chosen:[57,70],chunk:[39,51],chunk_schem:7,chunktyp:7,chw:15,circl:58,circumst:89,claim:127,claimnam:[127,129],clang:[53,68,111,138],clarifi:7,clariti:72,classic:[8,63],classif:[8,58],classifi:[8,57],classification_cost:[96,106],classification_error_evalu:7,classification_evalu:7,claster:127,clean:[33,34,50,76,82,93,111],clear:[7,34,72,76,86,90],clearer:[76,80],clearli:86,cli:127,click:[117,127],client:[38,41,82],clip:[6,9,134],clip_op:48,clip_op_desc:48,clock:8,clone:[8,99,110,115,117,118,121,138,140],close:[2,81,111],cloud:[34,35,43,51,52,82,142],cloud_read:13,cludform:127,cluster:[13,29,30,33,35,40,45,125,126,129],cluster_test_fil:125,cluster_train:[96,126],cluster_train_fil:125,cluster_train_v2:[126,130],cm469:127,cmake:[69,93,99,110,111,113,115,117,119,121,138,139,140],cmake_build_typ:[117,138,139,140],cmake_c:[138,139],cmake_system_nam:[138,139,140],cmakefil:93,cmakelist:[34,64,65,112],cmatrix:[68,69],cname:127,cnn:[8,128],coars:56,code:[2,4,8,13,30,32,34,42,45,47,50,53,56,57,58,62,67,70,73,75,76,77,79,81,82,83,84,88,91,112,127,128],codebas:82,coded_stream:98,codedinputstream:98,coeff:8,colindic:123,collabor:35,collect:[8,14,29,77],collectbia:112,color:15,colour:14,colum:123,column:[7,8,58,81,117,123],column_evalu:7,com:[8,9,14,34,57,85,93,99,110,111,115,117,118,120,121,127,128,138,140,142],combin:[7,8,9,13,29,63,73,82,86],come:[45,49,63,78,91],comma:[29,40],command:[13,34,38,43,52,110,112,117,127,128,129,131,132,136],commandlin:[119,129],comment:[34,59,88,106,129],commit:[34,128],common:[15,37,84,89],commonli:[52,84,117],commun:[35,40,41,45,47,74,127],compani:54,compar:[31,34,44,82],comparison:[34,54],compat:[53,56,74],compil:[8,34,45,54,59,61,63,70,74,83,87,88,92,110,125,138,139,140],complaint:34,complet:[8,9,14,29,32,33,35,39,40,48,51,58,67,70,82,117,127,128,129,142],complex:[9,42,63,72,82],complianc:[2,96,103],complic:[8,45,56,81,90,91],compon:[45,59,91,92],compos:[13,30,56,59,71,80,82],composenotalign:13,composit:56,compress:[39,123],compris:32,comput:[8,9,30,31,35,45,47,50,53,54,55,59,63,67,70,73,74,75,77,83,86,89,90,92,113,114,117,120,127],computation:8,computationgraph:59,con:74,concat:[57,109],concaten:[8,9,57,71,91,96],concentr:82,concept:[7,30,44,54,56,57,59,66,71,72,75,76,78,86,91,92],conceptu:[50,54,57,59],concern:[30,49],concis:[57,91],concret:[82,89],concurr:[35,42,47,77],cond:[33,54,60,78],condit:[2,8,39,45,54,60,66,96,103,128],condtion:57,conf:[4,8,98,106,126,129],conf_paddle_gradient_num:[127,129],conf_paddle_n:[127,129],conf_paddle_port:[127,129],conf_paddle_ports_num:[127,129],conf_paddle_ports_num_spars:[127,129],confid:8,confidence_threshold:8,config:[6,8,37,52,72,103,112,121,127,128,129,133,134,136,142],config_:[38,134],config_arg:[133,134,136],config_bas:[7,8,29],config_lay:112,config_len:40,config_pars:[4,64,65,112],config_proto:40,configprotostr:98,configur:[8,29,32,38,40,42,43,45,47,54,59,62,80,89,90,104,112,142],confirm:52,conflict:[86,111],confus:[15,57,62],conll:14,connect:[9,43,44,45,47,94,127,128,142],connectionist:8,consequ:[8,9],consid:[7,8,32,79,89,142],consider:[8,9,70],consist:[7,8,14,15,39,55,67,78,81,82,83,88,92],consol:127,consolid:33,constant:[8,59,61,62,70,98],constraint:86,construct:[7,30,50,59,63,71,80,82,86,88],constructbackwardgraph:58,constructoptimizationgraph:58,constructor:[48,53,77,80,82,86,88],consum:[35,117],consumpt:63,contact:42,contain:[2,7,8,9,11,13,14,15,29,30,32,33,39,50,57,59,66,67,70,76,77,80,82,83,86,87,88,91,92,110,127,128,129],containerport:127,content:[40,52,67,72,115],content_dir:115,content_len:40,context:[2,8,9,14,48,66,86,87,89,96,109,113,114,120],context_attr:9,context_len:[8,9],context_proj_layer_nam:9,context_proj_param_attr:9,context_project:9,context_start:[8,9],contin:127,continu:[7,32,35,67],contrast:8,contrib:84,contribut:84,contributor:82,control:[6,33,44,127,128,142],controlflowgraph:63,conv2d:57,conv:[9,57,66,90],conv_act:9,conv_batchnorm_drop_r:9,conv_bias_attr:9,conv_filter_s:9,conv_fwd:66,conv_layer_attr:9,conv_num_filt:9,conv_op:8,conv_pad:9,conv_param_attr:9,conv_pool_2:45,conv_strid:9,conv_with_batchnorm:9,conveni:[30,32,59,73,88],convent:[32,40],convers:[53,54],convert:[2,4,14,37,45,46,47,53,54,55,66,81,83],convlay:8,convolut:[8,9,13,57,70,80,89],convolution_algorithm_opt:66,convoper:8,convproject:8,convtranslay:8,convtransproject:8,cool:111,coordin:[35,40],copi:[2,29,30,39,42,52,58,71,72,74,75,91,96,103,127],copy_from:48,copyright:[2,96,103],copyvariablewithtensor:90,core:[6,32,59,62,69,75,76,91,120],coreo:[127,142],corner:82,corpu:14,correct:[8,31,32,53,74,127],correctli:[7,13,32,53,57],corresond:53,correspoind:30,correspond:[8,30,32,33,34,48,53,59,60,66,70,71,72,80,82,83,84,88,89,98,117],corss_entropi:30,cortex:53,cos:[8,88],cosin:[8,88],cosineop:88,cosineopproto:88,cosineopprotomak:88,cost:[29,30,32,45,58,73,74,78,79,90,103,120],cost_id:8,cost_np:79,could:[8,13,29,30,31,39,44,45,46,47,53,54,55,71,73,75,76,78,80,81,83,117,127],count:[7,35,43,49,79,81,119,125,128,134,136],counter:[35,39,46,58],cours:[7,43,70],covari:8,cover:54,cp27:102,cp27m:[85,102],cp27mu:[85,102],cpp:[31,38,56,64,65,68,69,76,82,92,98,106,112,119,129],cprofil:[117,118],cprofilev:[117,118],cpu:[2,6,8,31,43,53,62,70,75,76,77,82,84,85,89,90,110,113,114,117,119,120,128,136],cpu_avx_mkl:102,cpu_avx_openbla:102,cpu_kernel:62,cpu_ns_:77,cpu_per_pserv:45,cpu_per_train:45,cpudevicecontext:[70,89,113],cpuelapsedu:77,cpuengin:65,cpuinfo:100,cpuplac:[45,62,66,70,89,90,113,114,120],cpusparsematrix:69,crash:[35,119],creat:[6,13,29,30,31,33,35,40,44,46,48,49,50,51,52,53,54,56,57,58,66,70,71,73,74,75,76,80,83,84,98,103,111,112,115,123,128,129,130,142],create_backward_pass:73,create_bias_paramet:112,create_block:80,create_doc_str:88,create_input_paramet:112,create_local_scop:50,create_oper:56,create_optimization_pass:73,create_paramet:80,create_python_ops_creatation_funct:88,create_rnn:33,create_rnn_op:71,create_tmp_var:80,create_tmp_vari:80,create_var:80,create_whileloop:91,createfromconfigproto:4,creategradientoper:83,creatememori:66,createop:88,createoper:33,createprimitivedesc:66,createstack:127,createvari:33,creation:[56,127],creationd:127,creator:[13,14,37,82,83],creator_:83,credenti:52,crf:[89,90],critic:[57,117],crlf:111,crop:[15,89],crop_grad:89,crop_siz:15,crope:15,cropgradkernel:89,cropkernel:89,cross:[8,80,98,138,139,140],cross_entropi:[8,30,45,57,63,90],cross_entropy_with_selfnorm:8,crt:51,csc:112,csr:[112,123],csv:98,ctc:7,ctc_evalu:7,ctest:[99,110,111,113],ctor:80,ctrl:[110,126],ctx:[66,90,113,114],cubla:70,cublas_handle_:89,cublashandle_t:89,cuda7:[102,104],cuda8:[99,100,102],cuda:[34,55,70,77,82,89,110,113,119,134],cuda_context:55,cuda_dir:[133,134],cuda_fp16:53,cuda_so:[93,100],cuda_visible_devic:96,cudaconfigurecal:119,cudadevicecontext:[55,70,89,113],cudadevicegetattribut:119,cudaelapsedu:77,cudaevent_t:77,cudaeventcr:119,cudaeventcreatewithflag:119,cudafre:119,cudagetdevic:119,cudagetdevicecount:119,cudagetdeviceproperti:119,cudagetlasterror:119,cudahostalloc:119,cudalaunch:119,cudamalloc:119,cudamemcpi:119,cudaplac:[70,89,90],cudaprofilerstart:119,cudaprofilerstop:119,cudaprofilestop:119,cudaruntimegetvers:119,cudasetdevic:119,cudasetupargu:119,cudastream_t:89,cudastreamcr:119,cudastreamcreatewithflag:119,cudastreamsynchron:119,cudeviceget:119,cudevicegetattribut:119,cudevicegetcount:119,cudevicegetnam:119,cudevicetotalmem:119,cudnn:[8,11,34,62,66,70,89,90],cudnn_batch_norm:8,cudnn_conv:8,cudnn_conv_workspace_limit_in_mb:[133,134],cudnn_convt:8,cudnn_dir:[133,134],cudnn_kernel:62,cudnnavginclpadpool:8,cudnnavgpool:8,cudnnv5:99,cudrivergetvers:119,cuinit:119,cumtim:[117,118],cumul:8,cur_mem:72,curl:127,curli:[33,58],current:[2,8,32,33,34,35,38,40,44,47,49,54,62,70,71,72,75,76,77,80,86,90,91,115,127],current_block:[78,80],current_oper:78,current_word:[96,109],curv:30,custom:[30,43,53,57,72,75,82,127],custom_batch_read:81,cut:[13,91],cut_lin:13,cutoff:14,cv2:15,cxx:[138,139],cxx_compil:[138,139,140],cxx_flag:[138,139],cxxabi_1:102,cycl:35,cyclic:8,cython:68,d3e0:127,d_b0:57,d_b1:57,d_b2:57,d_block:57,d_f:57,d_g:57,d_h0:57,d_h0_bn:57,d_h0_relu:57,d_h1:57,d_h1_bn:57,d_h1_relu:57,d_h2:57,d_loss:57,d_loss_fak:57,d_loss_real:57,d_optim:57,d_step:57,d_t:57,d_w0:57,d_w1:57,d_w2:57,dalla:2,dandroid_abi:138,dandroid_arm_mod:138,dandroid_arm_neon:138,dandroid_standalone_toolchain:138,darwin:127,dash:57,dat:37,data:[2,7,14,15,29,30,31,33,37,38,39,47,49,51,53,54,57,58,59,61,62,63,66,67,70,71,72,73,74,75,76,78,80,82,84,86,87,88,89,91,92,96,103,104,106,109,114,120,123,125,128,129,131,133],data_batch:96,data_config:4,data_fil:15,data_i:57,data_lay:[2,38,96,106],data_layout_:90,data_read:[13,81],data_reader_creator_random_imag:81,data_shar:91,data_typ:[13,14,67,87,90,92,97,103,104,109,123],data_type_:[62,70,90],data_x:57,databas:14,datacent:[37,52],datacenter1:37,datacenter2:37,datacenter_1:37,datacenter_2:37,datacenter_nam:37,datadim:8,datafeed:[16,120],dataflow:59,dataflow_analysi:63,datalayout:90,dataparallel:45,dataprovid:[1,96,98,129],dataproviderconvert:4,datasci:8,dataset:[37,43,45,75,81,103,104,109,117,118,125],dataset_nam:15,datatransform:90,datatyp:[14,62,66,87,90,92],dcgan:57,dcmake_build_typ:[115,121],dcmake_install_prefix:[121,138,139,140],dcmake_system_nam:[138,139,140],dcuda_arch_nam:99,dcudnn_root:99,ddim:[70,89,114],dead:35,deal:[32,142],deb:111,debug:[31,32,45,52,54,80,115,117,118],debug_str:59,decai:10,decar:13,decayr:38,decent:39,decid:[30,42,57,67,75,83,84,87],declar:[33,57,71],decod:[8,9,108,109],decoder_boot:109,decoder_dim:72,decoder_group_nam:109,decoder_input:[72,96,109],decoder_mem:[72,109],decoder_prev:9,decoder_s:[96,109],decoder_st:[9,109],deconv:[8,57],deconvolut:8,decor:[2,13],decrement:46,decrementcount:46,decrypt:127,deduc:82,deep:[8,32,42,50,57,58,63,65,77,82,84,89,119],deeper:55,deepspeech2:64,def:[2,4,8,13,30,31,32,37,43,48,49,56,57,59,62,63,71,72,73,80,81,88,91,96,98,103,106,109,112,113,129],def_block:57,default_block:57,default_decor:129,default_devic:136,default_main_program:120,default_param_attr:80,default_st:91,default_startup_program:120,default_valu:136,defaultdict:63,defaultinfervartyp:61,defect:76,defer:42,defin:[2,8,9,13,29,30,32,33,34,35,42,44,46,47,48,53,54,55,56,57,59,62,63,70,71,74,78,80,81,82,86,88,89,91,96,103,113,117,120],define_py_data_sources2:[2,98],definit:[32,33,35,39,45,50,55,62,78,83,88,91,117,120],definiton:56,degre:8,delai:[75,89],delet:[43,51,111],deletestack:127,delimit:[7,98],deliv:142,delta:[8,31],delv:8,demand:[35,89],demo:[4,8,14,82,128,131],dens:[8,13,40,41,87,127],dense_arrai:[13,97],dense_vector:[2,4,13,103,104,123],dense_vector_sequ:[13,123],dense_vector_sub_sequ:123,dep:34,depend:[33,34,35,43,45,47,59,74,79,87,142],dependent_var:79,deploi:[8,142],deploy:[59,67,82,127,142],deprec:8,depth:[33,54],dequeu:47,deriv:[5,30,45,48,60,73],desc:[33,48,66,67,80,88,91],desc_:33,descend:91,descent:[8,35,75],descproto:67,describ:[30,32,33,34,39,44,45,50,55,62,66,67,71,72,76,78,80,82,87,88,90,92,127,128],describestack:127,describestackev:127,describestackresourc:127,descripotor:66,descript:[7,33,34,61,65,67,70,83,87,90,92,127,129],descriptor:[66,90],deseri:[29,67,76],deserializ:82,desgin:58,design:[8,13,32,38,62,63,68,75,77,84,142],desir:[13,35,45,75,127,128],destin:[40,52],destroi:[33,50],destruct:86,destructor:77,det_output:7,detail:[6,7,8,9,10,31,32,39,43,45,47,52,54,57,59,63,66,67,70,71,77,80,84,86,89,90,91,92,117,127,142],detect:[61,111],detection_evalu:7,detection_output:7,determin:[8,13,33,45,63,70,82],dev:[82,93,100,110,111,117,118,138,142],dev_ctx:[33,66,77],devel:85,develop:[32,34,54,61,76,77,80,83,85,111,117,120,139],deviat:6,devic:[6,44,45,49,53,59,65,66,70,74,76,77,82,90,93,100,114,120,136],device_:77,device_context:[66,113],devicecontext:[33,70,77,113],deviceid:[65,136],deviceid_:65,deviceplac:89,devid:8,dhcp:142,diagram:71,diamond:57,dic:15,dict:[2,7,14,29,32,80,98,106,129],dict_dim:[96,106],dict_fil:[7,106],dict_siz:[14,38,72],dictionari:[2,7,8,14,29,30,31,80,96],did:76,diff:111,diff_mat:31,differ:[7,8,29,32,33,34,35,40,42,45,46,47,48,49,50,53,54,57,59,60,63,66,70,72,74,75,77,79,83,86,90,91,92,117,127],differenti:56,difficult:[7,31,54],dig:127,digit:8,digraph:59,dilat:[8,66],dilation_i:8,dim0:113,dim1:113,dim:[8,13,38,66,67,71,82,87,89,92,112,113,114],dim_:[89,114],dimens:[5,8,9,11,13,57,82,87,89,91,96,114],dimension:[8,123],dimes:8,dios_arch:139,dios_enable_bitcod:139,dios_platform:139,dios_use_veclib_for_bla:139,dir:[93,129,138],direct:[8,9,15,54,63,75,117],directli:[9,34,41,43,45,53,62,76,88,90,91],directori:[8,34,37,42,51,52,89,111,115,119,128],disabl:[77,98],disadvantag:[75,80],discard:[13,35,39,72,111,134],discexp:98,discount:8,discov:35,discoveri:127,discret:8,discrim:57,discuss:[30,33,39,40,41,45,66],disk:67,dispatch:[45,76],displai:[43,52],dist:[85,93,99],dist_train:[30,43],distanc:[7,8],distinguish:34,distribut:[2,8,33,39,40,41,42,44,49,55,74,82,92,96,103,131,132,134,142],distribute_test:[133,134],distributedli:45,disucss:30,divid:[8,10,32,49,88,92,117],diy_beam_search_prob_so:[133,134],dnn:[66,93],dns:127,do_forward_backward:81,doc:[4,13,59,71,91,113,115,125,126,129],doc_cn:115,docker:[85,93,99,100,111,115,125,127,128,129,131,132,138,142],docker_build:30,docker_clust:[126,130],docker_push:30,dockerfil:[110,111,129,138,140],document:[8,9,31,45,51,58,71,72,77,82],documentari:2,doe:[9,35,39,40,42,43,44,45,47,50,53,59,63,71,76,80,82,83,84,120],doesn:[6,8,13,30,33,44,81,117],doing:[38,42,45,58],domain:127,don:[9,30,34,56,58,63,81,127],done:[7,8,9,32,34,35,39,40,45,46,61,63,67,75,83,84,111,117,119,127,129],dot:[8,9,113],dot_period:[129,134,136],dotmuloper:8,dotmulproject:8,doubl:[45,53,58,77,90,113,134],down:119,download:[14,34,35,38,42,51,93,128,142],doxygen:111,dozen:34,dpython_execut:93,dpython_include_dir:93,dpython_librari:93,draw:72,drive:86,drop:[8,9,72],drop_fc:97,drop_rat:[6,97],dropout:[6,9,97],dropout_r:[8,97],drpi_arm_neon:140,drpi_toolchain:140,drwxr:128,dst:[40,66],dst_primitive_desc:66,dtoh:119,dtype:[4,45,59,80,98,120],due:[39,42,57,63,72,80,117,118],dummi:[29,39],dump:[67,124],dump_config:124,dump_v2_config:124,duplic:47,durat:39,dure:[2,8,9,32,33,35,39,42,43,49,54,63,74,75,77,80,82,92,127,142],duse_eigen_for_bla:138,dwith_c_api:[69,121,138,139,140],dwith_doc:115,dwith_golang:121,dwith_gpu:[99,115,121,140],dwith_mkl:[115,121],dwith_profil:119,dwith_python:[69,121,140],dwith_swig_pi:[69,121,138,139,140],dwith_test:[99,113,139],dwith_tim:119,dynam:[2,40,69,71,80,81],dynamic_cast:112,dynamic_recurrent_op:91,e2e:142,each:[2,7,8,9,11,13,14,29,31,32,34,35,38,39,40,42,43,44,45,48,49,50,55,58,61,63,66,70,71,72,74,76,77,79,80,81,82,83,86,87,88,89,90,91,92,117,127,142],each_feature_vector:5,each_pixel_str:2,each_time_step_output:5,each_word:2,eager:54,earli:[53,55],eas:[13,61],easi:[31,32,72,75,81,82,84],easier:[30,47,53,54,81,91],easili:[30,57,74,77,81,83,86,89],echo:[93,100],edg:[15,63],edit:[7,127],editor:80,edu:[14,127,128],eeoi3ezpr86c:127,effect:[8,29,127],effici:[8,45,67,81,89],effort:45,efg:8,efs:127,efs_dns_nam:127,efsvol:127,egd:63,eigen:[53,70,75,82,84,89,113],eigen_device_:89,eigen_use_gpu:113,eigenmatrix:114,eigentensor:114,eigenvector:114,either:[2,8,9,13,29,30,45,57,60,61,71,75,84,96,103],elb:127,elbapis:127,electr:63,electron:128,elem_dim:8,elememt:8,element:[7,8,9,13,15,29,31,39,47,59,72,82,113],element_typ:40,elementari:82,elif:[30,88],els:[30,38,43,45,47,48,54,57,60,61,62,63,86,88,100,106,112],elsewher:77,emac:110,emailweixu:34,emb1:[38,106],emb2:[38,106],emb:[96,98,106,128],emb_group:106,emb_para:98,emb_param_fil:98,emb_sum:96,embed:[30,33,38,47,61,72,87,91,98,109],embedding_lay:[38,96,106],embedding_nam:[8,109],embedding_s:[8,109],empir:8,emplace_back:112,emploi:[32,48,88],empti:[7,13,32,35,72],emul:53,enabl:[6,8,33,34,39,44,47,48,59,77,110,119,127],enable_grad_shar:[133,134],enable_parallel_vector:134,enc_proj:[9,109],enc_seq:9,enc_vec:109,encapsul:40,encod:[9,39,72,106],encoded_proj:[9,109],encoded_sequ:[9,109],encoded_vector:109,encoder1:106,encoder1_expand:106,encoder1_last:106,encoder1_rep:106,encoder2:106,encoder2_rep:106,encoder_ctx:72,encoder_ctx_expand:72,encoder_ctx_proj:72,encoder_dim:72,encoder_last:8,encoder_out_seq:72,encoder_s:109,encount:38,encourag:[45,50],encrypt:127,encrypt_decrypt:127,end2end:142,end:[7,8,29,32,33,45,48,55,59,63,72,76,77,81,86,109,111],end_pass:30,end_po:8,endforwardbackward:29,endian:67,endif:[70,77],enditer:[29,30,103],endpass:[29,30,103],endpoint:[13,37,127],endtrain:30,engin:[43,65,66],english:8,enough:[32,33,62,63,70],enqueu:47,ensembl:9,ensur:[35,66,74,86],enter:[33,50],enterpris:82,entir:[8,9,40,42],entiti:[7,33,86],entranc:50,entri:[13,39,43,61,127],entropi:[8,80],entry_point:43,enueu:47,enumer:[5,70,98],env:[96,115,117,118,127,129],environ:[30,45,93,117,119,127,128],environmenterror:125,eol:111,eos_id:[8,109],epoch:57,epsilon:[8,10],equal:[8,9,35,91,106,113],equat:[7,8,9,10,63,113],equival:[30,33,44,48,54,60,88,142],error:[6,7,8,9,30,31,39,52,53,54,66,86,93,98,121,127,134],error_clip:48,error_clip_callback:48,error_clipping_threshold:[6,96],errorclipbyvalu:48,especi:[8,9,65],essenc:[30,32],essenti:[8,30,50,53],establish:44,estim:[8,30,47,75],eta:128,etc:[7,13,33,45,49,66,74,75,81,86,127,142],etcd:[13,29,35,39,40,42],etcd_addr:40,etcd_endpoint:13,eth0:[127,129],euclidean:8,eval:[7,33,49,57,82],eval_program:49,eval_result:49,evalu:[8,16,28,29,42,59,79,119,120,124],evaluate_difficult:7,even:[30,53,74,80,81],evenli:[40,127],event:[103,128],event_:77,event_block:77,event_handl:[29,30,103],eventkind:77,eventlist:77,eventu:[45,91],everi:[7,8,9,13,30,35,39,40,42,48,49,58,59,61,63,66,70,71,74,80,86,88,90,103,120],everyth:[45,47,57],evid:76,evolv:54,exactli:[8,9,96,127],exampl:[7,8,9,13,14,15,29,33,43,45,47,49,52,54,55,56,57,58,59,61,63,66,70,71,72,76,77,78,80,81,82,83,84,87,89,90,91,117,120,127],example_read:13,exc_path:93,exceed:8,except:[2,8,14,42,44,54,58,77,91,103],excess:63,exchang:76,exclud:8,exclude_mod:8,exclude_param:29,excluded_chunk_typ:7,exconv:8,exconvt:8,exdb:14,exe:[45,120],execut:[8,34,35,39,43,44,45,49,50,55,57,59,63,66,74,77,83,92,117,127],executioncontext:[66,90,113,114],executor:[16,44,45,49,53,54,55,57,73,78,80,90,92,117,118,120],exist:[30,33,35,52,54,72,80,81,83,88,89,91,114,127],exit:[40,52,128],exp:98,expand:[72,106],expand_a:[8,105,106],expand_lay:106,expand_level:[8,105],expandconvlay:8,expandlevel:105,expans:8,expect:[8,90],expected_desc:66,expected_kernel_kei:90,experi:67,expert:34,expir:35,explain:[7,35,44,54,56,58,117],explan:[8,31,43,44,45,86,90],explicit:[77,91,112],explicitli:[30,45,50],explod:48,explor:[8,72,84],expon:8,exponenti:5,expos:[32,41,66,67,89,91,127],express:[2,30,47,49,59,63,96,103,127],extend:[7,75,91],extens:[42,47,72],extent:69,extern:[34,65,68,69,82],extern_mklml:93,external_librari:34,extingrad_:65,extinval_:65,extoutgrad_:65,extoutval_:65,extra:[6,8,9,45,84,89,142],extra_lay:29,extraattr:[6,136],extraattribut:8,extraattributenon:8,extract:[7,8,54,76,127],extralayerattribut:[6,9,96,97],extralayeroutput:9,extrem:[8,44,54],f1205:98,f120da72:128,f7e3:127,fa0wx:128,fabric:[125,126],face:[34,84],fact:[44,54,74,78,80],factor:[6,10],factor_s:8,factori:68,fail:[35,39,72,93,98,128,134],failur:[35,40],fake:57,fake_imag:81,faked_imag:57,fall:[53,79],falloc:51,fals:[6,7,8,9,10,13,31,32,33,54,60,62,64,71,78,79,81,87,92,96,103,104,106,109,112,113,123,125,128,136],false_block:[33,60,78],false_label:81,false_neg:49,false_posit:49,false_read:81,faq:137,far:[48,91],fashion:45,fast:[8,39,54,119],faster:[8,9,35,54],fastest:54,father:32,fault:[29,39,82],fbd1f2bb71f4:128,fc1:[59,112,136],fc1_bia:59,fc1_weight:59,fc2:[59,136],fc3:[59,136],fc4:136,fc8a365:127,fc8a:127,fc_act:9,fc_attr:9,fc_bias_attr:9,fc_layer:[80,88,96,98,106,136],fc_layer_nam:9,fc_mat:29,fc_op:88,fc_out:33,fc_output:88,fc_param_attr:9,fc_without_b:33,fclayer:112,fcop:56,fdata:106,feasibl:75,featur:[2,5,8,13,14,32,45,53,59,74,77,111],feed:[9,29,30,45,58,71,84,103,120],feed_dict:57,feed_list:120,feeder:[13,45,120],festiv:2,fetch:[14,35,38,45,79,93,111,120],fetch_list:[45,80,120],fetch_op:79,few:[34,35,45,63,75,81,87],fewer:[8,80],fg0:8,field1:29,field2:29,field:[8,29,33,59,61,67,79,80,83,87,88,96,127],fifth:58,figur:[30,34,45,47,57,65,71,77,80],file:[2,7,8,13,14,15,29,30,32,34,35,37,39,40,42,43,51,52,54,55,59,67,69,81,82,89,92,96,103,111,113,120,142],file_list:2,file_nam:[98,106],file_typ:13,filenam:[2,15,37,80,96,117,118],fileoffset:51,filesystem:[42,43,45,51,127],fill:[8,35,39,70,80,123,127],fill_zero_grad:82,fill_zeros_like_op:32,filter:[8,9,48,66],filter_s:[8,9],filter_size_i:8,find:[8,33,35,42,53,59,66,72,86,90],find_var:31,findmemori:66,findop:33,findprimit:66,findprimitivedesc:66,findvar:[33,86],fine:[6,39,56],fingerprint:127,finish:[35,39,42,43,50,63,74,88,127,128],first:[8,29,30,32,33,35,39,42,43,44,45,50,52,54,57,58,59,66,71,72,78,79,80,82,87,88,89,91,113,114,123,127,142],first_seq:109,firstli:[7,8],firstn:13,firstseen:128,fit:[14,53,62,63,67,72,82],five:78,fix:[6,8,45,63,68,80,111,117,123],flag:[8,14,64,65,77],flatten0:59,flatten:[59,78,80,114],flatten_result:96,flexibl:[8,9,30,40,45,54,58,62,71,72,75,81,89,91],flip:15,flist:125,fliud:44,float16_t:53,float32:[4,13,45,53,56,57,80,81,98,113,120],float_to_half_rn:53,floor:[8,98],flow:[33,44,71,77,85],fluid:[0,32,45,47,50,70,77,80,89,90,117,118],fluid_cuda_create_tensor:55,fluid_cuda_mult:55,fluid_cuda_read:55,fly:32,fmt:98,fname:98,fnt03:127,focu:[59,117],folder:[34,37,43,52,127],follow:[7,8,9,10,13,15,29,30,31,32,33,34,35,39,43,44,45,47,50,53,54,55,56,57,58,59,60,61,63,66,70,71,72,74,75,77,78,79,80,81,82,83,84,86,87,88,89,90,91,117,120,127,131,132,142],footprint:55,forbid:30,forc:[74,80,90],force_cpu:62,force_cudnn:62,force_load:68,forest:33,forget:[10,30],fork:8,form:[8,9,49],formal:90,format:[7,13,14,15,29,31,39,45,53,54,70,72,91,104,111,112,123,127],former:[30,34,54,63,75],formula:[8,9,10,31,63],formular:8,forth:57,forward:[5,8,9,31,32,33,38,40,48,54,57,64,65,66,67,73,76,78,81,82,83,84,87,112],forward_infer:66,forward_list:77,forward_op:31,forward_train:66,forwardactiv:112,forwardbackward:29,forwardtest:4,found:[53,78,84,86],four:[7,49,54,58,66,70],foward:79,fp16:[53,82,92],fp32:[70,82,90,92],fp64:[70,92],fparam:98,fpga:[70,120],fpgadevicecontext:89,fpgaengin:65,fpgaplac:[70,89],frame:[7,50,82,91],framework:[30,32,33,48,49,53,54,59,70,74,75,77,78,82,84,86,88,89,113,117,118,120],free:[14,55,89,142],freememoryop:55,frequenc:14,frequent:[39,81,82,84,89],fresh:42,friend:86,friendli:57,from:[2,4,7,8,9,13,14,15,29,31,32,33,34,35,37,38,39,40,44,45,47,48,49,52,53,54,56,57,58,59,60,62,63,66,71,72,73,74,76,78,80,81,82,83,86,89,90,91,93,108,113,114,117,118,119,124,127,128,142],from_no_sequ:[8,105],from_sequ:[8,105],from_tar:[29,103],fromfil:[81,98],fromstr:98,front:[59,63],fulfil:119,full:[8,35,42,71,74,75,142],full_matrix_project:[9,106,109],fulli:[45,47,142],fullmatrixproject:8,fullsiz:38,fully_matrix_project:9,fullyconnect:[59,80],fullyconnectedlay:112,func:[2,13,39,44,55,83],funciton:9,functor:[56,59],fundament:[47,53,82],further:[8,88,142],futur:[8,42,45,53,63,71,82],fvs:88,fwd_desc:66,fwd_op:83,fwd_primit:66,fwd_primitive_desc:66,fwd_var:48,g_b0:57,g_b1:57,g_b2:57,g_block:57,g_command_config_arg:[64,65],g_h0:57,g_h0_bn:57,g_h0_relu:57,g_h1:57,g_h1_bn:57,g_h1_relu:57,g_h2:57,g_im:57,g_loss:57,g_optim:57,g_program:80,g_state:77,g_step:57,g_w0:57,g_w1:57,g_w2:57,gain:8,gan:30,gangliao:34,gate:[8,9],gate_act:[8,9,106],gate_attr:8,gate_bias_attr:8,gate_param_attr:8,gate_recurr:8,gatedrecurrentlay:64,gather:[8,32,63,74,76,113],gauss:6,gaussian_normal_random:57,gcc:[53,55,68,82,99,110,117,138,140],gcc_3:102,gcreators_:88,gemm:64,gen:8,gen_proto_pi:115,gen_rand_param:98,gender:[14,129],gendrated_id:72,gener:[2,7,8,9,13,29,30,31,32,33,34,35,37,39,40,42,44,45,54,56,61,63,66,70,74,75,78,79,80,81,82,83,87,88,89,91,103,119,123,127,129,136],generated_id:72,generated_scor:72,generated_word_embed:8,generatedinput:[8,108,109],genr:129,gereat:7,get:[2,7,8,14,29,31,32,33,34,35,39,40,42,43,51,54,57,59,62,63,64,65,66,70,71,72,77,80,82,83,86,88,89,90,91,100,112,117,118,123,126,127,128,130],get_all_op_proto:88,get_block:80,get_config_arg:136,get_data:128,get_dict:14,get_dim:31,get_embed:14,get_float_el:31,get_grad:29,get_grad_op_desc:32,get_input_lay:112,get_lin:13,get_movie_title_dict:14,get_numeric_gradi:31,get_numerical_gradi:31,get_output:31,get_program:63,get_sample_from_lin:96,get_shap:29,get_support:[93,102],get_symbol:59,get_tensor:31,get_vari:33,get_word_dict:14,get_worker_addr:44,getactualkerneltyp:62,getattr:48,getbatchs:112,geteigendevic:114,getengin:66,getenv:[30,43,125,129],getexpectedkerneltyp:[62,66,90],gethostbynam:129,gethostnam:129,getidmap:129,getinfervartyp:61,getinput:112,getinputgrad:112,getinputvalu:112,getkerneltyp:53,getkerneltypeforvar:90,getlayeroutput:29,getlibrari:66,getmat:38,getoptconfig:38,getoutputgrad:112,getoutputvalu:112,getparam:38,getparameterconfig:38,getparameterptr:112,getparameterspars:38,getparametersremot:38,getplac:[66,89,113,114],getpodlist:129,getsiz:112,gettask:39,gettempl:127,gettensor:90,gettranspos:112,getw:112,getweight:112,getwgrad:112,gflag:121,gflags_complet:121,gflags_declar:121,gist:9,git:[85,93,99,110,111,115,121,138,140],github:[9,34,57,70,85,93,99,110,111,115,117,118,120,121,138,140],give:[2,35,71,80,82,90,127],given:[8,13,29,32,40,42,47,48,54,56,57,72,81,84,91],glibc:[138,140],glibc_2:102,glibcxx_3:102,glide:34,global:[6,30,33,34,35,55,59,62,76,77,82,86,88,89,90,110,119,127],global_block:80,global_learning_r:6,globalstat:119,globalstatinfo:119,globe:2,glog:121,gnueabihf:140,go_librari:34,go_test:34,goal:[47,53,58,74,82],gob:39,godep:34,godoc:68,goe:[9,35,54,60,86,120],going:[32,56,75,117,142],golang:34,good:[57,75,80,81,84,117,142],googl:[30,77,82,98,117,118,121,138],googleapi:127,googlenet:65,goroutin:44,got:[62,86],govern:[2,96,103],gpg2:127,gpg:127,gprof:118,gprotos_:88,gpu:[6,8,11,31,43,49,53,63,70,74,75,76,77,82,84,85,89,90,93,100,102,104,110,119,120,123,125,136,142],gpu_id:[96,134,136],gpu_per_train:45,gpudevic:89,gpugpu_id:133,gpukernel:82,grab:35,grad:[31,32,40,48,65,80,87,134],grad_info_map:32,grad_n:48,grad_nam:48,grad_op:48,grad_op_class:82,grad_op_desc:48,grad_op_maker_:83,grad_op_typ:[82,83],grad_op_type_:83,grad_s_block:32,grad_share_block_num:[133,134],grad_to_var:[32,48],grad_var_nam:31,gradient:[6,7,8,10,29,35,39,46,48,58,61,73,74,75,76,80,82,87,117,124,125,129,134],gradient_clipping_threshold:[6,96],gradient_evalu:7,gradient_flat:31,gradient_machin:[29,69,121],gradientmachin:[4,29,69,76,129],gradientmachine_:38,gradopdescmak:[61,83],gradopdescmakerbas:83,gradopmak:83,grai:15,grain:56,grandient:29,grant:127,graph:[8,29,32,33,34,35,44,45,46,47,49,54,57,71,74,75,78],great:[47,142],greater:[8,48,75,123],greaterthan:88,green:[44,57],grep:[100,130],groudtruth:109,ground:[7,8],group:[9,39,59,66,89,142],group_input1:109,group_input2:109,group_input:[106,109],grouplen:14,grpc:142,gru:[8,72],gru_bias_attr:9,gru_decod:109,gru_decoder_with_attent:109,gru_layer_attr:9,gru_memori:9,gru_out:72,gru_param_attr:9,gru_step:[72,109],gru_step_lay:9,grumemori:[9,97,109],gserver:[8,64,65,112],gsizex:119,gtx:63,guarante:[66,80],guard:38,guest:102,gui:117,guid:[51,63,82,127,128],gzip:[39,128],h0_bn:57,h_prev:33,hadoop:30,half:[8,53,127],half_to_float:53,hand:[63,82,89],handi:34,handl:[13,30,32,43,44,45,59,63,66,70,76,81,86,89,91,120],handler:[29,33],happen:[39,88],hard:[45,54,72,91,127],hardwar:[54,55,89],has:[7,8,9,14,30,31,32,33,34,35,39,40,42,45,47,48,49,53,54,57,59,63,67,70,72,74,77,78,82,87,88,89,90,119,120,123,127,142],has_kei:[29,32,48],has_selected_colum:8,has_var_recurs:32,hasdependentvar:79,hash:[70,74],hasn:54,hassubseq:106,have:[8,9,13,30,31,32,33,34,35,39,40,42,43,45,47,48,50,53,54,55,56,57,58,62,63,66,67,70,71,72,74,75,76,77,78,80,81,82,83,86,87,89,90,92,127,142],haven:54,hdf:[13,37],head:[113,130],header:[40,67,69,82,89,98],headip:130,height:[8,13,15,33,68,81,98,112,113,123],height_:87,held:35,hello:30,help:[4,8,33,52,54,59,66,72,81,82,91,111,117],helper:[45,66,83,91],henc:[45,75,80,83,84,86],here:[6,7,8,9,13,30,34,35,41,47,48,50,52,54,58,59,66,70,71,81,84,88,123,127,142],heterogen:[45,47,77],heurist:[8,47,72],hidden:[8,9,73,80,97,98,127],hidden_a:98,hidden_b:98,hidden_dim:106,hidden_out:33,hidden_s:9,hierach:108,hierarch:[8,78,80,82],hierarchi:82,high:[6,53,74,89,142],higher:[56,71,91],highest:[13,33],highli:[14,91],him:30,hint:[4,62,117],histor:56,histori:10,hl_get_sync_flag:112,hold:[30,32,35,39,41,53,57,59,61,63,86,88,89,90,114,127],holder_:[89,114],home:[37,52,100,117,118,127,128,129,130],honor:39,hook2:106,hook:[6,106],hookattr:6,hookattribut:6,horizont:[8,15],host:[34,43,77,127,128],host_c:[138,139,140],hostfil:130,hostnam:127,hostnetwork:129,hostpath:[128,129],hostport:127,hous:[2,14,104],how:[6,8,30,33,35,39,44,45,50,52,54,56,59,62,66,71,72,76,77,84,88,90,117,127],howardjohnson:106,howev:[8,9,31,32,42,45,50,54,63,70,75,76,80,81,83,84,87,88,89,90,127],howto:[125,126,129],hpp:[53,68],html:14,htod:119,http:[2,8,9,14,34,43,57,85,93,96,99,100,103,110,111,115,117,118,120,121,127,128,138,140,142],hub:85,huber:8,huge:75,human:[8,77],hwc:15,hyper:[8,57],hyperparamet:[8,84],hyperplan:13,i1116:129,i1117:119,i386:139,iOS:139,iamfullaccess:127,iamusersshkei:127,icc:55,ics:14,id_input:7,id_rsa:130,idea:[34,54,55,75,81,84,117],ideal:[45,90],ident:[8,83,127],identifi:[8,60,70],identityoffsetproject:8,identityproject:8,idmap:129,ids:[7,8,72,96,123],ids_arrai:123,idx:[39,57,63,112],ies:52,if_else_op:32,ifdef:[70,77],ifels:[33,78],ifelseop:78,ignor:[2,8],iil:98,illustr:[7,35,40,45,56,71],im_siz:57,imag:[11,12,13,14,30,45,54,57,58,72,73,78,81,110,111,127,128,129,131,132,142],image_a:81,image_b:81,image_fil:81,image_lay:81,image_nam:30,image_path:81,image_reader_cr:81,imagenet:[8,37],imagepullpolici:[127,129],imageri:8,images_reader_cr:81,imagin:58,img2label:15,img:[8,9],img_conv_lay:9,img_pool_lay:9,imgsiz:119,imgsizei:119,imgsizex:119,immedi:[63,66,75,84,127],immutable_paramet:30,impel:89,imper:44,imperfect:82,implement:[8,9,13,33,39,40,41,42,43,44,45,47,54,56,59,60,61,63,66,68,69,70,72,76,79,86,88,89,90,91],implemet:38,impli:[2,34,96,103],implicitli:44,imposs:[72,142],impractic:90,improv:[8,46,47,63,82,117,127],in_arg:123,inarg:[4,38],inbound:127,inc_path:93,includ:[7,8,9,14,15,30,33,34,40,43,53,54,57,59,63,68,69,71,72,77,78,80,82,88,111,113,117,119,121,127,138,139,140],inclus:72,incom:[44,62],incorpor:8,incorrect:8,increas:[35,39,53,98],increment:[49,58,63],incupd:112,inde:13,independ:[8,31,32,40,46,86,89,142],index:[7,8,11,13,14,29,31,32,33,35,39,44,78,80,91,106,127],indexslot:8,indic:[7,8,32,33,40,50,57,71,78,83,87,89,91,123,127],indice_map:91,indices_map:91,individu:[35,74,127],industri:[35,67,142],ineffici:[76,90],infer:[15,30,32,33,35,49,54,60,61,62,63,64,68,70,79,80,82,87,90,103,104],infer_shap:80,infer_var_type_:61,inferfac:61,inferior:42,infershap:[33,80,82,113,114],infershapecontext:[113,114],infervartypefn:61,info:[7,8,14,53,71,103,106,112,126,129,142],infom:8,inform:[8,14,29,33,43,52,59,62,63,66,67,70,71,74,80,84,86,87,117,127],infrastructur:[54,127],ingrad_:65,inherit:[33,73,82,89],ininst:30,init:[6,29,33,46,57,65,71,72,103,104,112,125,127,129],init_attr:80,init_from_tar:29,init_hook:106,init_model_path:[133,134,136],initi:[2,6,8,9,14,16,29,32,34,39,44,45,46,47,49,58,71,74,75,80,84,88,91,104,120,134],initial_max:[6,98],initial_mean:[6,8,98],initial_min:[6,98],initial_std:[6,8,98],initialize_op_attr:80,initpaddl:4,initrd:142,inlcud:9,inlin:[89,114,127],inner:[8,96,106,123],inner_:106,inner_mem:106,inner_param_attr:9,inner_pos_arrai:123,inner_rnn_output:106,inner_rnn_st:106,inner_rnn_state_:106,inner_seq_pos_arrai:123,inner_step:106,inner_step_impl:106,inproj_attr:8,inproj_bias_attr:8,inproj_param_attr:8,input0:114,input1:[8,9,114],input2:8,input:[2,5,7,8,9,11,13,15,29,31,32,33,38,42,44,45,46,47,48,49,53,54,55,56,57,58,59,61,62,63,65,66,70,71,72,75,76,79,80,81,82,83,86,88,89,90,91,96,97,98,103,104,105,106,108,109,112,113,114,120,123,129,136],input_conf:8,input_data:112,input_data_target:112,input_featur:5,input_hassub_sequence_data:112,input_id:8,input_imag:9,input_index:112,input_label:112,input_lay:112,input_loc:8,input_nam:30,input_proj_bias_attr:9,input_proj_layer_attr:9,input_seg:91,input_seq:8,input_sequence_data:112,input_sequence_label:112,input_sparse_float_value_data:112,input_sparse_non_value_data:112,input_t:112,input_to_check:31,input_typ:[96,106],input_valu:31,input_var:[31,80],inputbuff:38,inputdef:112,inputgradi:83,inputlayers_:112,inputs_to_check:31,inputsizechang:66,inputtyp:13,insert:[32,48,55,74,79,82,83,111],insid:[7,9,32,35,45,47,48,49,62,66,76,77,81,82,83,127],inspir:77,instal:[8,43,65,85,93,99,100,102,104,111,115,117,118,121,125,128,138,139,140],install_android:138,instanc:[8,31,33,35,37,41,44,45,46,48,50,55,60,66,71,72,75,80,82,83],instance_ip:127,instanti:[35,50,120],instead:[8,9,11,32,34,38,43,44,45,53,54,58,59],instrins:53,instruct:[33,58],int16:92,int32:[70,78,91,92,134],int64:[45,51,70,87,90,92],int64_t:77,int8:70,integ:[2,7,8,13,39,43,44,53,68,72,103],integer_sequ:96,integer_valu:[2,13,96,103,106,123],integer_value_sequ:[2,13,72,106,109,123],integer_value_sub_sequ:[106,123],integr:[7,142],intel:[54,70,89],intellig:63,inteloptimizedpaddl:65,inter:[8,45],interact:[8,45,127],intercept:8,interchang:[58,82],interconnect:74,interest:[44,53,74],interfac:[6,8,9,29,33,39,43,52,59,74,76,82,83,89,127,142],intergr:8,intermedi:[45,52,55,57,63,73],intern:[8,9,29,53,117,118,127],internel:65,internet:[34,35,142],interpret:[7,50,54,55,92],intrins:[44,50,53],introduc:[8,15,33,35,57,64,67,84,86,88,117],intuit:[42,82],inval_:65,invalid:[81,86],invent:54,invoc:[34,56,82],invok:[2,8,29,32,45,48,76,80,82,83,88,90,119,127],involv:72,iob:7,ioe:7,ios:139,ios_arch:139,ios_deployment_target:139,ios_development_root:139,ios_enable_bitcod:139,ios_platform:139,ios_sdk_root:139,ios_use_veclib_for_bla:139,ip_str:129,ips:[127,129],ipt:[8,80,88,98,106,109],ipx:142,ipython:30,is_color:15,is_cpu_plac:66,is_inf:124,is_loc:29,is_mkldnn_librari:66,is_seq:[8,109],is_stat:[6,98],is_target:79,is_tensor:88,is_test:66,is_traget:79,is_train:[2,15],isbinari:123,isinst:[4,48,103],ismkldnnkernel:66,ispodallrun:129,isspars:112,issu:[34,57],issue_numb:111,istag:85,item:[8,13,29,42,53,81,104,129,142],iter:[2,8,9,10,13,29,30,35,45,54,55,63,66,75,77,81,91],iter_multiple_input_and_param:80,its:[2,8,9,29,30,31,32,33,35,39,44,48,49,54,55,57,58,59,61,63,67,71,72,74,75,76,79,80,82,83,86,87,88,89,90,119,127],itself:[32,35,42,55,66,75,86],ivector:[123,124],ivs:88,java:[33,68,78,82],jeremi:119,job:[14,32,42,44,45,48,82,129,133,134,136],job_desc:45,job_dispatch_packag:126,job_id:14,job_nam:[43,127,129],job_namespac:[127,129],job_path:[127,129],job_path_output:129,job_workspac:126,jobdesc:45,jobnam:[45,129],jobpath:[127,129],jobport0:127,jobport1:127,jobport2:127,jobport3:127,jobselector:129,jobserv:43,join:[35,106],jointli:9,jpg:15,json:[59,127,128],jth:9,judg:8,juditski:75,jupyt:43,just:[5,7,8,9,14,34,39,40,44,45,54,55,57,61,66,75,76,80,81,82,83,84,86,87,127],jx4xr:127,jypyt:30,k8s:[44,129,142],k8s_data:[127,129],k8s_job:30,k8s_token:30,k8s_train:[127,129],k8s_user:30,kafka:37,kcpu:77,kcuda:77,kdisabl:77,kebilinearinterpbw:119,kebilinearinterpfw:119,keep:[8,13,15,35,54,55,58,72,75,80,86,88,142],keep_top_k:8,kei:[2,14,15,29,31,32,33,35,37,39,51,53,62,66,82,83,88,91,110,111,119,129],kept:[8,63,80],kera:84,kernel:[8,31,53,55,62,65,75,77,84,87,89,90,113,114],kernel_hint:62,kernel_type_for_var:90,kerneltyp:[62,66],key1:134,key2:134,key_pair_nam:127,keyid:127,keymetadata:127,keypair:127,keyserv:127,keystat:127,keyusag:127,keyword:[80,129],kforcecpu:62,kill:[35,127],kind:[2,30,31,35,41,45,48,55,58,62,66,73,74,77,89,90,92,96,103,127,128,129],kind_:77,kmark:77,kms:127,knchw8c:70,knchw:70,knhwc:70,know:[30,39,44,63,67,117,127],known:[32,33,54,56,71],kpoprang:77,kpushrang:77,kriz:14,kselectedrow:87,ksimonyan:9,kstate:77,kube_cluster_tl:30,kube_ctrl_start_job:30,kube_get_workers_addr:44,kube_list_containers_in_job_and_return_current_containers_rank:30,kubeconfig:127,kubectl:[126,128,129,130],kuberent:[35,127],kubernet:[30,35,44,45,82,125,129,131,132,142],kubernetes_service_host:30,kusecudnn:62,kusemkldnn:62,kwarg:[2,9,10,13,49,59,80,88,106],l1_rate:6,l1_regularization_op:84,l2_rate:6,l2_regularization_op:84,l2_sim:8,l2regular:96,l93:38,label:[2,7,8,13,14,15,29,45,49,54,57,58,59,73,78,81,90,96,103,106,120,128],label_dim:[8,106],label_fil:81,label_lay:81,label_path:81,labelselector:129,lag:134,lake:2,lambda:[44,48],lambdacost:8,lambdarank:8,lan:125,languag:[2,8,14,44,54,58,63,77,82,86,96,103],larg:[11,14,45,47,48,63,67,75,111],larger:[6,7,8,63],larger_than:[33,60,78],last:[7,8,9,32,48,63,71,77,78,105,106],last_seq:[72,106],last_time_step_output:8,lastseen:128,latenc:[8,53,127],latent:8,later:[34,82,84,89,114,127],latest:[8,33,34,35,42,85,93,100,111,115,128,129,138],latter:[75,91,117],launch:[66,127],launcher:30,law:[2,96,103],layer1:[8,9,96,105],layer2:[8,96,105],layer3:8,layer:[4,6,7,9,11,13,16,28,29,32,33,38,44,45,47,54,57,58,60,73,75,78,81,82,84,88,89,91,96,98,103,104,105,108,109,112,120,123,124],layer_0:112,layer_att:97,layer_attr:[8,96,97,109,136],layer_help:62,layer_num:136,layer_s:123,layer_typ:[8,64,65],layerbas:112,layerconfig:112,layergradutil:112,layerhelp:[62,80],layermap:112,layeroutout:8,layeroutput:9,layers_test:93,layout:[15,66,90],layout_:[62,70],layouttyp:62,lazi:[75,84],lbl:7,ld_library_path:121,lead:[63,70],leaki:57,learing_r:73,learn:[6,7,8,9,10,14,30,32,40,42,45,47,50,57,58,63,65,72,74,75,77,81,82,84,89,100,119],learnabl:29,learning_r:[6,40,45,96,98,120],learning_rate_arg:98,learning_rate_decay_a:98,learning_rate_decay_b:98,learning_rate_schedul:98,leas:35,least:[7,35],leav:[33,127],lectur:63,lecun:14,left:[8,33],left_right_flip:15,legal:88,len:[2,8,40,44,51,54,80,104,106,112,129],length:[8,9,13,14,15,40,53,64,67,71,72,82,91,128],leran:63,less:[8,30,48,142],less_than:[30,63],let02:128,let:[7,8,30,33,42,44,55,56,58,62,66,70,71,72,73,83,89,90,117,127],level:[6,8,53,56,59,67,71,72,77,89,91,92,108,123],lgtest:34,lgtest_main:34,lib64:[93,100,134],lib:[69,99,117,118,121,138,139,140],lib_path:93,libapi:34,libari:69,libc:102,libcuda:[93,100],libgcc_:102,libgflag:121,libglog:121,libgoogl:[117,118],libiomp5:65,libmkldnn:65,libmklml_intel:65,libnvidia:[93,100],libopenbla:121,libpaddl:[68,69,82,111,117,118],libpaddle_capi:69,libpaddle_capi_engin:121,libpaddle_capi_lay:121,libpaddle_capi_shar:121,libpaddle_capi_whol:121,libpaddle_gserv:69,libpaddle_math:69,libprotobuf:[98,121],librari:[8,34,41,45,65,66,69,74,90,134],library_:70,library_type_:90,librarydevicecontext:70,librarytyp:90,libstdc:102,libz:121,licens:[2,65,74,96,103],life:35,lifecycl:[77,142],lifetim:86,lightweight:56,like:[7,8,13,14,32,33,34,35,38,43,44,50,54,55,56,57,58,59,61,66,70,74,75,80,81,82,83,84,86,87,90,91,117,120,127,142],limit:[2,8,13,54,63,67,72,82,84,96,98,103,119],linaro:140,line:[2,7,13,34,38,43,52,58,75,78,80,82,84,96,98,106,111,117,127,136],line_break:13,line_count:98,linear:[8,72,96,98,103,104],lineno:[117,118],link1:53,link2:53,link:[8,9,34,51,52,86,108,127,142],linux:[13,51,102,110,127,138,140],linux_x86_64:[85,93,102],lipo:139,list:[1,2,7,8,9,13,15,29,30,32,33,34,39,43,44,50,52,54,57,70,73,76,77,80,83,86,91,96,117,118,127,136],listdir:125,listen:[35,44,45],listen_and_do:44,listenanddo:44,lite:121,littl:[40,62,67],live:120,live_in:63,live_out:63,load:[15,30,35,45,57,74,80,103,127,129],load_and_transform:15,load_data_arg:4,load_imag:15,load_image_byt:15,load_missing_parameter_strategi:[133,134,136],load_mnist:57,load_paramet:98,loadparamet:4,loadsave_parameters_in_pserv:[38,133,134],loc:7,local:[6,29,31,33,35,41,42,58,63,71,78,80,82,99,117,129,133,134],local_scop:31,localhost:[100,115],localip:129,localpath:52,locat:[8,29,34,54,70,77,89,91],lock:[34,35,39,40],lod:[67,71,87,91,92],lod_desc:[87,92],lod_expand:72,lod_level:[80,87,92],lod_tensor:[71,87,92],lodtensor:[61,67,82,92],lodtensordesc:[67,87],log:[39,45,52,57,94,98,102,112,125,126,127,128,129,130,134],log_barrier_abstract:[133,134],log_barrier_lowest_nod:[133,134],log_barrier_show_log:[133,134],log_clip:[133,134],log_error_clip:[133,134],log_period:[128,129,134,136],log_period_serv:[133,134],logarithm:5,logger:[2,106],logic:[42,45,47,48,57,61,73,74,76,86,91],logit:[57,90],longer:[35,45,63],look:[2,7,33,43,44,54,55,58,75,80,83,84,120,127],lookahead:8,lookup:[61,72,120],lookup_t:63,loop:[31,33,54,63,77,81,86],loop_var:91,loss:[8,32,45,57,59,73,75,84],lot:[45,70,72,75,80,84,89,142],low:[8,73,74,89,91],low_rnn:71,lower:[8,53,71,72],lower_level_rnn:71,lpaddle_capi_engin:121,lpaddle_capi_lay:121,lpaddle_capi_shar:69,lpaddle_capi_whol:69,lrelu:57,lstm:[8,106,109,128],lstm_bias_attr:9,lstm_cell_attr:9,lstm_group:[9,106],lstm_group_input:106,lstm_input:106,lstm_last:106,lstm_layer_attr:9,lstm_nest_group:106,lstm_output:106,lstm_step:9,lstmemori:[9,97,106,109],lstmemory_group:[8,97,106],lstmemory_unit:97,lstmlayer:64,ltr:8,luckili:63,mac:[69,138],machin:[9,14,29,45,47,54,57,63,65,74,75,84,96,108,124,127,130,142],machine_transl:109,maco:[102,110],macro:[56,70,83],made:[35,40,54],mai:[2,8,9,31,33,45,49,53,55,62,63,66,74,77,81,82,86,90,96,103,127],main:[4,44,48,54,55,59,74,78,82,117,118,121,127],main_program:[32,49],mainli:[41,63,70,89],maintain:[8,33,39,75,80,82,127],majel:34,major:[45,53,90],make:[2,7,8,30,32,33,34,35,39,40,42,45,46,53,54,58,71,72,75,76,80,81,82,84,89,91,93,99,110,111,112,113,115,117,119,121,127,138,139,140,142],make_ddim:114,make_function_oper:56,make_vari:88,maker:[82,83],malloc:89,man:51,manag:[29,35,40,41,44,45,52,77,86,89,115],mandarin:8,mani:[9,15,32,34,39,44,54,57,62,63,72,76,77,80,82,83,86,87,88,90,91],manili:59,manipul:[54,80,83],manner:[8,75,84],mantain:63,manual:[45,73,75,83,98,142],manufactur:54,manylinux1:102,manylinux1_x86_64:[85,93,102],manylinux:85,map:[7,8,13,29,30,33,39,48,66,70,80,83,86,88,89,91,103,121,142],map_fn:91,map_read:13,mapper:13,mapreduc:30,mark:[32,47,57,58,71,72,77,86,117,142],marker:77,market:53,mask:[6,8],master:[30,42,82,85,140],mastermind:34,mat:[68,69,123],mat_cache_row:38,mat_norm:38,mat_normal_shar:38,mat_param_attr:9,mat_sparse_row:38,mat_sparse_row_auto_grow:38,mat_sparse_row_id:38,mat_sparse_row_prefetch:38,mat_sparse_row_prefetch_full_s:38,mat_value_shar:38,match:[34,53,96],matchbox:142,math:[9,65,68,82,112,113,119],mathemat:84,matirx:8,matmul:[33,59,71,91,113],matrix:[7,8,9,13,29,38,68,69,112,113,121,123,124],matrixptr:112,matrixtyp:69,mattyp:38,max:[6,8,13,14,31,46,48,63,80,98,105,119,136],max_diff:31,max_id:[8,29],max_job_id:14,max_length:[8,72,109],max_movie_id:14,max_relative_error:[31,113],max_sort_s:8,max_user_id:14,maxframe_evalu:7,maxid:7,maxid_evalu:7,maxim:[8,48],maximum:[7,8,14,33,40],maxinum:11,maxoutfunctor:89,maxpool:8,mayb:[33,66],md5:[14,36],mean:[6,7,8,9,10,11,13,15,29,32,34,45,46,48,59,72,79,81,86,90,96,117,120,127,134,142],mean_var_nam:8,meant:91,measur:49,mechan:[8,9,32,41,49,66,80,83,127],mem:[8,33,43,72,106],mem_per_pserv:45,mem_per_train:45,member:[8,14,30,48,58,59,70,76,80,86],memcpi:[76,119],memor:8,memori:[9,32,33,38,39,43,53,55,65,66,67,70,72,75,77,82,90,109,114,119,120,128],memory_boot:9,memory_nam:[8,97],memory_optim:63,memory_test:110,memory_threshold_on_load_data:[133,134],memoryalloc:89,memorydesc:66,mention:[32,34,39,45,47,54,71,74,75,77],mere:9,merg:[8,40,42,46,49,65,71,74,76,111,124],merge_model:124,merge_v2_model:124,merge_v2_modelss:124,messag:[33,44,50,54,55,58,67,77,78,79,80,82,83,87,92,93,111,128],metadata:[51,127,128,129],metal:142,metaphor:58,metaplotlib:30,method:[2,8,10,29,31,33,42,44,45,46,48,53,57,58,59,62,73,74,80,81,82,86,87,90,91,117,118],methodolog:75,metric:[49,77],mfs:129,microarchitectur:53,might:[8,33,34,44,54,63,78,117,127],million:14,min:[6,8,46,48,80,119,127,136],min_block:33,min_count:47,min_desc:33,min_pool_s:[2,96],min_word_freq:14,mind:117,mini:[8,13,29,33,35,49,50,54,60,71],mini_batch:81,minibatch:[8,33,49,58,60,78],minim:[33,45,47,48,54,57,73,82,120],minimum:8,minsizerel:[138,139,140],minu:83,minus_grad:83,minusgradop:83,minusop:83,minusopgradmak:83,minusopprotoandcheckermak:83,minut:[35,42,127],mip:138,mirror:34,mislead:40,miss:57,mistak:54,mit:127,mix:[9,77,91,109],mixed_lay:[9,106],mixed_layer_attr:9,mixedlayertyp:8,mixtur:117,mkdir:[52,99,115,121,127,130],mkl:[66,82,89,90,93,99,121],mkl_packed_:64,mkldnn:[8,65,70,90],mkldnn_:65,mkldnn_batch_norm:8,mkldnnactiv:65,mkldnnbase:65,mkldnnlayer:65,mkldnnmatrix:65,mkldnnstream:65,mkldnntester:65,mklml:[65,93],mklml_lnx_2018:93,mklpack:64,mklpackedgatedrecurrentlay:64,mklpackedgemm:64,mklpackedlstmlay:64,mklpackedrecurrentlay:64,mlp:59,mnist:[2,4,37,45,57,58,78,81,82,117,118,124],mnist_model:4,mnist_provid:2,mnist_random_image_batch_read:81,mnist_train:[2,81],mnist_train_batch_read:81,mnist_v2:124,mnt:129,mobil:[53,54,63,82,115,137],mode:[8,29,53,64,74,111,129],model:[8,9,14,29,32,33,35,36,44,45,47,48,49,58,63,64,73,74,75,82,84,90,91,103,104,115,124,127,136],model_config:4,model_list:[134,136],model_path:136,modelparallel:45,modern:63,modifi:[8,45,53,59,84,111,127],modul:[2,9,14,29,45,56,57,72,91,98,113,117,118],modular:72,modulo:8,moment:117,momentum:[6,86,96,103],momentumop:[117,118],mon:128,monitor:77,mono:8,month:34,more:[7,8,9,13,30,31,32,34,35,39,42,43,45,47,52,53,54,55,56,58,62,63,66,70,71,72,73,77,80,81,82,84,89,91,98,117,119,120,142],most:[8,13,29,30,32,34,42,45,55,58,59,70,72,75,77,81,84,89,117,120,142],mostli:[53,142],motiv:82,mount:[43,127],mountpath:[127,128,129],move:[8,35,39,52,54,75,127,142],movi:[2,14],movidiu:54,movie_categori:14,movie_id:129,movie_info:14,movie_review:14,movieinfo:14,moving_average_fract:8,mpi:[74,130],mpirun:130,mse:[54,58,73,78],much:[8,35,54,66,73,81,84,91],mul:[56,63,80,112,113],mul_grad:113,mul_op:113,mul_ratio:8,mul_result:80,mulgradkernel:113,mulkernel:113,mulop:[56,113],mulopgrad:113,mulopmak:113,mult:[44,55],multi:[8,49,74,76,90,117,142],multi_binary_label_cross_entropi:8,multigradientmachin:76,multinomi:8,multipl:[7,8,9,13,29,30,31,39,40,42,44,45,47,49,54,55,56,62,74,77,82,90,92,103,117,127],multiple_input:80,multiple_param_attr:80,multipli:[7,8,44],multiprocess:13,must:[5,7,8,9,13,15,32,40,48,63,66,67,70,77,79,80,81,82,88,92,96,112,113,114,125,127],mutabl:[89,114],mutable_data:[66,89,113,114],mutuable_data:89,mxnet:[33,44,54],my_cluster_nam:127,my_cost:98,my_external_dns_nam:127,my_lib:125,myerrorclip:48,myfil:13,mypaddl:[128,129],naiv:44,name:[6,7,8,9,11,15,29,30,31,32,33,35,37,38,40,43,44,45,49,53,56,59,62,65,66,67,69,70,72,77,78,80,82,85,87,88,91,92,98,103,104,106,109,112,119,120,128,129,131,132,136,142],name_:77,name_prefix:37,namespac:[33,60,68,80,112,113,128,129],nativ:[8,53],natur:[39,42,47,72,91],ncall:[117,118],nccl1:74,nccl2:74,ncclinit:74,nchw8:90,nchw8c:90,nchw:[8,65,70],ndarrai:[15,29,37],ndcg:8,ndcg_num:8,ndk:138,nearest:53,nearli:31,necess:91,necessari:[8,32,33,40,42,48,49,63,67,72,76,80,88,91],necessarili:44,neck:74,need:[7,8,9,13,30,31,32,34,38,39,40,42,43,45,47,48,49,52,54,55,56,57,62,63,66,70,72,73,74,75,76,77,79,80,82,83,84,86,87,88,89,91,93,119,127,129,142],need_tran:98,neg:[2,7,8],neg_distribut:8,neg_overlap:8,neg_pos_ratio:8,neglect:8,neighberhood:74,neither:8,neon:53,ner:7,nervana:54,nest:[8,13,32,33,77,78,92,123],net:[8,9,16,33,57,71,86,124],netop:[33,82],network:[4,6,7,8,13,28,29,30,31,32,33,35,38,45,47,49,57,59,63,64,65,71,73,75,77,80,81,84,86,88,89,90,92,97,103,104,106,123,124,129,136,142],network_config:136,networkadministr:127,neural:[8,9,13,29,30,32,33,35,45,59,63,64,65,71,75,84,86,89,90,92,104,106,108],neuralnetwork:76,never:[13,63,81,86,127,128,129],new_block_idx:80,new_op_desc:48,new_scop:90,new_stat:71,newblock:80,newbuff:66,newest:40,newli:[53,142],newop:33,newopdesc:80,newprogram:80,newscop:90,newvardesc:80,next:[2,8,14,32,35,41,48,72,74,91,117,127],nextlay:65,nfs4:127,nfs:[127,129],nfsdir:129,nfsver:127,ngram:14,nic:[129,133,134],nil:39,nine:14,nlp:8,nltk:14,nms_threshold:8,nms_top_k:8,nmt_without_attent:96,nnz:[112,123],no_cach:2,no_grad_dict:32,no_grad_set:[31,32,113],no_gradi:32,no_sequ:[2,8,103],node0:129,node1ip:130,node2ip:130,node3ip:130,node:[8,34,42,44,45,47,59,63,72,74,82,127,128,129,130,142],node_0:[127,129],node_1:[127,129],node_2:[127,129],node_id:125,nodeattr:59,nodeentri:59,nodefil:126,nodesep:59,nohup:125,nois:[8,35,57],noisi:[8,57],non:[8,35,53,54,87,127],none:[2,4,6,7,8,9,10,11,15,29,30,31,32,33,48,49,57,59,60,71,72,73,78,80,88,91,109,120],noneedtran:66,nor:44,norm:[9,57,70],norm_by_tim:8,normal:[8,9,14,75,128,129],notat:[8,63],note:[6,8,9,11,15,29,30,32,33,38,39,43,63,67,70,74,81,82,89,90,114,127],notebook:[43,100],noteworthi:54,noth:[5,29,62,80,86,111],notic:[8,48,54,74,83],notimplementederror:48,notin:90,notingradi:113,notion:91,notori:31,now:[13,32,34,35,47,57,67,70,75,82,83,84,86,108,127],np_arrai:13,nproc:110,nullptr:[66,77,83,86,112],num:[8,9,125,129,134],num_channel:[8,9],num_chunk_typ:7,num_class:[8,9,59],num_filt:[8,9],num_gradient_serv:[125,133,134],num_hidden:59,num_neg_sampl:8,num_parameter_serv:30,num_pass:[29,103,128,129,133,134,136],num_per_batch:15,num_pserv:45,num_repeat:8,num_result:7,num_results_per_sampl:8,num_row:87,num_samples_process:98,num_shard:37,num_step:91,num_train:45,number:[7,8,9,13,14,15,33,35,37,47,49,63,75,77,81,82,88,91,117,127],numchunktyp:7,numdevices_:136,numer:8,numeric_grad:31,numerical_grad:31,numlogicaldevices_:136,numofallsampl:7,numofwrongpredict:7,numpi:[6,13,15,29,37,53,57,80,81,98,99,103,113],numreal:38,numsampl:119,numtagtyp:7,numtimeout:39,nv_:34,nv_gpu:110,nv_librari:34,nv_test:34,nvcc:[34,53,55],nvidia:[53,70,74,89,93,100,110],nvlink:74,nvprof:77,obei:7,obj:[2,98],object:[2,6,8,9,13,29,30,38,45,48,49,57,59,63,68,73,77,80,82,84,86,119],observ:8,obtain:[2,8,42,75,96,103],obvious:[34,70,117],occup:[63,129],occupi:[53,77],occur:[14,29,63],occurr:33,oct:128,odd:8,off:[69,99,110,111,115,121,125,138,139,140,142],offer:[33,82,88],offici:[8,34,127],offlin:[35,37,142],offset:[8,38,123],often:[8,38,59,63,70,117],ograd:112,old:[31,40,42,72,82],older:54,omega:84,omit:96,omp_num_thread:[117,118],ompi_comm_world_rank:125,on_init:2,onc:[8,35,39,44,45,47,49,54,58,75,127],one:[2,5,7,8,9,11,13,29,30,31,32,33,35,38,39,40,42,43,44,45,48,49,50,53,54,55,56,57,59,61,62,66,67,70,71,72,73,74,75,76,78,79,80,81,82,83,86,87,89,90,91,120,123,127,142],onehotcrossentropyopkernel:113,ones:[56,57,82],onli:[7,8,9,11,15,29,30,31,32,34,38,39,40,41,42,43,44,45,47,48,49,50,52,53,54,57,58,63,66,71,72,73,74,76,77,80,82,87,88,89,90,91,106,108,123,127,142],onlin:[8,10,35,37,63,81],only_cpu:31,onnx:54,onto:[45,47,127],op1:[63,90],op1_2_op2:90,op1_to_op2:90,op2:[63,90],op3:63,op_:113,op_check:113,op_class:[82,88],op_desc:[48,61,79],op_info:120,op_kei:66,op_maker_class:[82,88],op_proto:88,op_registri:120,op_siz:48,op_test:113,op_typ:[82,113],op_unique_kei:66,opattrcheck:113,opcreat:88,opdesc:[33,48,58,78,79,80,82,83,88,92],opdescbind:[61,83],opdescbuild:33,open:[2,8,15,30,37,54,57,65,81,96,98,103,106,117,127],openbla:[99,100,121],opencv:15,openmp:117,openmpi:[125,130],opensourc:74,oper:[8,9,13,15,31,33,44,45,46,47,49,50,53,54,55,57,58,59,61,62,71,72,73,74,77,79,84,86,89,90,92,113,114,120,127],operand:53,operartor:114,operator_grad:31,operator_list:77,operatorbas:[33,56,82,83,88,113],operatorwithkernel:[90,113],opinfo:[61,82,83],opinfomak:61,opinfomap:83,opkernel:[113,114],opkernelkei:82,opkerneltyp:[70,90],opmak:88,opproto:113,opprotoandcheckermak:[83,113],opprotomak:[88,113],opregist:88,opregistri:88,ops:[31,32,33,34,44,55,58,59,75,78,79,80,82,89,113,142],ops_:33,ops_test:34,opt:[30,73,79,88,99,129],opt_op_list:73,optest:113,optim:[6,16,28,29,31,32,45,46,47,55,57,74,75,76,78,82,84,87,96,98,103,117,120],optimis:73,optimize_op_attr:80,optimzi:96,option:[7,8,30,34,45,57,62,67,78,79,80,82,87,88,92,117,138,142],optmization_op_list:73,opts_np:79,optyp:[61,88],opwithkernel:87,order:[8,9,13,15,29,32,58,67,77,81,84,91,117,118,127,129,142],ordereddict:29,oregon:127,org:[2,7,8,9,14,37,51,57,96,100,103],organ:[7,8],orient:88,origin:[8,9,13,14,31,53,57,86,91,111],other:[7,8,9,13,33,35,40,44,52,53,54,55,61,63,66,70,71,75,79,84,86,88,89,90,117,120,127,142],otherchunktyp:7,otherwis:[8,13,14,15,29,30,32,35,40,42,57,61,66,81],our:[30,32,34,45,47,57,61,63,70,74,75,86,91,117,127],out:[8,29,30,33,34,39,42,45,48,54,59,63,66,71,72,80,90,96,106,108,109,113,114,117,118,127],out_dir:[127,129],out_left:8,out_mem:109,out_memori:9,out_right:8,out_size_i:8,out_size_x:8,outer:[8,106],outer_mem:106,outer_rnn_st:106,outer_rnn_state_:106,outer_step:106,outgrad_:65,outlier:8,outout_lay:29,outout_layer1:29,outout_layer2:29,output:[5,6,7,9,11,13,29,30,31,32,33,37,42,44,47,48,52,55,56,57,58,59,60,61,63,66,67,71,72,75,78,79,80,81,82,83,86,87,88,89,90,91,96,103,106,109,113,114,117,124,126,128,129,136],output_:[8,65],output_all_step:71,output_arg_nam:48,output_fil:124,output_id:8,output_lay:[29,96,103,104],output_max_index:11,output_mem:[8,109],output_nam:31,output_num:71,output_path:37,output_seg:91,outputbuff:38,outputgradi:83,outputh:8,outputw:8,outsid:[2,8,9,45,86],outter:123,outter_pos_arrai:123,outter_seq_pos_arrai:123,outupt:91,outv:112,outval_:65,over:[8,9,29,30,54,63,74,75,91],overal:[57,75,77,142],overfit:84,overlap:[7,8],overlap_threshold:[7,8],overload:[53,62],overrid:[33,35,52,66,89,113,114],overview:[39,40,41,89],overwrit:52,own:[8,32,40,42,48,50,59,61,73,74,75,84,88,127],paam:15,pack:[91,98],packag:[13,14,39,43,44,56,65,85,93,117,118,127],pad:[9,66],pad_c:8,pad_h:8,pad_w:8,padding_attr:8,padding_i:8,padding_x:8,paddl:[2,4,5,6,7,8,9,10,11,13,14,15,29,30,33,34,35,37,43,45,52,55,56,57,60,64,65,66,67,68,69,71,72,76,78,82,84,85,88,89,91,96,98,99,100,102,103,104,109,110,111,112,113,115,117,118,119,120,121,123,124,125,126,127,128,129,130,136,138,142],paddle_arguments_get_sequence_start_po:123,paddle_arguments_set_id:123,paddle_arguments_set_sequence_start_po:123,paddle_arguments_set_valu:123,paddle_begin_init_param:40,paddle_capi:121,paddle_dir:113,paddle_doc:115,paddle_docs_cn:115,paddle_element_typ:40,paddle_element_type_float32:40,paddle_element_type_float64:40,paddle_element_type_int32:40,paddle_element_type_int64:40,paddle_element_type_uint32:40,paddle_element_type_uint64:40,paddle_enforc:[33,66],paddle_enforce_eq:[113,114],paddle_error:[68,69],paddle_exampl:43,paddle_finish_init_param:40,paddle_get_param:40,paddle_gradi:40,paddle_gradient_machine_create_shared_param:124,paddle_gradient_machine_forward:124,paddle_gradient_machine_load_parameter_from_disk:124,paddle_init:124,paddle_init_num_gradient_serv:125,paddle_init_param:40,paddle_init_port:125,paddle_init_ports_num:125,paddle_init_ports_num_for_spars:125,paddle_init_pserv:125,paddle_init_trainer_count:125,paddle_init_trainer_id:125,paddle_init_use_gpu:125,paddle_ivector:123,paddle_ivector_cr:123,paddle_job:43,paddle_manylinux_devel:99,paddle_matrix:[68,69,123,124],paddle_matrix_cr:[69,123],paddle_matrix_create_spars:123,paddle_matrix_get_row:123,paddle_matrix_get_shap:68,paddle_matrix_shap:68,paddle_matrix_sparse_copy_from:123,paddle_n:129,paddle_new_etcd_pserver_cli:40,paddle_new_pserver_cli:40,paddle_on_cloud:43,paddle_output:128,paddle_paramet:40,paddle_port:129,paddle_ports_num:129,paddle_ports_num_spars:129,paddle_process_by_paddl:129,paddle_pserver2:126,paddle_pserver_cli:40,paddle_pserver_client_releas:40,paddle_r:123,paddle_root:121,paddle_save_model:40,paddle_send_grad:40,paddle_server_num:129,paddle_train:[69,85,126,129],paddle_with_cuda:77,paddle_with_mkldnn:70,paddlepaddl:[2,8,9,13,14,15,29,34,35,37,40,41,42,43,44,45,51,52,56,57,58,60,62,67,71,72,73,76,77,80,81,82,86,91,92,96,99,100,102,103,104,109,110,111,116,117,118,119,123,124,125,126,128,129,131,132,138,140,142],paddlepaddle_gpu:102,paddlepaddlebook:100,page:127,pair:[7,32,33,45,58,73,77,82],pairwis:8,pakcag:34,paper:[8,57],para:38,paradigm:[44,50,82],paragraph:71,paragraph_data:71,paragraph_out:71,parallel:[44,45,47,74,77,82,90,119,127,128,129,136],parallel_for:44,parallel_nn:[6,133,134],paralleldo:46,parallelfor:44,param:[6,8,9,13,31,33,40,76,80,89,98,114],param_attr:[8,9,38,80,96,98,109],param_config_proto:40,param_fil:[98,124],paramattr:[6,8,16,96,98,109],paramet:[7,9,10,11,13,28,31,32,33,34,36,38,42,44,45,46,48,50,52,54,55,57,58,59,61,67,71,73,74,78,81,86,88,91,96,98,103,104,120,123,125,126,129,134],parameter_block_s:[133,134],parameter_block_size_for_spars:[133,134],parameter_learning_r:6,parameter_list:[32,73],parameter_nam:[29,30],parameter_serv:30,parameter_valu:38,parameterattribut:[6,8,9,38],parameterclient2:129,parameterclient_:38,parametermap:112,parametermutex_:38,parameters_:112,parameters_and_grad:73,parameterserver2:38,parameterset:30,parameterupdat:76,parameterupdater_:38,parametr:8,params_grad:73,params_pass_4:124,params_pass_90:103,params_pass_:103,paramt:127,paraspars:112,parent:[33,44,78,80,82],parent_:[33,86],parent_idx:80,parenthes:82,pars:[13,14,34,45,59,110,127],parse_config:4,parse_known_arg:129,parsefromstr:98,parser:[13,129],part:[7,8,32,33,42,45,54,66,67,78,80,89,117,142],partial:[8,29],partial_sum:8,particular:[58,67,82,90],partit:[35,37,45,47,82,127],paserv:129,pass:[2,8,29,32,33,35,48,49,54,57,63,67,73,75,76,79,80,81,82,84,86,91,96,103,111,119,127,128,129,134,136],pass_gener:8,pass_id:[29,45,103],pass_idx:81,pass_manu:98,passtyp:112,past:[30,127],patch:51,path:[7,13,14,15,29,35,39,40,43,63,72,81,121,127,128,129,134,138,139,140],path_to_paddlepaddle_working_directori:115,pattern:[14,35,68,75,84,127],paus:[35,42],pcie:74,pd_api:123,pdf:9,peer:[74,94],pem:[30,37,127],pend:[35,39],pep425tag:[93,102],per:[7,8,14,15,35,40,74,75,81,84],percal:[117,118],perf_test:[117,118],perform:[8,9,31,40,45,49,53,54,57,63,74,76,77,81,82,84,89,90,118,119,133],perftool:[77,117,118],period:[35,42,134],permiss:[2,96,103,127],peroid:[8,15],persist:[50,87,92,127],persistentvolum:127,persistentvolumeclaim:[127,129],person:[7,30,62],perspect:82,perturb:31,pex:142,pfs:[37,52],pfsclient:37,pfspath:52,pgp:127,phase:[66,72,74,75,81,83,142],philosophi:[75,84],photo:57,physic:142,pick:127,pickl:[125,130],pictur:74,piec:[9,44,77],pil:15,pillow:43,pip:[85,93,99,102,104,111,115,117,118],pipe:13,pipelin:49,piperead:13,pivot:66,pixel:[2,8,13,14,45],pixels_float:2,pixels_str:2,place:[2,32,33,35,42,45,47,50,62,66,74,82,90,114,120],place_:[62,70,89,90],placehold:[57,89,114],placement:47,plain:[7,8,13,43,67,69,70],plan:[35,44,66,82],platform:[33,55,66,70,77,89,90,102,113,114,120,127,138,139],pleas:[6,8,9,10,15,30,35,39,40,41,44,55,59,70,71,80,81,82,89,92,93,115,117,127,129],plot:30,plu:[8,31],plug:[74,75],pnpairvalid:133,pod:[37,43,44,127,128,129],pod_nam:127,podip:129,podlist:129,point:[33,35,43,53,63,66,74,89,114,117,119,123,142],pointer:[33,40,59,63,70,80,82,86,89,114,123],polar:14,poli:98,polici:127,pollut:42,polyak:75,ponit:59,pool3:112,pool:[9,28,46,63],pool_attr:9,pool_bias_attr:9,pool_layer_attr:9,pool_pad:9,pool_siz:[2,8,9],pool_size_i:8,pool_strid:9,pool_typ:[8,9],pooled_height:8,pooled_width:8,pooling_lay:[9,96],pooling_typ:[8,96,105],poolingtyp:11,pop:[33,50],popul:40,popular:[34,57,59,77],port:[34,44,117,125,127,128,129,133,134],port_num:133,portabl:59,portal:115,ports_num:[125,129,134],ports_num_for_spars:[38,125,129,133,134,136],pose:35,posit:[2,7,8,9,123],positive_label:7,possibl:[30,33,39,47,63,80,84,92],post:[43,51],postpon:84,potenti:[53,119],pow:98,power:[53,63,74,142],ppo_workspac:115,pprof:[117,118],pre:[8,9,14,30,40,62,63,127],pre_activ:80,pre_bia:80,pre_stat:[71,91],preambl:80,precis:[7,49,53,75],precision_evalu:7,precompil:50,pred:[59,63],predecessor:63,predetermin:8,predic:14,predict:[2,4,7,8,29,45,84,96,104,124],predict_fil:[133,134],predict_lay:29,predict_output_dir:[133,134],predict_sampl:4,prediction1:29,prediction2:29,prefer:[54,62],prefetch:[38,112],prefix:[7,9,35,37,72,127],pregrad:112,prepand:80,prepar:[31,43,76,125,130,131],prepend:80,prepend_oper:80,preprocess:[14,15,91],present:[30,32,33,77,91,111],preserv:52,prev_batch_st:[133,134],prevent:[10,30,35,39,42,48,84,117],preview:82,previou:[8,9,29,32,35,47,52,71,72,117,127],previous:8,previous_memori:33,price:[14,82,104],prim:66,primari:[54,58],primarili:[75,84],primit:[53,65,66,74,91],primitive_desc:66,primitivedesc:66,principl:[30,34,70],print:[4,6,29,30,45,54,59,80,93,102,103,104,117,130],print_graphviz:59,printallstatu:119,printer:7,printstatu:119,priorbox:8,prioriti:82,prite:7,privat:[33,69,77,80,86,87,88,89,91,111,114],privileg:127,pro:74,prob:[7,29,104],probabilist:8,probabl:[7,8,29,72],problem:[8,30,31,34,42,54,57,58,75,82,84],proc:100,proce:[13,35,81,127],procedur:[33,67],process2:106,process:[2,6,8,9,13,30,32,33,37,38,39,42,44,45,49,50,54,55,59,63,65,67,74,84,88,90,96,98,106,117,127,129],process_num:13,processor:[53,119],prod:111,produc:[8,9,13,35,54,59,81],product:[8,9,43,54,103,127],productgraph:128,prof:[117,118],profil:[16,52,77,118,119],profilerst:77,profl:118,proflier:[77,119],prog:129,program:[13,30,32,37,40,42,45,47,50,58,60,63,73,74,77,81,82,86,92,117,119,129],programdesc:[44,45,50,54,63,67,79,80,83,92],programm:[45,54,80],progress:[35,39],proj:8,project:[8,9,43,69],promis:[8,9,72],prompt:[52,54],prone:30,prop_kind:66,propag:[8,10,32,54,75],proper:62,properli:62,properti:[59,84],propos:[33,46,47,72,73,74,75,91],proprietari:65,protect:[53,88,112,113],proto:[11,62,67,70,78,82,88,92,113],proto_:88,protobuf:[29,33,43,44,45,50,54,55,58,59,63,67,78,80,82,83,88,98,121,124],protocol:[7,120,142],protomak:113,provi:125,provid:[8,14,30,33,40,43,44,49,50,53,54,57,59,61,62,70,74,75,77,80,84,88,89,91,96,104,106,117,127,133,142],provis:[127,142],prune:[8,33],ps_desir:35,pserver:[29,38,40,41,43,82,125,126,127,129,133,134],pserver_addr:40,pserver_cpu:43,pserver_id:36,pserver_mem:43,pserver_num_thread:[38,133,134],pserver_spec:29,pseudo:[30,32,43,83,91],pseudocod:91,psize:112,ptr:[69,89],pub:130,pull:[34,82,85,100,138],purpos:[8,35,45,47,62,119],push:[33,50,54,77,85,129],push_back:112,put:[34,35,38,47,63,66,80,89],pvc:127,pwd:[99,100,110,111,115,138],pxe:142,py_paddl:[4,93],pybind:[33,53],pydataprovid:96,pydataprovider2:[2,4,129],pyramid:8,pyramid_height:8,python2:[117,118],python:[29,30,33,41,49,50,54,56,57,58,59,62,68,72,76,77,82,85,89,91,93,96,99,102,104,109,110,111,112,113,115,118,120,124,125,130],pythonpath:93,pytorch:[54,77],qualcomm:53,queri:[7,8,127],query_id:7,question:[8,30,44,47,88,127],queue:47,quick:59,quick_start:[43,127,128,129,131],quick_start_data:128,quickli:[72,80,82],quickstart:128,quit:72,r14b:138,r_t:8,rais:[13,48,59,125],rajathkmp:57,ran:[47,119],rand:[57,98,119,123,134,136],rand_max:123,random:[6,8,13,37,57,70,76,80,81,98,113],random_crop:15,random_imag:37,randomli:[15,42,123],rang:[8,13,37,44,45,53,57,63,77,81,88,129],rank0:74,rank1:74,rank:[8,30,91,127],rankdir:59,rapid:83,rare:2,raspberri:141,raspberrypi:140,raspbian:140,rasspberri:140,rate:[6,7,8,9,10,14,40,96,129],rather:[32,43,57,91,127],ratio:[8,134],raw:[8,67],rdma_tcp:[133,134],reach:[35,63,74],read:[2,13,15,29,30,32,35,37,44,45,47,54,55,81,82,91,98,127,142],read_from_arrai:63,read_from_realistic_imag:30,read_from_rng:30,read_lock:36,read_minibatch:54,read_mnist_imag:30,read_next_from_fil:96,read_paramet:98,read_ranking_model_data:30,readabl:[77,82,117],reader:[14,29,37,45,53,57,58,78,103,117,118,125],reader_cr:37,reader_creator_bool:81,reader_creator_random_imag:[13,81],reader_creator_random_image_and_label:[13,81],readi:[35,127,128,142],readlockguard:38,readm:[69,111],readwritebuffer_:38,readwritemani:127,real:[8,38,57,81],real_process:2,realist:30,realiz:[33,71],realli:[54,84],reason:[9,30,31,35,54,128],recal:7,receiv:[35,43,45,47,71],recent:[63,75],recognit:8,recommend:[9,30,129],record:[13,39,66,77,88,127],recordev:77,recordio:[13,14,30,37,39],recov:[35,91],recover:82,recoveri:39,rectifi:8,recurr:[64,71,86,106,107],recurrent_group:[9,97,106,108,109],recurrent_lay:9,recurrent_op:91,recurrentgradientmachin:[69,72,91],recurrentgroup:7,recurrentlay:64,recurs:[32,33,34,52,63,82],recv:[44,45,47,74,127],recvparametertyp:38,red:[57,117],redirect:13,reduc:[8,47,53,74,82,117,118],reduce_by_kei:82,reduce_mean:57,refactor:[45,47,58,72,75,76,80,84,91],refer:[6,8,9,10,15,31,33,35,39,40,41,44,53,59,66,70,71,74,78,80,82,84,86,89,91,92],referenc:39,refine_unknown_arg:129,reflect:39,reg:88,regard:142,region:[8,86],regist:[63,70,83,89,90],register_gpu_profil:119,register_lay:112,register_op:[56,82,83,88,113],register_op_cpu_kernel:[89,113],register_op_cuda_kernel:[89,113],register_op_without_gradi:[82,113],register_oper:[61,83],register_tim:38,register_timer_info:119,registerop:88,registr:120,registri:[43,61,89,128,142],regress:8,regular:[6,16,32,96,127],reiniti:66,rel:[9,31,42,84],relat:[35,42,43,53,70,77,86,90,117,142],relationship:[83,89],releas:[85,93,121,127,138,139,140],reli:[31,44,72,73,75,84,117],reliabl:[35,84],relu1:59,relu2:59,relu:[8,57,59,63],relwithdebinfo:[117,118],remain:91,rememb:8,remind:89,remot:[6,34,38,45,82,111,127,134,136],remoteparameterupdat:[38,41],remov:[13,32,45,52,54,72,111],renam:[32,52,53],reorder:66,reorder_primit:66,reorgan:8,repeat:[33,58,78,79,87,88,92,117],repeatedli:[58,63],replac:[34,39,61,75,83],replic:45,replicaset:43,repo:[34,140],report:[39,53,54,77],reportdataset:39,repositori:[8,115,138],repres:[8,9,32,33,39,44,45,47,48,54,59,67,70,72,75,80,82,84,87,89,91,92,127],represent:[8,40,45,55,57,58,63,70,72,87],request:[34,35,38,42,44,82,85,127,128,142],requir:[2,7,8,30,32,35,40,42,43,45,47,48,52,53,59,63,65,71,75,77,78,79,82,84,87,88,92,96,103,115,127,142],requisit:63,research:[14,45,54],reserv:[2,52,96,103],reserveoutput:112,reset:[8,35,49,94],reset_program:49,resetingrad:65,resetinvalu:65,resetoutgrad:65,resetoutvalu:65,resetxxx:65,reshap:[31,81,98],reshape_s:8,resiz:[15,38,89,113,114],resize_s:15,resize_short:15,resolv:[34,111,128],resourc:[45,50,74,77,89,127],respect:[31,48,53,57,71],respons:[8,38,45,49,57,74,75,76,84,127,128],rest:[33,43,51,55,90,142],restart:[35,40,127,128,142],restartpolici:[127,128,129],restor:[31,75],restrict:[84,86,117,118],result:[2,5,7,8,29,31,32,39,49,57,58,59,63,67,72,73,74,76,103,117,119,120,127],result_fil:7,resum:42,retran:127,retriev:[33,72,86,117],return_seq:9,reuqest:85,reus:[33,42,72,81,82],rev:110,revamp:45,reveal:[30,117],revers:[8,9,32,108,109],review:[14,44,111,128],reviews_electronics_5:128,rewrit:34,rgb:[8,15],rho:10,rid:54,right:[2,8,31,32,33,34,43,49,63,82,84,96,103],ring:74,risk:32,rkt:[43,110],rmsprop:[75,96],rmspropoptim:75,rnn:[8,9,33,54,57,72,80,82,86,108,109,133],rnn_bias_attr:109,rnn_layer_attr:109,rnn_out:109,rnn_output:91,rnn_state:106,rnn_state_:106,rnn_step:8,rnn_use_batch:[64,133,134],rnnalgorithm:72,rnnlm:14,rnnstep:91,roadmap:91,robust:8,rocmplac:70,roi:8,role:[14,30,39,40,45,74,127],rollback:80,root:[10,11,32,74,127,128,129],rot:8,round:[53,74],routin:[53,65,74],row:[7,8,13,38,123],row_id:8,row_offset:123,rowoffset:123,rows_:87,rpc:39,rpcserver:39,rpi:140,rpi_arm_neon:140,rpi_toolchain:140,rsize:127,rstrip:129,rtk:142,rtype:13,rule:[7,32,45,48,54,58,127],run:[30,31,32,33,34,35,43,44,45,46,47,49,53,54,55,56,57,58,59,63,66,70,71,73,74,75,77,78,79,80,82,85,86,87,89,90,93,99,100,110,111,114,115,117,118,119,125,126,127,128,129,131,132,138,142],run_test:99,runinitfunct:[119,129],runnabl:47,running_on_cloud:43,runserv:115,runtim:[2,33,44,45,61,71,82,92,93],runtime_table_:33,s_block:32,safe:43,sai:[8,55,58,60,63,81],said:54,same:[2,7,8,9,29,30,31,39,40,42,44,45,56,57,59,62,63,71,72,74,80,82,83,86,90,91,106,114,127],samping_id:8,sampl:[2,7,13,14,49,57,80,88,123],sample_id:7,sample_num:7,sampler:57,satifi:[7,63],satisfi:[34,66,87,127],save:[2,8,13,29,35,37,39,40,43,44,45,58,59,63,67,75,87,92,127,128],save_dir:[128,129,134,136],save_only_on:[133,134],save_parameter_to_tar:[29,103],savetxt:98,saving_period:[129,133,134],saving_period_by_batch:[133,134,136],saw:2,scalabl:82,scalar:[8,32,33,60,91],scale:[5,45,47,75,83,88,113],scaleop:113,scaleopmak:[82,113],scalingproject:8,scan:[32,39,63,82],scatter:[8,32,74],scenario:72,schdule:127,schedul:[39,43,47,127],scheduler_factor:6,scheme:[7,10,38,84],scienc:63,scope:[31,44,46,50,55,90,120],score:[7,8,72],scp:130,script:[14,74,99,115,126,127,130,138],sdk:139,search:[8,35,86,109],second:[8,30,44,52,54,57,59,71,72,78,79,81,86,88,113],secret:127,section:[32,47,54,80,117,127],see:[2,8,9,30,32,35,44,47,53,54,80,96,98,103,117,127],seed:[98,119,134],seem:[34,53,54],seen:84,segment:[7,71,91],sel_fc:8,selcet:8,select:[8,72,127],selected_generation_scor:72,selected_id:[8,72],selected_indic:8,selected_row:[87,92],selected_rows_desc:[87,92],selected_scor:72,selectedrow:[61,92],selectiv:8,selector:128,self:[31,48,49,57,59,63,64,65,67,73,80,91,112,113],self_addr:44,selfnorm:8,semant:[14,30,72,85],semat:30,send:[35,40,44,45,47,62,74,82,88,127],send_back_parameter_typ:38,sendbackparameterspars:38,sendbackparametertyp:38,sendparameterrequest:38,sendparameterrespons:38,sens:[75,84,117],sensit:8,sent:[30,40,44,45,82,88,92,128],sentanc:96,sentenc:[2,8,14,54,71,72,91,106,109],sentence_input:91,sentence_last_state1:106,sentence_last_state2:106,sentiment:2,sentimental_provid:2,sentimental_train:2,separ:[7,40,45,56,75,83,84],seper:91,seq:[8,14,106],seq_len:91,seq_po:123,seq_pool:[8,105],seq_pos_arrai:123,seq_silc:8,seq_text_print:7,seq_typ:13,seqlastin:106,seqtext_evalu:7,seqtoseq:[8,98],seqtoseq_net:8,sequel:2,sequenc:[2,5,7,8,9,11,13,14,32,33,44,50,54,58,64,73,78,91,96,103,106,108,123],sequence_group:8,sequence_layer_group:106,sequence_nest_group:8,sequence_nest_layer_group:106,sequence_start_posit:123,sequencegen:106,sequencestartposit:8,sequencetextprint:7,sequencetyp:[2,8,103],sequenti:[8,33,44],seri:[9,106],serial:[29,33,39,67,76,82],serializ:[82,92],serv:[45,53,82,91,127],server:[30,34,38,41,42,45,55,74,82,94,99,125,126,129,134,142],serverless:35,servic:[117,142],sess:[57,59,73],session:[59,73,79],set:[2,6,7,8,9,13,14,15,29,30,32,35,43,57,61,63,66,70,71,72,77,79,80,82,83,86,89,91,96,98,103,106,110,113,114,115,117,119,123,127,128],set_active_typ:112,set_attr:48,set_default_parameter_nam:6,set_drop_r:112,set_float_el:31,set_input:[8,48],set_output:48,set_siz:112,set_typ:[48,112],setdatatyp:87,setdefault:113,setp:127,setq:110,settotalbyteslimit:98,setup:[45,75,85,112,113,142],sever:[7,8,31,38,45,47,57,71,72,74,76,77,80,87,89,91,127],sexstant:142,sgd:[29,30,35,43,47,75,76,87,103,120,125,133],sgd_optim:120,shall:[32,34],shape:[7,8,13,29,31,32,33,45,57,60,70,71,78,80,82,87,89,103,120],shard:[35,36,37,38,39,40,42,45,47,125,127],share:[8,34,57,69,76,80,82,84,89,91],shared_bia:9,shared_bias:8,shared_librari:34,shared_ptr:[66,68,69,86,89,114],shell:127,shift:8,shorten:8,shorter:15,should:[6,7,8,13,15,29,30,31,32,33,40,43,45,48,49,53,55,56,57,61,62,66,70,71,72,73,75,76,77,78,81,82,83,84,87,88,90,91,92,108,113,115,127],should_be_fals:30,should_be_tru:30,should_shuffl:[2,106],show:[7,10,32,33,35,52,54,60,63,67,71,74,75,78,91,110,127],show_check_sparse_distribution_log:[133,134],show_layer_stat:[133,134],show_parameter_stats_period:[128,133,134,136],shown:[8,30,45,49,74,77,127],shrunk:48,shuf:96,shuffl:[13,45,96],sid:127,side:[8,29,45,49,63,76],sig:127,sigint:126,sigmod:88,sigmod_op:88,sigmod_output:88,sigmoid:[8,33,88,91],sigmoidactiv:[9,106],sign:[51,67,127],signatur:127,similar:[8,33,44,45,47,50,54,72,75,77,81,82,84,89,90,91,117,127,142],similarli:[8,13,54,63],simpl:[5,7,8,9,13,14,29,44,47,53,55,58,59,63,71,75,78,84,86,88,91,129],simple_attent:109,simple_gru:109,simple_lstm:[8,97],simple_rnn:[8,109],simple_transform:15,simpler:76,simplest:127,simpli:[8,15,30,40,45],simplifi:[30,72,80,88],simul:[54,139],simultan:127,sinc:[8,9,35,39,41,42,45,46,54,61,63,66,70,75,80,81,83,84,91,127,142],singl:[7,9,13,32,35,45,47,49,53,62,74,82,86,117],singleton:[44,46],sinlg:29,sit:45,site:[34,117,118,127],situat:[32,79,90],size:[2,7,8,9,13,14,15,29,35,37,38,40,45,53,57,63,67,72,75,80,81,87,88,89,91,96,98,103,104,106,109,112,113,114,120,123],size_a:8,size_b:8,size_in_byt:66,size_t:[38,89,91,112],sizeof:[33,123],skip:[32,81,98,111,127],sleep:129,slice:44,sliceproject:8,slide:[8,10,14,35],slight:54,slightli:57,slope:8,slopeinterceptlay:8,slowli:117,small:[8,14,31,44,55,57,65,72],small_messag:[133,134],smaller:[31,35,53,72],smart:86,smooth:8,snap:128,snapdragon:53,snapshot:[36,42,127],snippet:[56,73,127],sock:43,sock_recv_buf_s:[133,134],sock_send_buf_s:[133,134],socket:129,softmax:[8,9,30,33,45,47,54,59,60,72,78,96,109,112],softmax_param:98,softmax_param_attr:9,softmax_selfnorm_alpha:8,softmaxactiv:106,softmaxoutput:59,softwar:[2,53,77,96,103,142],solid:57,solut:[74,142],solv:[30,32,63,82],some:[6,8,13,15,29,30,32,33,34,38,39,40,42,43,45,47,48,53,55,56,57,58,62,63,66,70,71,72,73,78,79,80,81,82,83,86,89,90,91,127,142],some_c_api_funct:69,some_inst:69,some_op:[61,71,91],some_python_class:68,somecppclass:68,somedata:29,somegotyp:68,someth:[32,38,80,117],sometim:[8,77,81],somewhat:40,somewher:86,soon:35,sort:[8,14,91,117,127,129],sort_by_length:91,sourc:[8,14,31,34,52,54,57,65,67,69,72,81,82,117,127],source_dict_dim:[72,109],source_dict_s:72,source_language_word:[72,109],space:[7,8,47,53,80,84],space_seperated_tokens_from_dictionary_according_to_seq:7,space_seperated_tokens_from_dictionary_according_to_sub_seq:7,span:77,spars:[6,8,10,13,38,96,112,123,125,127,129,134,136],sparse_binary_vector:[2,13,96,103,123],sparse_binary_vector_sequ:[13,123],sparse_binary_vector_sub_sequ:123,sparse_float_vector:[2,13,103],sparse_float_vector_sequ:13,sparse_non_value_slot:13,sparse_remot:38,sparse_upd:[6,38,96],sparse_value_slot:13,sparse_vector:[96,123],sparse_vector_sequ:123,sparse_vector_sub_sequ:123,sparseparam:112,sparseprefetchrowcpumatrix:112,spatial:8,spatial_scal:8,spec:[127,128,129],special:[8,32,40,45,53,55,61,70,72,73],specialvartypeinfer:61,specif:[2,29,32,34,35,45,48,52,55,72,82,86,89,96,103],specifi:[7,8,30,31,38,39,40,43,44,45,46,48,49,50,52,57,67,77,80,86,88,91,115,117,127],speech:8,speed:[8,9,53,67,74,75,142],speedup:77,sphinx:[68,115],split:[2,8,13,42,44,46,54,60,72,82,91,106,125,127],split_count:[125,127,129],spread:32,squar:[8,10,11,59],square_error_cost:[103,120],squash:111,srand:[123,134],src:[34,66,93,125,126,129],src_backward:109,src_dict:98,src_dict_path:98,src_embed:[72,109],src_forward:109,src_primitive_desc:66,src_root:4,src_word_id:[72,109],src_word_vec:72,sreializ:92,srl:14,ssd:8,ssh:[127,130],ssh_server:126,sstabl:30,stabil:[8,31,63],stabl:[85,127],stack:[50,82,91,127],stackexchang:8,stage:[34,41,46,57,63,66,92,111],stale:35,stamp:93,standalon:138,standard:[6,13,54,82,84,117],stanford:[14,31,128],star:34,start:[8,9,29,32,34,35,38,39,40,42,43,45,46,72,74,76,77,93,111,117,123,128,129,134],start_mpi_train:130,start_op_idx:32,start_paddl:129,start_pass:[133,134],start_po:8,start_pserv:[133,134],startpaddl:129,startup:[35,43,54,127],stat:[119,134],state:[8,9,33,35,49,50,71,72,77,86,91,97,108,128],state_act:[8,9,106],statem:63,statement:[54,58,63,127],statfulset:129,static_cast:[66,114],staticinput:[8,108,109],statist:[8,49,77],statset:119,statu:[43,72,111,119,127,128,129],status:128,std:[29,34,38,59,61,62,66,68,69,77,79,82,83,86,88,89,112,113,114,134],stdbuf:125,stderr:126,stdout:[13,126],step:[8,9,11,31,33,35,40,45,47,49,54,57,58,64,72,75,76,80,82,88,91,106,108,109,117,127,142],step_gradi:32,step_id:91,step_input:91,step_net:33,step_output:91,step_scop:82,stepnet:[33,71,82,86],stepout:106,still:[32,39,42,45,54,63,83],stirng:80,stmt1482205552000:127,stmt1482205746000:127,stochast:[10,35,39,42,75],stop:[8,80],stop_gradi:80,storag:[51,53,127],store:[7,8,14,29,31,33,34,38,50,59,61,67,70,72,76,78,80,82,83,84,86,91,127],str:[15,29,32,43,91,129,136],straight:[78,81,87],straightforward:66,strategi:[11,35,80,134],stream:[13,45,66,77,89],stream_:89,street:8,strict:81,stride:[8,9,66,70],stride_i:8,stride_x:8,string:[2,7,8,13,15,29,32,33,39,52,59,62,67,77,78,79,80,82,83,86,87,88,92,112,113,127,134],strip:[98,106,117],struct:[39,40,51,53,61,62,69,70,77,83,88,90,98],structur:[32,33,39,54,57,67,72,78,80,82,87,127],sts:127,stuff:111,stun:2,style:[8,82,88],sub:[7,8,13,30,32,42,44,47,57,63,71,74,76,80],sub_block:32,sub_nest_seq:8,sub_sequ:[2,8,103],subclass:80,subcommand:52,subgradi:10,subgraph:[47,57],submiss:45,submit:[66,82,127],subnet0:127,subnet:[30,127],subobjectpath:128,subseq:[105,108],subsequ:[8,74],subsequenceinput:[8,106],succ:63,succeed:[39,128],success:[8,40,127,128],successfulcr:128,sucess:63,sucessor:63,sudo:[110,127],suffer:31,suffix:[43,125],suggest:[8,34],suit:142,suitabl:87,sum:[8,10,32,33,36,46,61,80],sum_op:32,summar:[57,77],summari:77,sumopgradmak:83,sumpool:96,supercomput:63,suppli:87,support:[6,7,8,10,11,13,15,31,33,35,42,43,44,45,47,54,56,57,63,66,67,70,72,75,76,77,79,81,82,83,84,87,90,102,106,127,142],support_inplac:63,suppos:[9,34,44,56,87,123],suppress:[8,52],sure:[117,127],surpass:8,sutibal:89,svs:88,swagger:51,swig:[41,68,69,99],swig_paddl:4,switch_ord:97,switchop:33,sychron:74,symbol:[8,33,59,69],symbols_ready_:33,symbolt:[33,82],symlink:111,sync:[35,75,84],sync_with_cpp:[117,118],syncflag:112,synchron:[35,39,66,74,77,127],syntax:[44,50,54,72,81],sysroot:138,system:[33,34,35,40,42,45,47,51,56,57,63,65,96,117],tabl:[7,8,33,44,54,61,67,87,92],tablelookup:87,tablelookupgrad:87,tablelookupop:87,tableproject:8,tag:[7,14,85,93,100,111,125],tagtyp:7,tail:72,tainer_id:129,take:[2,7,8,9,13,29,30,32,33,34,35,42,44,45,48,50,53,55,57,58,60,61,63,66,70,75,78,79,80,81,82,83,89,90,91,117,127],taken:[8,48,59,63,70,91],talk:[40,55],tangl:117,tanh:[8,9,57,72,109,112],tanhactiv:[9,106],tar:[15,29,93,103,124,127],tarbal:127,target:[8,14,29,32,33,34,48,50,57,59,73,79,82],target_block:[32,48],target_dict_dim:109,target_dict_s:72,target_dictionary_dim:8,target_language_embed:8,target_language_word:109,target_link_librari:34,target_word:72,targetinlink:[8,106],task:[7,8,45,67,72,77,88,124],task_queu:39,taskentri:39,taskqueu:39,tbd:[41,66,106],tcp:[127,134],tear:119,technic:[32,35],techniqu:[63,117],technolog:54,tee:128,tell:[35,39,40,72,88],templat:[56,66,88,89,113,114,128,129,142],tempor:8,temporari:[32,43,50,63,75,80],tempori:63,tensor:[31,34,44,46,47,53,54,55,57,59,61,62,66,67,70,71,72,87,91,92,113,120],tensor_arrai:44,tensor_array_read:91,tensor_array_s:91,tensor_array_stack:91,tensor_array_unstack:91,tensor_array_writ:91,tensor_data:67,tensor_in:90,tensor_s:31,tensor_test:34,tensor_to_check:31,tensorarrai:46,tensorarraydesc:91,tensordesc:[67,87],tensorflow:[33,44,45,47,54,57,60,84,91],term:[8,9,35,83,84],termin:128,terminolog:63,tessorarrai:91,test100:14,test10:14,test1:37,test:[1,2,8,13,14,15,29,30,31,34,59,69,75,81,85,104,111,112,113,114,119,120,123,125,130,134,136],test_:113,test_all_data_in_one_period:128,test_check_grad_ingore_i:113,test_check_grad_ingore_x:113,test_check_grad_norm:113,test_check_output:113,test_compar:93,test_comparespars:93,test_comparetwonet:93,test_comparetwoopt:93,test_config_pars:93,test_data:4,test_data_dir:125,test_fcgrad:112,test_gpuprofil:119,test_layergrad:112,test_list:[2,98],test_mkldnn:65,test_mklpack:64,test_mul_op:[99,113],test_networkcompar:93,test_pass:[133,134,136],test_period:[133,134,136],test_predict:93,test_pydataprovid:93,test_pydataprovider2:93,test_pydataproviderwrapp:93,test_recurrent_machine_gener:93,test_recurrentgradientmachin:[93,106],test_swig_api:93,test_train:93,test_traineronepass:93,test_wait:[133,134],testa:30,testb:30,testbilinearfwdbwd:119,testconfig:112,testfcgrad:112,testfclay:112,testlayergrad:112,testmulop:113,testq:30,testresult:29,testutil:112,text1:52,text:[2,7,9,13,30,67,71,77,127],text_fil:13,tflop:119,tftp:142,tgz:[14,93,102],than:[6,7,8,9,32,35,43,44,48,54,55,56,57,80,82,84,91,98,123,127,142],the_step:54,theano:54,thei:[8,30,32,34,35,40,42,44,47,48,52,54,57,58,62,63,72,73,77,80,82,88,91,92,119,127],them:[7,8,9,15,30,31,32,34,35,38,43,47,48,54,55,56,61,62,63,72,80,81,82,83,86,87,88,90,91,92,119,127],themselv:[32,34],theori:54,therefor:[32,63,75],therein:[8,33],theta:57,theta_d:57,theta_g:57,thi:[2,6,7,8,9,10,13,14,15,29,30,31,32,33,34,35,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,56,57,58,59,62,63,66,70,71,72,73,74,75,76,77,78,80,81,82,83,84,87,88,89,90,91,96,102,103,117,119,120,123,127,142],thin:61,thing:[2,45,57,82,89],think:[30,34],third:[8,35,59,117,123],third_parti:[8,65,93,121,138,139,140],those:[8,33,34,35,56,58,59,60,78],though:[91,142],thought:34,thread:[44,46,77,117,119],thread_count:46,thread_id:77,thread_id_:77,thread_local_rand_use_global_se:[133,134],thread_pool:46,threadid:136,threadloc:119,threadpool:44,three:[7,8,31,32,35,49,53,54,55,58,66,72,73,76,77,78,81,89],threshold:[6,7,8,35,39,48,134],through:[8,32,34,35,39,41,49,63,73,75,115,120],throughout:50,throughput:119,thrust:82,thu:[8,42,49,59,63,127],tier:128,time:[8,9,11,13,29,30,31,34,35,39,42,45,47,48,54,56,61,63,64,70,71,72,74,77,80,81,82,83,87,88,91,92,106,117,118,119,123,128,129,134,142],timelin:[8,77,82],timeo:127,timeout:[35,39],timeout_sec:13,timer:119,timestamp:[8,36],timestep:[8,86],titan:63,titl:[14,129],tls:51,tmp:[2,80],to_chw:15,to_no_sequ:[8,105],to_sequ:[8,105,106],to_tar:29,to_your_paddle_clone_path:115,todo:[7,13,14,33,35,39,42,72,88],toend:8,togeth:[8,9,13,29,32,91],token:[7,8,30,109],toler:[29,31],too:[14,31,44,48,66,90,91],took:142,tool:[77,115,117,127,129,138,140],toolchain:[117,138],top:[7,29,71,72],top_k:[7,72],top_level_rnn:71,topic:66,topk_generated_scor:72,topk_id:72,topk_scor:72,toplevel:110,topolog:[30,35,45,59,63,67,76],topoloi:59,topolopi:29,torch:[33,54],toronto:14,tostr:98,total:[29,35,47,49,74,77,81,117,119,128,142],total_pass:81,tottim:[117,118],touch:93,toward:54,trace:[33,55,57],track:[35,39,59,80,111],tractabl:8,tradit:[8,33,53],traffic:45,trail:13,train100:14,train10:14,train:[1,2,6,7,8,13,14,15,32,33,37,39,40,42,44,48,49,50,54,55,57,58,63,64,67,74,75,76,77,78,79,80,82,84,87,89,92,94,96,100,103,109,125,126,128,129,130,131,132,134,136],train_arg:129,train_args_dict:129,train_args_list:129,train_config_dir:[127,129],train_data:125,train_data_dir:125,train_i:103,train_id:127,train_list:[2,98,125],train_loop:54,train_read:[45,103],train_x:103,trainabl:[8,67,80],trainer:[2,4,30,36,37,38,39,41,45,47,55,64,65,75,76,82,103,112,125,129,134,136],trainer_config:[1,2,4,124,127,128,129],trainer_config_help:[2,112],trainer_count:[96,104,125,127,128,129,133,134,136],trainer_cpu:43,trainer_cr:43,trainer_gpu:43,trainer_id:[125,127,129,134],trainer_intern:38,trainer_mem:43,trainer_packag:43,trainer_prog:45,trainerconfighelp:98,trainerid:[42,129],trainingjob:45,trainonebatch:38,tran:[66,112],trans_var:90,transact:[35,39],transfer:[63,77],transform:[8,9,15,82],transform_param_attr:9,transformed_st:9,translat:[8,9,63,96],translation_id:72,translation_scor:72,transpar:72,transpil:44,transpos:[8,15],transposedfullmatrixproject:8,travel:2,travers:[32,58,63],travi:111,treat:[8,33,40,63],treatment:[40,53],tree:[8,33,44,50,54,80,120,129,140],trg_dic_siz:72,trg_embed:[72,109],trick:72,tricki:68,trigger:[42,76],trim:8,trivial:[72,91],true_block:[33,60,78],true_imag:81,true_label:81,true_neg:49,true_posit:49,true_read:81,truth:[7,8],tune:[6,117,118,133],tupl:[8,9,13,14,15,29,32,80,81],ture:8,turn:[8,80,81,108],tutori:[117,127,129,130,131,132],twice:[47,57],twine:85,two:[7,8,9,30,32,40,41,42,43,44,45,49,52,53,54,55,57,58,61,63,67,70,72,75,77,78,81,82,83,84,86,87,88,90,91,92,113,114,119,127],txt:[2,34,43,52,64,65,112,115,125,127,130],type:[2,7,8,9,11,13,14,30,32,33,35,38,39,42,43,45,51,52,53,55,61,62,66,67,68,69,71,72,78,79,80,81,82,83,84,87,88,89,90,92,103,104,106,109,112,113,114,123,127,128,136],type_nam:88,typedef:[40,53,68,69,70,89],typeerror:48,typeid:88,typenam:[56,88,89,113,114],typic:[7,45],ubuntu:[85,102,104,117],ubyt:81,uci:14,uci_h:104,ufldl:8,uid:128,uint16_t:53,uint32:[51,67],uint32_t:77,uint64:[67,68],uint64_t:[68,123],unawar:40,unbound:63,unclear:42,uncreat:32,under:[2,34,39,47,74,90,96,103,127],underli:72,understand:[54,80,117,142],understand_senti:109,undeterminist:119,unidirect:8,unifi:[50,59,87],uniform:[6,8,13,37,57,80,81],uniform_random:80,uniniti:32,uninstal:[93,99],uniqu:[30,33,35,42,43,66,70,80,86,127],unique_nam:80,unique_name_gener:80,unique_ptr:[83,86,89,112],unit:[8,9,34,75,77,84,89],unittest:[69,93,113],unk:[87,92],unknown:8,unless:[2,96,103],unlik:[8,72],unnecessari:32,unordered_map:86,unpack:91,unrol:71,unseen:84,unseg:8,unsign:[40,53],unstack:91,unstack_from:91,unsupervis:57,unsupport:113,until:[35,40,46,47,54,63,86,127,129],untrack:111,unzip:138,updat:[6,8,10,32,35,39,40,45,51,53,57,71,72,73,74,75,76,86,91,111,117,118,136],update_equ:[29,103],update_hook:6,update_memori:33,update_op:73,updatecallback:112,updatestack:127,upgrad:[74,93,102],upload:[35,43,51,85],upon:35,upper:8,upstream:[93,111],uri:127,url:[13,14],usag:[7,8,9,15,29,53,60,63,76,80,125,126,129],use:[2,6,7,8,9,11,13,14,15,29,30,31,33,34,35,41,45,46,47,50,53,57,59,61,62,63,66,70,72,73,74,76,77,80,86,87,88,90,91,92,96,103,111,113,117,119,123,125,127,129],use_cpu:62,use_cudnn:62,use_eigen_bla:138,use_eigen_for_bla:[138,139],use_etcd:29,use_global_stat:8,use_gpu:[4,96,103,104,125,128,129,133,134,136],use_mkl_pack:64,use_mkldnn:[8,62,65],use_old_updat:[38,133,134],use_sparse_remote_updat:38,used:[2,7,8,9,10,11,13,14,15,29,30,31,33,34,35,41,42,45,48,50,53,54,57,59,63,71,72,75,76,77,80,81,82,84,86,88,89,90,91,117,119,127],useful:[8,9,31,53,63,80,86,90],usegpu:[112,123],user:[6,8,9,13,14,15,29,30,31,32,33,34,37,39,42,43,44,45,46,47,48,49,50,52,56,57,58,59,61,62,66,70,72,73,74,75,77,80,81,82,83,84,86,88,89,90,91,117,127,142],user_id:129,user_info:14,user_nam:37,usercert:37,userinfo:14,userkei:37,usernam:[37,111,138],uses:[8,35,42,44,45,53,63,70,71,72,76,77,89,90,127],using:[6,8,9,13,29,30,32,33,34,35,39,40,42,43,45,50,52,53,54,56,57,59,61,63,71,73,75,78,80,81,83,84,86,88,89,104,113,127],usr:[93,99,100,125,127,129,134],usual:[8,29,32,43,63,70,77,78,84,89,117,119,127],util:[45,64,65,74,119,124,129,142],uuid:[36,42],v7a:138,v8a:138,val:32,valgrind:118,valid:[8,15,81,82,86,127],valu:[2,4,6,7,8,11,13,14,15,29,31,32,33,35,44,48,49,59,60,63,65,67,71,72,73,75,76,78,82,86,87,88,91,92,96,112,123,127,129,136,138],value1:134,value2:134,value_:87,value_evalu:7,value_rang:13,valueerror:[59,96],values_:91,vanilla:109,var_nam:[32,90],var_recurs:48,varabl:47,vardesc:[33,58,78,80,82,87],vardescbuild:33,vari:127,variabl:[10,13,14,30,31,33,44,45,47,48,49,50,55,57,58,59,60,61,70,71,72,73,75,78,79,83,84,87,88,90,91,117,120,127,128],variablenamemap:113,varialbl:57,varianc:8,variant:[8,61,70,89,91],varibal:32,varibl:59,varienc:91,varient:91,variou:[33,53,63,84],varproto:88,vars_:[33,86],vartyp:[87,92],vartypeinfer:61,vec1:8,vec2:8,vec:98,veclib:139,vector:[8,9,13,14,30,33,38,40,59,60,66,71,72,77,80,82,83,87,91,121,123],vendor:34,verb:14,verbos:52,veri:[8,11,34,39,44,47,50,54,56,57,63,66,72,76,81,84,86,89,91,117],verifi:33,version:[2,8,9,32,34,43,45,48,52,55,57,59,60,67,72,85,96,103,111,117,119,125,127,133,134,139],versu:30,vertic:8,vgg:9,via:[32,35,70,111,127,142],view:[8,67,70],vim:100,virtual:[48,61,62,83,89],virtualenv:110,visibl:[42,86],visit:[29,32],visual:[8,72],vlog:38,volum:[115,128,129],volumemount:[127,128,129],volumn:127,vutbr:14,wai:[7,9,30,32,40,42,50,54,62,63,72,75,80,81,84,91],wait:[35,40,46,129],wangkuiyi:34,want:[2,8,30,43,44,49,57,62,70,75,77,79,81,84,86,89,90,91,117],warn:[29,52,93,98,129],warp:8,warpctc:8,warranti:[2,96,103],wast:74,watch:35,wbia:127,web:117,weight:[7,8,9,10,64,67,84,112],weight_act:9,weightlist:112,weights_:112,weights_primitive_desc:66,weights_t:112,welcom:34,well:[32,43,45,54,56,57,84,87,127],were:[7,34,54],west:127,wget:[93,138],wgt:66,what:[6,8,34,54,57,72,80,88,90,111,117,142],wheel:102,when:[2,6,7,8,10,13,29,31,32,33,34,35,38,39,40,43,44,45,47,48,49,50,52,53,54,55,59,72,74,75,76,77,78,80,82,89,91,117,119,127,142],whenev:80,where:[8,9,10,30,32,33,35,42,44,45,54,55,58,70,71,72,75,78,82,84,89,91,117,120],wherea:[33,39,56,60,89,92],whether:[7,8,15,29,31,32,33,50,77,81,87,91,123],which:[6,7,8,9,13,14,15,29,30,31,32,33,34,35,37,39,40,42,43,44,45,46,48,50,53,54,55,56,57,59,61,63,66,67,70,71,72,73,74,76,78,79,80,81,82,83,86,87,88,90,91,92,103,117,118,127,142],while_grad:63,while_loop:[72,91],while_op:32,whileloop:91,whileop:33,whl:[99,102],who:[32,56,58,74,80],whoever:40,whole:[2,7,13,32,57,60,63,68,69,71,74,79,88,121,127,142],whose:[8,13,31,32,35,42,48,71,82,83,88,91],why:[9,31,69,119],wide:[34,48,57,126,130],width:[7,8,13,15,38,68,81,98,112,113,123],wiki:[8,34],wikipedia:[8,14],wilder:2,window:[8,11,14,75,110],wirt:59,wise:[8,15,47,82],with_avx:[99,111,125,138,139],with_bia:88,with_c_api:[99,121,138,139,140],with_doc:99,with_doubl:[99,112,125],with_dso:99,with_golang:[99,121,138],with_gpu:[99,110,111,121,125,138,139],with_mkl:[64,65,99,121,138],with_mkldnn:65,with_mklml:65,with_profil:119,with_python:[99,121,125,138,139],with_rdma:[125,138,139],with_style_check:[99,111],with_swig_pi:[99,121,138,139],with_test:[99,111,113],with_tim:[119,125],within:[8,39,45,54],without:[2,7,8,32,35,40,77,80,81,82,96,103,117],wloop:91,wmt14:109,wmt_shrinked_data:14,won:106,wonder:2,word2vec:[43,96,125,126],word:[2,7,8,14,32,47,58,61,63,71,72,82,88,91,96,106,108],word_dict:[106,125,130],word_dim:[98,106],word_id:[2,96],word_idx:14,word_vector_dim:[8,72,109],words_freq_sort:14,work:[8,13,30,33,34,35,45,50,53,54,62,73,75,77,80,100,106,111,115,117,127,128,129,142],worker:[47,92,127],workercount:127,workflow:[82,127],workspac:[125,126],worth:120,would:[29,33,34,35,42,45,46,47,54,56,57,58,66,73,75,76,80,81,87,91,117,127,142],wouldn:[54,58],wrap:[54,56,57,74,142],wrapper:[9,34,56,74,75,83,91,119],write:[2,13,30,35,42,44,45,47,53,54,55,56,59,61,66,73,75,80,81,82,83,89,91,96,98,103,127],write_lock:36,write_to_arrai:63,writer:[30,80],written:[32,33,44,50,57,67,75,82,83,87,117],wrong:81,wrote:[47,59],wsize:127,www:[2,14,96,103],x64:140,x86:[138,139],x86_64:[138,139],x_neg:31,x_po:31,xarg:[7,93,100,112,130],xcode:139,xcodebuild:139,xgbe0:134,xgbe1:134,xmap_read:13,xpu:54,xrang:[31,54,57,77,81,103,104,112],xx_layer:62,xxx:[30,91],xxxx:36,xxxxxxxxx:127,xxxxxxxxxx:127,xxxxxxxxxxxxx:127,xxxxxxxxxxxxxxxxxxx:127,y_dim:57,y_neg:31,y_po:31,y_predict:[103,104,120],yaml:[34,126,127,128,129,130,142],yancey1989:43,yann:14,yapf:111,year:54,yeild:29,yep:[77,117,118],yet:[54,142],yield:[2,13,30,37,81,96,103,106],you:[2,6,8,9,13,29,31,43,45,53,86,96,103,117,127,142],your:[8,13,29,30,34,38,43,52,82,93,127,138,139,140,142],your_access_key_id:127,your_param_nam:98,your_repo:129,your_secrete_access_kei:127,your_source_root:69,yuang:54,yuyang18:[13,14],yuyang:[117,118],z_dim:57,z_size:57,zero:[6,8,9,10,13,14,31,32,35,57,72,76,80,87,127,134],zip:[14,80,129,138],zlib:121,zone:127,zxf:93,zxvf:127},titles:["API","DataProvider\u7684\u4ecb\u7ecd","PyDataProvider2\u7684\u4f7f\u7528","API\u4e2d\u6587\u624b\u518c","\u57fa\u4e8ePython\u7684\u9884\u6d4b","Activation","Parameter Attribute","Evaluators","Layers","Networks","Optimizer","Pooling","Data Reader Interface and DataSets","Data Reader Interface","Dataset","Image Interface","Fluid","DataFeeder","Evaluator","Executor","Initializer","IO","Layers","Nets","Optimizer","ParamAttr","Profiler","Regularizer","Model Configuration","Training and Inference","PaddlePaddle Design Doc","Auto Gradient Checker Design","Backward Building","Design Doc: Block and Scope","Required CMake Function","Design Doc: Distributed Training","\u6a21\u578b\u53c2\u6570\u68c0\u67e5\u70b9\uff08Checkpointing\uff09","\u8bad\u7ec3\u6570\u636e\u7684\u5b58\u50a8\u548c\u5206\u53d1","Alalysis of large model distributed training in Paddle","Design Doc: Master Server","Design Doc: The Client Library of Parameter Server","Design Doc: Remote Parameter Updater for Cluster Train","Design Doc: Save Model","Submit a Distributed Training Job","Design Doc: Concurrent Programming with Fluid","Design Doc: Distributed Training Architecture","Design Doc: Execute the Program with Multi CPU","Design Doc: Parameter Server","Error Clip","Evaluator Design","Executor Design Doc","FileManager\u8bbe\u8ba1\u6587\u6863","PFSClient","Design Doc: float16","Design Doc: PaddlePaddle Fluid","PaddlePaddle Fluid: Towards a Compiled Programming Language","Design Doc: Functions, Operators, and Layers","Design for GAN","Design Doc: Computations as a Graph","Survey on Graph","The IfElse Operator","Design Doc: InferVarType","Problem","Memory Optimization","Intel\u00ae MKL Packed on PaddlePaddle: Design Doc","Intel\u00ae MKL-DNN on PaddlePaddle: Design Doc","Design Doc: Add MKLDNN Kernel in Fluid Operator","Design Doc: Model Format","Paddle\u591a\u8bed\u8a00\u63a5\u53e3\u5b9e\u73b0","C-API \u6a21\u578b\u63a8\u65ad\u5b9e\u73b0\u6587\u6863","Design Doc: The Keys of Operator Kernel Type","RNNOp design","Design: Sequence Decoder Generating LoDTensors","Optimizer Design","Design Doc: NCCL support in Paddle Fluid","Averaging Parameter in PaddlePaddle","Design Doc: The C++ Class Parameters","Introduction","Design Doc: PaddlePaddle Programs","Prune","Design Doc: Python API","Python Data Reader Design Doc","Design Doc: Refactorization Overview","Design Doc: Gradient Operators Registration","Regularization in PaddlePaddle","PaddlePaddle\u53d1\u884c\u89c4\u8303","Design of Scope in Paddle","Design Doc: Selected Rows","Interaction between C++ and Python","Design Doc: Supporting new Device/Library","Background","Design for TensorArray","Background","\u7f16\u8bd1\u5b89\u88c5\u4e0e\u5355\u5143\u6d4b\u8bd5","\u96c6\u7fa4\u8bad\u7ec3\u4e0e\u9884\u6d4b","FAQ","\u672c\u5730\u8bad\u7ec3\u4e0e\u9884\u6d4b","\u6a21\u578b\u914d\u7f6e","\u53c2\u6570\u8bbe\u7f6e","\u4ece\u6e90\u7801\u7f16\u8bd1","\u4f7f\u7528Docker\u5b89\u88c5\u8fd0\u884c","\u5b89\u88c5\u4e0e\u7f16\u8bd1","\u4f7f\u7528pip\u5b89\u88c5","\u57fa\u672c\u4f7f\u7528\u6982\u5ff5","\u65b0\u624b\u5165\u95e8","\u652f\u6301\u53cc\u5c42\u5e8f\u5217\u4f5c\u4e3a\u8f93\u5165\u7684Layer","\u5355\u53cc\u5c42RNN API\u5bf9\u6bd4\u4ecb\u7ecd","RNN\u76f8\u5173\u6a21\u578b","Recurrent Group\u6559\u7a0b","RNN\u914d\u7f6e","\u7528Docker\u7f16\u8bd1\u548c\u6d4b\u8bd5PaddlePaddle","\u5982\u4f55\u8d21\u732e\u4ee3\u7801","\u5b9e\u73b0\u65b0\u7684\u7f51\u7edc\u5c42","\u5982\u4f55\u5199\u65b0\u7684Operator","\u5728Paddle\u4e2d\u5982\u4f55\u4f7f\u7528Eigen","\u5982\u4f55\u8d21\u732e/\u4fee\u6539\u6587\u6863","\u8fdb\u9636\u6307\u5357","Profiling the Python Code","Python\u4ee3\u7801\u7684\u6027\u80fd\u5206\u6790","GPU\u6027\u80fd\u5206\u6790\u4e0e\u8c03\u4f18","PaddlePaddle Fluid Source Code Overview","\u7f16\u8bd1 PaddlePaddle \u9884\u6d4b\u5e93","PaddlePaddle C-API","\u8f93\u5165/\u8f93\u51fa\u6570\u636e\u7ec4\u7ec7","C-API \u4f7f\u7528\u6d41\u7a0b","\u5206\u5e03\u5f0f\u8bad\u7ec3","\u4f7f\u7528fabric\u542f\u52a8\u96c6\u7fa4\u8bad\u7ec3","Distributed PaddlePaddle Training on AWS with Kubernetes","Kubernetes\u5355\u673a\u8bad\u7ec3","Kubernetes\u5206\u5e03\u5f0f\u8bad\u7ec3","\u5728OpenMPI\u96c6\u7fa4\u4e2d\u63d0\u4ea4\u8bad\u7ec3\u4f5c\u4e1a","<no title>","<no title>","\u53c2\u6570\u6982\u8ff0","\u7ec6\u8282\u63cf\u8ff0","\u8bbe\u7f6e\u547d\u4ee4\u884c\u53c2\u6570","\u4f7f\u7528\u6848\u4f8b","PaddlePaddle \u6587\u6863","Android\u5e73\u53f0\u7f16\u8bd1\u6307\u5357","iOS\u5e73\u53f0\u7f16\u8bd1\u6307\u5357","Raspberry Pi\u5e73\u53f0\u7f16\u8bd1\u6307\u5357","MOBILE","Cluster bootstrapping tool survey"],titleterms:{"\u4e00\u4e9b\u7ec6\u8282\u7684\u8865\u5145":129,"\u4e0a\u4f20\u8bad\u7ec3\u6587\u4ef6":37,"\u4e0b\u8f7d\u6570\u636e":128,"\u4e0b\u8f7dmklml\u5e93\u5931\u8d25":93,"\u4e0d\u4f7f\u7528":68,"\u4e0d\u4f7f\u7528swig\u8fd9\u79cd\u4ee3\u7801\u751f\u6210\u5668":68,"\u4e0d\u540c\u7684":97,"\u4e0d\u5bfc\u51fapaddle\u5185\u90e8\u7684\u7ed3\u6784\u4f53":68,"\u4e0d\u5f15\u7528\u5176\u4ed6\u52a8\u6001\u5e93":68,"\u4e24\u79cd\u4f7f\u7528":97,"\u4e3a\u4ec0\u4e48\u8981":110,"\u4e3a\u4ec0\u4e48\u9700\u8981\u6027\u80fd\u5206\u6790":119,"\u4ec0\u4e48\u662f\u6027\u80fd\u5206\u6790":119,"\u4ec5\u4ec5\u4f7f\u7528void":68,"\u4ece\u5feb\u7167\u6062\u590d":36,"\u4ece\u6e90\u7801\u7f16\u8bd1":99,"\u4ee3\u7801\u8981\u6c42":111,"\u4f7f\u7528":[111,128],"\u4f7f\u7528\u5206\u5e03\u5f0f\u8ba1\u7b97\u5e73\u53f0\u6216\u5de5\u5177":125,"\u4f7f\u7528\u52a8\u6001\u5e93\u6765\u5206\u53d1paddl":68,"\u4f7f\u7528\u6848\u4f8b":136,"\u4f7f\u7528\u6a21\u578b\u521d\u59cb\u5316\u7f51\u7edc":136,"\u4f7f\u7528\u6d41\u7a0b":124,"\u4f7f\u7528\u73af\u5883\u53d8\u91cf":129,"\u4f7f\u7528\u8bf4\u660e":116,"\u4f7f\u7528\u8f6c\u6362\u5e93":37,"\u4f7f\u7528docker\u542f\u52a8paddlepaddl":100,"\u4f7f\u7528docker\u5b89\u88c5\u8fd0\u884c":100,"\u4f7f\u7528docker\u6267\u884cgpu\u8bad\u7ec3":100,"\u4f7f\u7528docker\u6784\u5efa":115,"\u4f7f\u7528fabric\u542f\u52a8\u96c6\u7fa4\u8bad\u7ec3":126,"\u4f7f\u7528paddlepaddl":115,"\u4f7f\u7528pip\u5b89\u88c5":102,"\u4fdd\u6301\u672c\u5730\u4ed3\u5e93\u6700\u65b0":111,"\u4fee\u6539\u542f\u52a8\u811a\u672c":128,"\u4fee\u6539\u6587\u6863":115,"\u514b\u9686":111,"\u5177\u4f53\u67d0\u79cd\u7c7b\u578b\u7684\u5934\u6587\u4ef6":69,"\u5177\u4f53\u67d0\u79cd\u7c7b\u578b\u7684\u5b9e\u73b0\u6587\u4ef6":69,"\u5185\u5b58\u4e0d\u591f\u7528\u7684\u60c5\u51b5":2,"\u5185\u7f6e\u5b9a\u65f6\u5668":119,"\u5199\u68af\u5ea6\u68c0\u67e5\u5355\u5143\u6d4b\u8bd5":112,"\u51c6\u5907\u4e00\u4e2alinux\u96c6\u7fa4":126,"\u51c6\u5907\u4ea4\u53c9\u7f16\u8bd1\u73af\u5883":[138,139],"\u51c6\u5907\u6570\u636e\u96c6":125,"\u51c6\u5907\u8bad\u7ec3\u6570\u636e":129,"\u51c6\u5907\u8bad\u7ec3\u7a0b\u5e8f":125,"\u51c6\u5907\u9884\u6d4b\u6a21\u578b":124,"\u51c6\u5907openmpi\u96c6\u7fa4":130,"\u51cf\u5c11\u6570\u636e\u8f7d\u5165\u7684\u8017\u65f6":96,"\u51cf\u5c11dataprovider\u7f13\u51b2\u6c60\u5185\u5b58":96,"\u51fa\u73b0":97,"\u5206\u5757\u6587\u4ef6\u4f20\u8f93":51,"\u5206\u5e03\u5f0f\u8bad\u7ec3":125,"\u5206\u652f\u89c4\u8303":85,"\u521b\u5efa\u672c\u5730\u5206\u652f":111,"\u521b\u5efa\u795e\u7ecf\u7f51\u7edc\u8f93\u5165":124,"\u521b\u5efajob":129,"\u521b\u5efapaddlepaddl":128,"\u521d\u59cb\u5316paddlepaddle\u8fd0\u884c\u73af\u5883":124,"\u5220\u9664\u672c\u5730\u5206\u652f":111,"\u5220\u9664\u8fdc\u7a0b\u5206\u652f":111,"\u5229\u7528\u66f4\u591a\u7684\u8ba1\u7b97\u8d44\u6e90":96,"\u5230\u8fdc\u7a0b\u4ed3\u5e93":111,"\u5236\u4f5c\u955c\u50cf":129,"\u5236\u4f5cdocker\u955c\u50cf":128,"\u524d\u5411\u8ba1\u7b97":124,"\u524d\u5411operator\u5355\u6d4b":113,"\u52a0\u8f7d\u6a21\u578b":124,"\u52a0\u8f7dpaddlepaddl":103,"\u52a0\u901f\u6267\u884c":36,"\u52a0\u901f\u8bad\u7ec3\u901f\u5ea6":96,"\u52a8\u6001\u5e93\u4e2d\u4e0d\u5d4c\u5165\u4efb\u4f55\u5176\u4ed6\u8bed\u8a00\u7684\u89e3\u91ca\u5668":68,"\u52a8\u6001\u6269\u5bb9":36,"\u5355\u5143\u6d4b\u8bd5":134,"\u5355\u53cc\u5c42rnn":106,"\u539f\u56e0":68,"\u539f\u56e0\u5217\u8868":68,"\u53c2\u6570\u5185\u5b58":96,"\u53c2\u6570\u670d\u52a1\u5668\u548c\u5206\u5e03\u5f0f\u901a\u4fe1":134,"\u53c2\u6570\u6982\u8ff0":133,"\u53c2\u6570\u8bbe\u7f6e":98,"\u53c2\u8003":2,"\u53c2\u8003\u6587\u6863":51,"\u53c2\u8003\u8d44\u6599":119,"\u53cc\u5c42rnn":106,"\u53cc\u5c42rnn\u4ecb\u7ecd":108,"\u53cc\u5c42rnn\u7684\u4f7f\u7528":108,"\u53cd\u5411operator\u5355\u6d4b":113,"\u53d1\u5e03docker\u955c\u50cf":85,"\u53d1\u5e03wheel\u5305\u5230pypi":85,"\u53ef\u80fd\u7684\u5185\u5b58\u6cc4\u9732\u95ee\u9898":2,"\u53ef\u80fd\u78b0\u5230\u7684\u95ee\u9898":110,"\u5404\u4e2a\u7248\u672c\u6700\u65b0\u7684whl\u5305":102,"\u540d\u8bcd\u89e3\u91ca":51,"\u5411\u91cf":134,"\u542f\u52a8\u4efb\u52a1":129,"\u542f\u52a8\u53c2\u6570\u670d\u52a1\u5668":125,"\u542f\u52a8\u53c2\u6570\u8bf4\u660e":125,"\u542f\u52a8\u8ba1\u7b97\u8282\u70b9":125,"\u542f\u52a8\u96c6\u7fa4\u4f5c\u4e1a":[126,130],"\u5440":110,"\u548c":105,"\u5728\u4e0d\u540c\u8bbe\u5907\u4e0a\u6307\u5b9a\u5c42":136,"\u5728\u4e0d\u540c\u96c6\u7fa4\u4e2d\u8fd0\u884c":125,"\u5728docker\u4e2d\u6267\u884cpaddlepaddle\u8bad\u7ec3\u7a0b\u5e8f":100,"\u5728openmpi\u96c6\u7fa4\u4e2d\u63d0\u4ea4\u8bad\u7ec3\u4f5c\u4e1a":130,"\u5728paddle\u4e2d\u5982\u4f55\u4f7f\u7528eigen":114,"\u57fa\u4e8edocker\u5bb9\u5668\u7684\u7f16\u8bd1\u65b9\u5f0f":138,"\u57fa\u4e8elinux\u4ea4\u53c9\u7f16\u8bd1\u73af\u5883\u7684\u7f16\u8bd1\u65b9\u5f0f":138,"\u57fa\u4e8epython\u7684\u9884\u6d4b":4,"\u57fa\u672c\u4f7f\u7528\u6982\u5ff5":[103,123],"\u57fa\u672c\u539f\u7406":108,"\u57fa\u672c\u8981\u6c42":68,"\u5982\u4f55\u4e66\u5199\u6587\u6863":115,"\u5982\u4f55\u4f7f\u7528":97,"\u5982\u4f55\u5171\u4eab\u53c2\u6570":98,"\u5982\u4f55\u5199\u65b0\u7684oper":113,"\u5982\u4f55\u51cf\u5c11\u5185\u5b58\u5360\u7528":96,"\u5982\u4f55\u521d\u59cb\u5316\u53c2\u6570":98,"\u5982\u4f55\u52a0\u8f7d\u9884\u8bad\u7ec3\u53c2\u6570":98,"\u5982\u4f55\u52a0\u901f\u8bad\u7ec3\u901f\u5ea6":96,"\u5982\u4f55\u548c\u660e\u6587\u8fdb\u884c\u76f8\u4e92\u8f6c\u5316":98,"\u5982\u4f55\u6307\u5b9agpu\u8bbe\u5907":96,"\u5982\u4f55\u66f4\u65b0www":115,"\u5982\u4f55\u6784\u5efa\u6587\u6863":115,"\u5982\u4f55\u8bbe\u7f6e\u5b66\u4e60\u7387\u9000\u706b":98,"\u5982\u4f55\u8c03\u7528":96,"\u5982\u4f55\u8d21\u732e":115,"\u5982\u4f55\u8d21\u732e\u4ee3\u7801":111,"\u5982\u4f55\u8fdb\u884c\u6027\u80fd\u5206\u6790":119,"\u5982\u4f55\u9009\u62e9sgd\u7b97\u6cd5\u7684\u5b66\u4e60\u7387":98,"\u5b50\u5e8f\u5217\u95f4\u65e0memori":106,"\u5b50\u5e8f\u5217\u95f4\u6709memori":106,"\u5b58\u50a8\u7684\u53c2\u6570\u683c\u5f0f\u662f\u4ec0\u4e48":98,"\u5b89\u88c5":102,"\u5b89\u88c5\u4e0e\u7f16\u8bd1":101,"\u5b89\u88c5\u4ea4\u53c9\u7f16\u8bd1\u5668":140,"\u5b89\u88c5\u6d41\u7a0b":101,"\u5b9a\u4e49operator\u7c7b":113,"\u5b9a\u4e49opkernel\u7c7b":113,"\u5b9a\u4e49protomaker\u7c7b":113,"\u5b9e\u73b0":68,"\u5b9e\u73b0\u5355\u5143\u6d4b\u8bd5":113,"\u5b9e\u73b0\u65b0\u7684\u7f51\u7edc\u5c42":112,"\u5b9e\u73b0\u65b9\u5f0f":69,"\u5b9e\u73b0\u8ba1\u7b97":114,"\u5b9e\u73b0c":[112,113],"\u5b9e\u73b0python\u5c01\u88c5":112,"\u5bfb\u627e\u6027\u80fd\u74f6\u9888":118,"\u5bfc\u51fac":68,"\u5c06\u547d\u4ee4\u53c2\u6570\u4f20\u7ed9\u7f51\u7edc\u914d\u7f6e":136,"\u5c0f\u7ed3":2,"\u5de5\u5177":119,"\u5e38\u89c1\u95ee\u9898\u548c\u89e3\u51b3\u65b9\u6cd5":102,"\u5e38\u89c1\u95ee\u9898\u89e3\u7b54":101,"\u5e76\u5b8c\u6210":111,"\u5efa\u7acb":111,"\u5f00\u53d1\u6807\u51c6":116,"\u5f00\u59cb\u5f00\u53d1":111,"\u5f02\u6b65\u968f\u673a\u68af\u5ea6\u4e0b\u964d":134,"\u5feb\u7167\u4fdd\u5b58\u7684\u8bbe\u8ba1\u5982\u4e0b":36,"\u5feb\u901f\u5b89\u88c5":104,"\u5feb\u901f\u5f00\u59cb":104,"\u6027\u80fd\u4f18\u5316":116,"\u6027\u80fd\u5206\u6790\u5c0f\u6280\u5de7":119,"\u6027\u80fd\u5206\u6790\u5de5\u5177\u4ecb\u7ecd":119,"\u6027\u80fd\u8c03\u4f18":134,"\u603b\u4f53\u6d41\u7a0b":110,"\u603b\u7ed3":123,"\u6216\u8005\u662f":93,"\u6267\u884c\u5355\u5143\u6d4b\u8bd5":99,"\u627e\u5230\u7684pythonlibs\u548cpythoninterp\u7248\u672c\u4e0d\u4e00\u81f4":93,"\u62a5importerror":93,"\u6307\u9488\u4f5c\u4e3a\u7c7b\u578b\u7684\u53e5\u67c4":68,"\u63a5\u53e3\u8f93\u51fa\u591a\u4e2alayer\u7684\u9884\u6d4b\u7ed3\u679c":96,"\u63a8\u5bfc\u65b9\u7a0b":112,"\u63a8\u6d4b\u6267\u884c":36,"\u63d0\u4ea4":111,"\u63d0\u4ea4\u4ee3\u7801\u7684\u4e00\u4e9b\u7ea6\u5b9a":111,"\u63d0\u4ea4\u955c\u50cf":128,"\u642d\u5efa\u795e\u7ecf\u7f51\u7edc":103,"\u652f\u6301\u53cc\u5c42\u5e8f\u5217\u4f5c\u4e3a\u8f93\u5165\u7684layer":105,"\u652f\u6301\u7528\u6237\u81ea\u5b9a\u4e49\u7684\u6570\u636e\u9884\u5904\u7406job":37,"\u6570\u636e\u652f\u6301":134,"\u6574\u4f53\u65b9\u6848":129,"\u6587\u4ef6\u4f20\u8f93\u4f18\u5316":51,"\u6587\u4ef6\u8bbf\u95ee\u65b9\u5f0f":37,"\u6587\u4ef6\u8bbf\u95ee\u7684\u6743\u9650":37,"\u6587\u4ef6\u9884\u5904\u7406":37,"\u6587\u6863":137,"\u65b0\u624b\u5165\u95e8":104,"\u65e5\u5fd7\u4e2d\u4fdd\u5b58\u5747\u4e3a\u7f51\u7edc\u901a\u4fe1\u7c7b\u9519\u8bef":94,"\u65f6\u5e8f\u6a21\u578b\u7684\u4f7f\u7528\u573a\u666f":2,"\u65f6\u95f4\u5e8f\u5217":106,"\u65f6\u95f4\u6b65":106,"\u66b4\u9732\u63a5\u53e3\u539f\u5219":69,"\u672c\u5730\u6d4b\u8bd5":136,"\u672c\u5730\u8bad\u7ec3":136,"\u672c\u5730\u8bad\u7ec3\u4e0e\u9884\u6d4b":96,"\u672f\u8bed":36,"\u6784\u5efa\u548c\u6d4b\u8bd5":111,"\u6784\u5efapaddlepaddle\u7684android\u5f00\u53d1\u955c\u50cf":138,"\u67b6\u6784\u56fe":51,"\u67e5\u770b\u6027\u80fd\u5206\u6790\u6587\u4ef6":118,"\u67e5\u770b\u8bad\u7ec3\u7ed3\u679c":128,"\u67e5\u770b\u8f93\u51fa":129,"\u6837\u4f8b\u6570\u636e":2,"\u6846\u67b6\u751f\u6210":51,"\u6848\u4f8b\u4e00":136,"\u6848\u4f8b\u4e8c":136,"\u68c0\u67e5\u6a21\u578b\u8f93\u51fa":126,"\u68c0\u67e5\u96c6\u7fa4\u8bad\u7ec3\u7ed3\u679c":126,"\u6982\u5ff5\u7b80\u4ecb":113,"\u6982\u5ff5\u89e3\u91ca":37,"\u6982\u8ff0":[105,108,121,125],"\u6a21\u5757":51,"\u6a21\u578b\u53c2\u6570\u68c0\u67e5\u70b9":36,"\u6a21\u578b\u63a8\u65ad\u5b9e\u73b0\u6587\u6863":69,"\u6a21\u578b\u914d\u7f6e":[97,106,116],"\u6a21\u578b\u914d\u7f6e\u7684\u6a21\u578b\u914d\u7f6e":106,"\u6ce8\u518coper":113,"\u6ce8\u610f\u4e8b\u9879":[2,113,124],"\u6d41\u7a0b\u4ecb\u7ecd":37,"\u6d4b\u8bd5":134,"\u6df7\u5408\u4ee3\u7801\u7684\u6027\u80fd\u5206\u6790":118,"\u6e05\u7406":124,"\u73af\u5883\u51c6\u5907":125,"\u751f\u6210\u5e8f\u5217":109,"\u751f\u6210\u6027\u80fd\u5206\u6790\u6587\u4ef6":118,"\u751f\u6210\u6d41\u7a0b\u7684\u4f7f\u7528\u65b9\u6cd5":108,"\u751f\u6210sparse\u6587\u4ef6":51,"\u7528\u6237\u4f7f\u7528\u6d41\u7a0b":51,"\u7528docker\u7f16\u8bd1\u548c\u6d4b\u8bd5paddlepaddl":110,"\u7684\u533a\u522b":97,"\u7684\u53c2\u6570":97,"\u7684\u65b9\u6cd5\u6709\u4f55\u533a\u522b":97,"\u76ee\u5f55\u7ed3\u6784":69,"\u76ee\u6807":51,"\u76f4\u63a5\u6784\u5efa":115,"\u76f8\u5173\u6982\u5ff5":108,"\u77e9\u9635":134,"\u793a\u4f8b1":106,"\u793a\u4f8b2":106,"\u793a\u4f8b3":106,"\u793a\u4f8b4":106,"\u793a\u4f8b\u7a0b\u5e8f":37,"\u795e\u7ecf\u5143\u6fc0\u6d3b\u5185\u5b58":96,"\u7a00\u758f\u8bad\u7ec3":136,"\u7aef\u6570\u636e\u7c7b\u578b\u8bf4\u660e":123,"\u7b26\u53f7":68,"\u7b80\u5355\u95e8\u63a7\u5faa\u73af\u795e\u7ecf\u7f51\u7edc":109,"\u7c7b":[68,112,113],"\u7ebf\u6027\u56de\u5f52\u5b8c\u6574\u793a\u4f8b":103,"\u7ec4\u7ec7\u5e8f\u5217\u4fe1\u606f":123,"\u7ec4\u7ec7\u8f93\u5165\u6570\u636e":[123,124],"\u7ec6\u8282\u63cf\u8ff0":134,"\u7ec8\u6b62\u96c6\u7fa4\u4f5c\u4e1a":126,"\u7ed1\u5b9apython":113,"\u7f16\u5199\u9884\u6d4b\u4ee3\u7801":124,"\u7f16\u5199yaml\u6587\u4ef6":128,"\u7f16\u8bd1":[113,121],"\u7f16\u8bd1\u4f9d\u8d56":99,"\u7f16\u8bd1\u548c\u5b89\u88c5":[138,139,140],"\u7f16\u8bd1\u548c\u6267\u884c":113,"\u7f16\u8bd1\u5b89\u88c5\u4e0e\u5355\u5143\u6d4b\u8bd5":93,"\u7f16\u8bd1\u5b89\u88c5\u540e\u6267\u884c":93,"\u7f16\u8bd1\u65b9\u6cd5":99,"\u7f16\u8bd1\u6d41\u7a0b":101,"\u7f16\u8bd1\u9009\u9879":[69,99],"\u7f16\u8bd1\u9009\u9879\u7684\u8bbe\u7f6e":99,"\u7f16\u8bd1\u9009\u9879\u8bf4\u660e":99,"\u7f16\u8bd1paddlepaddl":138,"\u7f29\u5bb9":36,"\u7f51\u7edc\u914d\u7f6e\u4e2d\u7684\u8c03\u7528":2,"\u800c\u662f\u624b\u5199\u591a\u8bed\u8a00\u7ed1\u5b9a":68,"\u80cc\u666f":68,"\u81ea\u7136\u8bed\u8a00\u5904\u7406":134,"\u83b7\u53d6paddlepaddle\u7684docker\u955c\u50cf":100,"\u8986\u76d6\u4e0d\u4e00\u81f4\u7684\u90e8\u5206":51,"\u8bad\u7ec3":134,"\u8bad\u7ec3\u56e0\u6b64\u9000\u51fa\u600e\u4e48\u529e":96,"\u8bad\u7ec3\u6570\u636e\u5b58\u50a8":37,"\u8bad\u7ec3\u6570\u636e\u7684\u5b58\u50a8\u548c\u5206\u53d1":37,"\u8bad\u7ec3\u6a21\u578b":103,"\u8bad\u7ec3\u6d41\u7a0b\u7684\u4f7f\u7528\u65b9\u6cd5":108,"\u8bad\u7ec3\u8fc7\u7a0b\u4e2d\u51fa\u73b0":96,"\u8bbe\u7f6e\u547d\u4ee4\u884c\u53c2\u6570":135,"\u8bcd\u6c47\u8868":106,"\u8be6\u7ec6\u6559\u7a0b":119,"\u8bfb\u53d6\u53cc\u5c42\u5e8f\u5217\u6570\u636e":106,"\u8f6c\u6362\u5e93":37,"\u8f93\u5165":[108,123],"\u8f93\u5165\u4e0d\u7b49\u957f":106,"\u8f93\u5165\u793a\u4f8b":108,"\u8f93\u51fa":108,"\u8f93\u51fa\u6570\u636e":123,"\u8f93\u51fa\u6570\u636e\u7c7b\u578b":123,"\u8f93\u51fa\u6570\u636e\u7ec4\u7ec7":123,"\u8fd0\u884c\u5bb9\u5668":128,"\u8fd0\u884c\u73af\u5883\u4f9d\u8d56":102,"\u8fd0\u884cdocker":93,"\u8fd9\u4e2a\u52a8\u6001\u5e93\u4f7f\u7528c99\u6807\u51c6\u7684\u5934\u6587\u4ef6\u5bfc\u51fa\u4e00\u4e9b\u51fd\u6570":68,"\u8fdb\u884c\u8bad\u7ec3":[37,128],"\u8fdb\u9636\u6307\u5357":116,"\u901a\u7528":134,"\u9047\u5230":93,"\u914d\u7f6e\u4ea4\u53c9\u7f16\u8bd1\u53c2\u6570":[138,139,140],"\u914d\u7f6e\u5faa\u73af\u795e\u7ecf\u7f51\u7edc\u67b6\u6784":109,"\u914d\u7f6e\u7f51\u7edc":103,"\u94a9\u5b50":111,"\u94fe\u63a5\u8bf4\u660e":121,"\u9519\u8bef\u600e\u4e48\u529e":97,"\u968f\u673a\u6570":134,"\u96c6\u7fa4\u591a\u8282\u70b9\u8bad\u7ec3":94,"\u96c6\u7fa4\u8bad\u7ec3":136,"\u96c6\u7fa4\u8bad\u7ec3\u4e0e\u9884\u6d4b":94,"\u9700\u8981\u7684\u8f6f\u786c\u4ef6":110,"\u975e\u6cd5\u6307\u4ee4":93,"\u9884\u6d4b\u5e93":121,"\u9884\u6d4b\u6d41\u7a0b":4,"\u9884\u6d4bdemo":4,"abstract":[45,46,47,74,142],"android\u5e73\u53f0\u7f16\u8bd1\u6307\u5357":138,"api\u4e2d\u6587\u624b\u518c":3,"api\u5bf9\u6bd4\u4ecb\u7ecd":106,"api\u5e93":138,"beam_search\u7684\u751f\u6210":106,"book\u4e2d\u6240\u6709\u7ae0\u8282":85,"book\u6559\u7a0b":100,"case":32,"class":[57,76,80],"cmake\u6e90\u7801\u7f16\u8bd1":93,"dataprovider\u7684\u4ecb\u7ecd":1,"dataprovider\u7684\u4f7f\u7528":2,"filemanager\u8bbe\u8ba1\u6587\u6863":51,"final":62,"float":96,"function":[34,56,57,80],"gpu\u548ccpu\u6df7\u5408\u4f7f\u7528":136,"gpu\u6027\u80fd\u5206\u6790\u4e0e\u8c03\u4f18":119,"gpu\u955c\u50cf\u51fa\u73b0":93,"group\u6559\u7a0b":108,"import":93,"ios\u5e73\u53f0\u7f16\u8bd1\u6307\u5357":139,"kubernetes\u5206\u5e03\u5f0f\u8bad\u7ec3":129,"kubernetes\u5355\u673a\u8bad\u7ec3":128,"mnist\u7684\u4f7f\u7528\u573a\u666f":2,"new":89,"org\u5de5\u5177":115,"paddle\u52a8\u6001\u5e93\u4e2d":68,"paddle\u591a\u8bed\u8a00\u63a5\u53e3\u5b9e\u73b0":68,"paddle\u7248\u672c\u53f7\u4e3a0":93,"paddlepaddle\u53d1\u884c\u89c4\u8303":85,"paddlepaddle\u56de\u5f52\u6d4b\u8bd5\u5217\u8868":85,"paddlepaddle\u662f\u5426\u652f\u6301\u7ef4\u6570\u53ef\u53d8\u7684\u6570\u636e\u8f93\u5165":97,"paddlepaddle\u73af\u5883\u4f9d\u8d56":102,"paddlepaddle\u7684softmax\u80fd\u5426\u6307\u5b9a\u8ba1\u7b97\u7684\u7ef4\u5ea6":97,"paddlepaddle\u7f16\u8bd1\u4f9d\u8d56":99,"pi\u5e73\u53f0\u7f16\u8bd1\u6307\u5357":140,"pod\u95f4\u901a\u4fe1":129,"pydataprovider2\u7684\u4f7f\u7528":2,"python\u4e0ec":118,"python\u4ee3\u7801\u7684\u6027\u80fd\u5206\u6790":118,"python\u76f8\u5173\u7684\u5355\u5143\u6d4b\u8bd5\u90fd\u8fc7\u4e0d\u4e86":93,"return":[80,81],"rnn\u76f8\u5173\u6a21\u578b":107,"rnn\u914d\u7f6e":109,"switch":[66,89],"tensor\u4f7f\u7528\u6837\u4f8b":114,"tensor\u5230eigentensor\u7684\u8f6c\u6362":114,"tensor\u6a21\u5757":114,AWS:127,Abs:5,DNS:127,EFS:127,For:34,KMS:127,The:[33,40,44,50,54,57,58,60,61,70,73,76,82,83],Use:[33,78],Using:[34,40],With:43,about:57,abs:22,absolut:72,access:127,account:127,accuraci:22,action:[64,65],activ:[5,8,65],adadelta:10,adagrad:10,adagradoptim:24,adam:10,adamax:10,adamaxoptim:24,adamoptim:24,add:[63,66,127],address:127,addto:8,advanc:89,aggreg:8,aggregatelevel:8,alalysi:38,algorithm:[31,35,45,71,79],all:[86,91],analog:44,analysi:[45,63],anneal:98,api:[0,3,45,64,65,69,73,75,80,84,88,122,124],appendix:142,applic:3,arbitrari:54,architectur:[45,77],argument:[52,81],arrai:31,array_length:22,array_read:22,array_to_lod_tensor:22,array_writ:22,asset:127,assign:22,associ:[86,127],assumpt:142,async:134,attent:109,attribut:[6,63,84],auc:7,auto:31,averag:75,avg:11,aws:127,backgraound:31,background:[47,64,89,90,91,92],backward:[32,54,58,82],base:[43,72],basepool:11,basic:[63,89,142],batch:81,batch_norm:[8,22],batch_siz:81,beam:72,beam_search:8,beam_search_decod:22,becaus:98,benchmark:[64,65],benefit:[47,82],between:[30,80,82,88,89],bidirectional_gru:9,bidirectional_lstm:9,big:98,bilinear_interp:8,binari:33,bla:99,block:[33,55,57,58,78,80,82],block_expand:8,blockdesc:78,bootstrap:142,bottleneck:117,brelu:[5,22],bring:142,bucket:127,build:[32,57,82],cach:2,can:86,capi:69,capi_priv:69,cast:22,ceil:22,challeng:[32,47,79],chang:72,check:[8,31],checker:31,checkpoint:[35,36,42],choic:62,choos:[34,127],chunk:7,cifar:14,classif:7,classification_error:7,classification_error_print:7,client:40,clip:[8,48],clone:111,close:31,cloudform:127,cluster:[41,127,142],cmake:[34,64,65],code:[43,55,80,117,120],column_sum:7,commit:111,compar:142,comparis:80,compat:54,compil:[33,53,55,78,82,120],complet:54,compos:81,comput:[33,58,66,82,84],con:142,concat:[8,22],concept:[80,82,127],concern:65,conclus:[42,59,142],concurr:44,condit:57,config:3,configur:[28,127],conll05:14,connect:8,constantiniti:20,construct:58,content:[2,64,65,69,93,94,96,97,98,105,119,127],context_project:8,control:[63,82],contruct:63,conv2d:22,conv2d_transpos:22,conv:8,conv_oper:8,conv_project:8,conv_shift:8,convert:42,core:[31,80,127],corner:32,cos_sim:[8,22],cost:8,cpu:46,creat:[32,81,82,86,127],create_arrai:22,creation:[39,75,84],creator:81,credenti:127,crf:8,crf_decod:8,cross_channel_norm:8,cross_entropi:22,cross_entropy_cost:8,cross_entropy_with_selfnorm_cost:8,ctc:8,ctc_error:7,cuda:[53,93,99],cudnn:99,cudnnavg:11,cudnnmax:11,current:[53,83],custom:81,data:[8,12,13,22,35,45,81,90,127],datafeed:[13,17],dataflow:63,dataprovid:[3,134],dataset:[12,14,35,39],datatyp:[13,70],decayedadagrad:10,decayedadagradoptim:24,decod:72,decor:81,deep:[33,54],defin:127,definit:92,delet:127,demo:[57,127],dens:42,depend:57,deploi:43,describ:[54,73],descript:[52,82],design:[30,31,33,35,39,40,41,42,44,45,46,47,49,50,53,54,56,57,58,61,64,65,66,67,70,71,72,73,74,76,78,80,81,82,83,86,87,89,91],destroi:[86,127],detail:38,detect:[7,8],detection_map:7,detection_output:8,develop:82,devic:89,devicecontext:89,dictionari:81,differ:[82,89],directori:127,discrimin:57,discuss:[47,57],dispatch:[35,39],distribut:[30,35,38,43,45,47,127],dnn:65,doc:[30,33,35,39,40,41,42,44,45,46,47,50,53,54,56,58,61,64,65,66,67,70,74,76,78,80,81,82,83,87,89],docker:[43,110],doe:81,dot_prod:8,dot_product_attent:[9,23],dotmul_oper:8,dotmul_project:8,down:127,download:127,driver:93,drop_out:97,dropout:[8,22],duplic:97,dure:[72,81],dylib:69,dynam:[35,91],dynamic_lstm:22,dynet:59,ec2:127,eigen:114,elast:127,elect:42,elementwise_add:22,elementwise_div:22,elementwise_mul:22,elementwise_sub:22,els:33,elu:22,embed:[8,22],engin:57,enough:31,entri:81,environ:43,eos:8,error:48,evalu:[7,18,49],event:[29,30,77],evolut:54,examin:117,exampl:[30,34,44,60,69],except:96,execut:[33,46,54,78,82],executor:[19,50],exp:[5,22],expand:[8,105],expandlevel:8,explain:31,extern:127,factor:8,factorization_machin:8,faq:95,fault:35,file:[33,117,127],fill_const:22,fill_constant_batch_size_lik:22,find:127,first_seq:[8,105],float16:53,floor:22,flow:63,fluid:[16,44,54,55,66,74,120],fork:111,format:[33,35,67],forward:58,frame:33,framework:[31,114],from:[30,42,88],full_matrix_project:8,fulli:8,functor:89,futur:54,gan:57,gate:109,gated_unit:8,gener:[55,57,72,117,142],get_output:8,give:81,global:[78,80],glu:23,gpu:134,grad_op:32,gradient:[31,32,40,65,83],gradient_print:7,graident:31,graph:[58,59,63,82,84],group:[8,127],gru:[9,134],gru_group:9,gru_step:8,gru_unit:[9,22],grumemori:8,handler:[30,68],happen:42,hard_shrink:22,hard_sigmoid:22,hardwar:53,helper:80,hierarchi:33,high:[73,75,84,88],how:[31,38,75,81,82,89],hsigmoid:8,huber_classification_cost:8,huber_regression_cost:8,iam:127,ident:5,identifi:117,identity_project:8,ifels:60,ifelseop:33,illeg:93,imag:[8,9,15,43],imdb:14,img_cmrnorm:8,img_conv:8,img_conv_bn_pool:9,img_conv_group:[9,23],img_pool:8,imikolov:14,implement:[31,32,34,38,46,48,49,53,67,71,74,75,80,81,82,83,84],increment:22,infer:[29,96],infershap:[78,87],infervartyp:61,ingredi:30,ingress:51,init_hook:2,initi:[20,40,57,127],input_typ:2,insid:86,inspect:127,instal:[127,142],instanc:127,instead:81,instruct:93,insuffici:93,integr:[89,127],intel:[64,65],interact:88,interfac:[12,13,15,31,35,40,41,50,73,81,86],intermedi:82,interpol:8,introduc:[72,91],introduct:[77,84],is_paramet:21,isn:81,issu:[53,111],job:[35,43,127,128],join:8,kei:[64,70,127],kernel:[66,70,82],kmax_sequence_scor:8,kube:127,kubectl:127,kubernet:[43,127,128],l1decayregular:27,l2_distanc:8,l2_normal:22,l2decayregular:27,lambda_cost:8,languag:[33,55],larg:38,last_seq:[8,105],layer:[8,22,30,56,64,65,80,97],layout:70,leaky_relu:22,learn:[33,54,98],learnabl:8,less_than:22,leval:88,level:[73,75,84,88],libpaddle_capi_shar:69,libpaddle_capi_whol:69,librari:[40,53,70,82,89],limit:45,linear:5,linear_chain_crf:22,linear_comb:8,list:[36,81],live:63,local:[45,86,127],lod:72,lod_rank_t:22,lod_tensor_to_arrai:22,lodtensor:[71,72,91],lodtensordesc:92,log:[5,22],logic:39,logsigmoid:22,look:117,low:[75,84,88],lstm:[9,134],lstm_step:8,lstm_unit:22,lstmemori:8,lstmemory_group:9,lstmemory_unit:9,machin:[8,72],macro:82,main:57,make:63,manag:34,map:[81,82],master:[35,39,43,44],math:[8,89],mathemat:31,matmul:22,matrix:65,max:11,max_sequence_len:22,maxframe_print:7,maxid:8,maxid_print:7,maxout:8,mean:22,member:57,memori:[8,63,71,89,97,106,108],merge_lod_tensor:22,messag:[88,98],method:72,might:57,migrat:82,mileston:82,mini:81,minibatch:13,misc:8,mix:8,mkl:[64,65],mkldnn:66,mkldnn_helper:66,mkldnndevicecontext:66,mnist:14,mobil:141,model:[3,28,30,38,40,42,54,57,67,72,109],modul:[82,89,93],momentum:10,momentumoptim:24,more:57,motiv:[32,50,67,74,79],movielen:14,msrainiti:20,mul:22,multi:[46,55],multi_binary_label_cross_entropy_cost:8,multibox_loss:8,multipl:81,multiplex:8,mxnet:59,name:[86,93,97,127],nativ:55,nccl:74,nce:8,necess:80,necessari:82,need:81,nest:71,net:23,network:[9,82,109],neural:109,nlp:[9,134],norm:[8,84],normaliniti:20,note:31,numer:31,numpi:31,nvprof:119,nvvp:119,object:35,offset:72,ones:22,onli:[81,86],op_mak:82,oper:[56,60,63,66,70,75,78,80,82,83,87,91],opinfomap:82,opkernel:[82,89],opproto:88,ops:84,optim:[10,24,35,40,58,63,73,80],option:52,opwithkernel:82,order:52,org:115,origin:82,orthogon:86,other:65,out_prod:8,output:[8,127],overview:[42,48,50,64,65,82,86,120],pack:[64,72],packag:34,pad:8,paddl:[38,74,81,86,93,97,114],paddlejob:43,paddlepaddl:[30,33,54,55,64,65,75,78,84,85,93,115,120,121,122,127,137],pair:127,paradigm:54,parallel_nn:136,paramattr:25,paramet:[6,8,29,30,35,40,41,43,47,65,75,76,80,84,127],parameteraverageoptim:75,parent:86,part:58,partit:40,path:[42,52],penalti:84,perform:[75,117,134],persist:39,pfsclient:[51,52],pfsserver:51,place:[63,70,89],placement:45,platform:93,pnpair:7,point:[64,96,127],polici:63,pool2d:22,pool:[8,11,105],pose:[61,83],potenti:62,pow:22,power:8,pre:111,precision_recal:7,prefetch:81,prelu:8,prepar:127,principl:66,print:7,privat:127,pro:142,problem:[49,61,62,63,70,73,83,90],procedur:142,process:[35,40,43,73,82],profil:[26,117],program:[33,44,46,54,55,78,80],programdesc:[55,78],project:34,propos:[61,83,84],protobuf:87,protocol:98,provid:[2,81],prune:79,pserver:42,pull:111,push:111,python:[31,43,45,64,65,71,73,75,80,81,84,88,92,117,123],qualiti:82,queue:[35,39],rank:7,rank_cost:8,raspberri:140,rate:98,reader:[12,13,30,81],realiz:82,reciproc:22,recoveri:35,recurr:[8,9,97,108,109],recurrent_group:8,reduce_max:22,reduce_mean:22,reduce_min:22,reduce_sum:22,ref:31,refactor:82,refer:[2,45,47,63,64,65],region:127,regist:[61,82,88],registr:[82,83],registri:82,regular:[27,40,84],reject:98,rel:72,relat:[82,91],relu6:22,relu:[5,22],remot:41,remoteexecutor:45,render:127,repeat:8,represent:[33,82],request:111,requir:[34,57],reshap:[8,22],resiz:8,retri:39,reus:80,rmsprop:10,rnn:[71,91,106,134],rnnop:[33,71,82],roi_pool:8,rotat:8,round:22,route53:127,row:87,row_conv:8,row_l2_norm:8,run:[50,120],runtim:43,sampl:8,sampling_id:8,save:42,scale:[8,22,35],scale_shift:8,scaling_project:8,scope:[33,71,82,86],search:72,secur:127,select:[40,87],selectedrow:87,selective_fc:8,sentiment:14,separ:82,seq_concat:8,seq_reshap:8,seq_slic:8,seqtext_print:7,sequenc:[72,109],sequence_conv:22,sequence_conv_pool:[9,23],sequence_expand:22,sequence_first_step:22,sequence_last_step:22,sequence_pool:22,sequence_reshap:22,sequence_softmax:22,sequencesoftmax:5,server:[35,39,40,43,47,127],servic:127,setup:127,sextant:142,sgd:134,sgdoptim:24,shape:72,share:[30,32,63,86],should:86,shrink_memori:22,shuffl:81,sigmoid:[5,22],sigmoid_cross_entropy_with_logit:22,simpl:72,simple_attent:9,simple_gru2:9,simple_gru:9,simple_img_conv_pool:[9,23],simple_lstm:9,singl:81,slice:8,slice_project:8,slope_intercept:8,small_vgg:9,smooth_l1_cost:8,soft_relu:22,softmax:5,softplu:22,softrelu:5,softshrink:22,softsign:[5,22],solut:[61,62,63,64,70,79,83,90],sourc:120,spars:[40,41,42,87],split:22,split_lod_tensor:22,spp:8,sqrt:22,squar:[5,22],square_error_cost:[8,22],squarerootn:11,stack:33,stanh:5,start:[30,127],statement:49,step2:124,step:[71,124],storag:84,store:35,strategi:63,sub_nested_seq:8,sub_seq:8,subcommond:52,submit:43,suffici:81,suitabl:34,sulut:66,sum:[7,11,22],sum_cost:8,sum_to_one_norm:8,summar:[30,44],summari:67,support:[53,74,89,91,93],survei:[53,59,84,142],swish:22,synopsi:52,system:[54,127],tabl:69,table_project:8,tanh:[5,22],tanh_shrink:22,task:[35,39],tear:127,tecton:142,templat:127,tensor:[8,82,89,114],tensorarrai:[72,91],tensordesc:92,tensorflow:59,test:[64,65,66],text_conv_pool:9,theori:31,thi:[86,93],think:57,three:91,thresholded_relu:22,time:120,timelin:42,todo:[36,37,46],togeth:86,toler:35,too:98,tool:[34,142],topic:89,topk:22,toward:55,train:[29,30,35,38,41,43,45,73,81,127],trainer:[29,35,40,42,43,127],tran:8,trans_full_matrix_project:8,transform:90,translat:72,transpil:[45,46,47,55,63,74],transpos:22,tune:134,ture:54,two:31,type:70,uci_h:14,uniform:91,uniforminiti:20,unit:[64,65,66],unpack:72,updat:[30,41,42,127],usag:[32,48,71,72,81],use:[38,81],user:35,util:7,valu:80,value_print:7,vardesc:92,variabl:[32,63,80,82,86,92],verifi:127,version:[44,53,93],vgg_16_network:9,volum:127,vpc:127,warp_ctc:8,weightdecayregular:27,what:[38,42],wheel:93,when:[42,86],whl:93,why:[53,54,75,81,82,91],wmt14:14,worker:44,xavieriniti:20,zero:22}}) \ No newline at end of file