From 7711d78cb3fa81eea5137c103ec49c04f3bdd109 Mon Sep 17 00:00:00 2001 From: Travis CI Date: Mon, 4 Dec 2017 08:07:29 +0000 Subject: [PATCH] Deploy to GitHub Pages: 1fe05c458fa1d7ff1949759c2a06ed6d19ab8048 --- develop/doc/_sources/api/index_en.rst.txt | 1 + develop/doc/_sources/api/v2/fluid.rst.txt | 18 + .../_sources/api/v2/fluid/data_feeder.rst.txt | 9 + .../_sources/api/v2/fluid/evaluator.rst.txt | 9 + .../_sources/api/v2/fluid/executor.rst.txt | 9 + .../_sources/api/v2/fluid/initializer.rst.txt | 50 ++ .../doc/_sources/api/v2/fluid/layers.rst.txt | 302 ++++++++++++ .../doc/_sources/api/v2/fluid/nets.rst.txt | 22 + .../_sources/api/v2/fluid/optimizer.rst.txt | 54 +++ .../_sources/api/v2/fluid/param_attr.rst.txt | 11 + .../_sources/api/v2/fluid/profiler.rst.txt | 10 + .../_sources/api/v2/fluid/regularizer.rst.txt | 25 + develop/doc/api/index_en.html | 14 + .../api/v1/data_provider/dataprovider_en.html | 13 + .../v1/data_provider/pydataprovider2_en.html | 13 + develop/doc/api/v1/index_en.html | 13 + .../doc/api/v1/predict/swig_py_paddle_en.html | 13 + develop/doc/api/v2/config/activation.html | 13 + develop/doc/api/v2/config/attr.html | 13 + develop/doc/api/v2/config/evaluators.html | 13 + develop/doc/api/v2/config/layer.html | 13 + develop/doc/api/v2/config/networks.html | 13 + develop/doc/api/v2/config/optimizer.html | 13 + develop/doc/api/v2/config/pooling.html | 13 + develop/doc/api/v2/data.html | 13 + develop/doc/api/v2/data/data_reader.html | 13 + develop/doc/api/v2/data/dataset.html | 13 + develop/doc/api/v2/data/image.html | 13 + develop/doc/api/v2/fluid.html | 292 ++++++++++++ develop/doc/api/v2/fluid/data_feeder.html | 283 ++++++++++++ develop/doc/api/v2/fluid/evaluator.html | 283 ++++++++++++ develop/doc/api/v2/fluid/executor.html | 283 ++++++++++++ develop/doc/api/v2/fluid/initializer.html | 298 ++++++++++++ develop/doc/api/v2/fluid/layers.html | 430 ++++++++++++++++++ develop/doc/api/v2/fluid/nets.html | 289 ++++++++++++ develop/doc/api/v2/fluid/optimizer.html | 301 ++++++++++++ develop/doc/api/v2/fluid/param_attr.html | 283 ++++++++++++ develop/doc/api/v2/fluid/profiler.html | 283 ++++++++++++ develop/doc/api/v2/fluid/regularizer.html | 289 ++++++++++++ develop/doc/api/v2/model_configs.html | 13 + develop/doc/api/v2/run_logic.html | 17 +- develop/doc/design/api.html | 13 + develop/doc/design/auto_gradient_check.html | 13 + develop/doc/design/block.html | 13 + develop/doc/design/build_system/README.html | 13 + develop/doc/design/cluster_train/README.html | 13 + .../design/cluster_train/checkpointing.html | 13 + .../design/cluster_train/data_dispatch.html | 13 + .../cluster_train/large_model_dist_train.html | 13 + .../design/cluster_train/master_server.html | 13 + .../design/cluster_train/pserver_client.html | 13 + .../remote_parameter_updater.html | 13 + .../doc/design/cluster_train/save_model.html | 13 + .../doc/design/cluster_train/submit-job.html | 13 + develop/doc/design/evaluator.html | 13 + develop/doc/design/executor.html | 13 + develop/doc/design/file_manager/README.html | 13 + .../design/file_manager/pfs/pfsclient.html | 13 + develop/doc/design/float16.html | 13 + .../design/functions_operators_layers.html | 13 + develop/doc/design/gan_api.html | 13 + develop/doc/design/graph.html | 13 + develop/doc/design/graph_survey.html | 13 + develop/doc/design/if_else_op.html | 13 + develop/doc/design/infer_var_type.html | 13 + develop/doc/design/model_format.html | 13 + .../00.why_plain_c.html | 13 + .../01.inference_implementation.html | 13 + develop/doc/design/ops/rnn.html | 13 + develop/doc/design/ops/sequence_decoder.html | 13 + develop/doc/design/optimizer.html | 13 + develop/doc/design/parameter_average.html | 13 + develop/doc/design/parameters_in_cpp.html | 13 + develop/doc/design/program.html | 13 + develop/doc/design/prune.html | 13 + develop/doc/design/python_api.html | 13 + develop/doc/design/reader/README.html | 13 + .../refactor/distributed_architecture.html | 13 + .../doc/design/refactor/parameter_server.html | 13 + develop/doc/design/refactor/session.html | 13 + develop/doc/design/refactorization.html | 13 + develop/doc/design/register_grad_op.html | 13 + develop/doc/design/regularization.html | 13 + develop/doc/design/releasing_process.html | 13 + develop/doc/design/scope.html | 13 + develop/doc/design/selected_rows.html | 13 + develop/doc/design/simple_op_design.html | 13 + develop/doc/design/tensor_array.html | 13 + develop/doc/design/var_desc.html | 13 + develop/doc/genindex.html | 13 + .../build_from_source_en.html | 13 + .../build_and_install/docker_install_en.html | 13 + .../build_and_install/index_en.html | 13 + .../build_and_install/pip_install_en.html | 13 + develop/doc/getstarted/index_en.html | 13 + .../doc/howto/deep_model/rnn/index_en.html | 13 + .../howto/deep_model/rnn/rnn_config_en.html | 13 + develop/doc/howto/dev/build_en.html | 13 + .../howto/dev/contribute_to_paddle_en.html | 13 + develop/doc/howto/dev/new_layer_en.html | 13 + develop/doc/howto/dev/new_op_en.html | 13 + develop/doc/howto/dev/use_eigen_en.html | 13 + develop/doc/howto/index_en.html | 13 + .../doc/howto/optimization/cpu_profiling.html | 13 + .../howto/optimization/gpu_profiling_en.html | 13 + .../howto/usage/cluster/cluster_train_en.html | 13 + .../usage/cmd_parameter/arguments_en.html | 13 + .../cmd_parameter/detail_introduction_en.html | 13 + .../howto/usage/cmd_parameter/index_en.html | 13 + .../usage/cmd_parameter/use_case_en.html | 13 + develop/doc/howto/usage/k8s/k8s_aws_en.html | 13 + develop/doc/howto/usage/k8s/k8s_en.html | 13 + .../howto/usage/k8s/src/k8s_data/README.html | 13 + .../howto/usage/k8s/src/k8s_train/README.html | 13 + develop/doc/index_en.html | 13 + .../cross_compiling_for_android_en.html | 13 + .../cross_compiling_for_raspberry_en.html | 13 + develop/doc/mobile/index_en.html | 17 +- develop/doc/objects.inv | Bin 3376 -> 3509 bytes develop/doc/py-modindex.html | 13 + develop/doc/search.html | 13 + develop/doc/searchindex.js | 2 +- .../survey/cluster_bootstrapping_tools.html | 13 + develop/doc/v1_api_tutorials/README.html | 13 + .../embedding_model/index_en.html | 13 + .../doc/v1_api_tutorials/gan/index_en.html | 13 + .../imagenet_model/resnet_model_en.html | 13 + .../quick_start/index_en.html | 13 + develop/doc_cn/_sources/api/v2/fluid.rst.txt | 18 + .../_sources/api/v2/fluid/data_feeder.rst.txt | 9 + .../_sources/api/v2/fluid/evaluator.rst.txt | 9 + .../_sources/api/v2/fluid/executor.rst.txt | 9 + .../_sources/api/v2/fluid/initializer.rst.txt | 50 ++ .../_sources/api/v2/fluid/layers.rst.txt | 302 ++++++++++++ .../doc_cn/_sources/api/v2/fluid/nets.rst.txt | 22 + .../_sources/api/v2/fluid/optimizer.rst.txt | 54 +++ .../_sources/api/v2/fluid/param_attr.rst.txt | 11 + .../_sources/api/v2/fluid/profiler.rst.txt | 10 + .../_sources/api/v2/fluid/regularizer.rst.txt | 25 + develop/doc_cn/api/v2/fluid.html | 280 ++++++++++++ develop/doc_cn/api/v2/fluid/data_feeder.html | 269 +++++++++++ develop/doc_cn/api/v2/fluid/evaluator.html | 269 +++++++++++ develop/doc_cn/api/v2/fluid/executor.html | 269 +++++++++++ develop/doc_cn/api/v2/fluid/initializer.html | 284 ++++++++++++ develop/doc_cn/api/v2/fluid/layers.html | 416 +++++++++++++++++ develop/doc_cn/api/v2/fluid/nets.html | 275 +++++++++++ develop/doc_cn/api/v2/fluid/optimizer.html | 287 ++++++++++++ develop/doc_cn/api/v2/fluid/param_attr.html | 269 +++++++++++ develop/doc_cn/api/v2/fluid/profiler.html | 269 +++++++++++ develop/doc_cn/api/v2/fluid/regularizer.html | 275 +++++++++++ develop/doc_cn/objects.inv | Bin 3912 -> 4051 bytes develop/doc_cn/searchindex.js | 2 +- 152 files changed, 8861 insertions(+), 6 deletions(-) create mode 100644 develop/doc/_sources/api/v2/fluid.rst.txt create mode 100644 develop/doc/_sources/api/v2/fluid/data_feeder.rst.txt create mode 100644 develop/doc/_sources/api/v2/fluid/evaluator.rst.txt create mode 100644 develop/doc/_sources/api/v2/fluid/executor.rst.txt create mode 100644 develop/doc/_sources/api/v2/fluid/initializer.rst.txt create mode 100644 develop/doc/_sources/api/v2/fluid/layers.rst.txt create mode 100644 develop/doc/_sources/api/v2/fluid/nets.rst.txt create mode 100644 develop/doc/_sources/api/v2/fluid/optimizer.rst.txt create mode 100644 develop/doc/_sources/api/v2/fluid/param_attr.rst.txt create mode 100644 develop/doc/_sources/api/v2/fluid/profiler.rst.txt create mode 100644 develop/doc/_sources/api/v2/fluid/regularizer.rst.txt create mode 100644 develop/doc/api/v2/fluid.html create mode 100644 develop/doc/api/v2/fluid/data_feeder.html create mode 100644 develop/doc/api/v2/fluid/evaluator.html create mode 100644 develop/doc/api/v2/fluid/executor.html create mode 100644 develop/doc/api/v2/fluid/initializer.html create mode 100644 develop/doc/api/v2/fluid/layers.html create mode 100644 develop/doc/api/v2/fluid/nets.html create mode 100644 develop/doc/api/v2/fluid/optimizer.html create mode 100644 develop/doc/api/v2/fluid/param_attr.html create mode 100644 develop/doc/api/v2/fluid/profiler.html create mode 100644 develop/doc/api/v2/fluid/regularizer.html create mode 100644 develop/doc_cn/_sources/api/v2/fluid.rst.txt create mode 100644 develop/doc_cn/_sources/api/v2/fluid/data_feeder.rst.txt create mode 100644 develop/doc_cn/_sources/api/v2/fluid/evaluator.rst.txt create mode 100644 develop/doc_cn/_sources/api/v2/fluid/executor.rst.txt create mode 100644 develop/doc_cn/_sources/api/v2/fluid/initializer.rst.txt create mode 100644 develop/doc_cn/_sources/api/v2/fluid/layers.rst.txt create mode 100644 develop/doc_cn/_sources/api/v2/fluid/nets.rst.txt create mode 100644 develop/doc_cn/_sources/api/v2/fluid/optimizer.rst.txt create mode 100644 develop/doc_cn/_sources/api/v2/fluid/param_attr.rst.txt create mode 100644 develop/doc_cn/_sources/api/v2/fluid/profiler.rst.txt create mode 100644 develop/doc_cn/_sources/api/v2/fluid/regularizer.rst.txt create mode 100644 develop/doc_cn/api/v2/fluid.html create mode 100644 develop/doc_cn/api/v2/fluid/data_feeder.html create mode 100644 develop/doc_cn/api/v2/fluid/evaluator.html create mode 100644 develop/doc_cn/api/v2/fluid/executor.html create mode 100644 develop/doc_cn/api/v2/fluid/initializer.html create mode 100644 develop/doc_cn/api/v2/fluid/layers.html create mode 100644 develop/doc_cn/api/v2/fluid/nets.html create mode 100644 develop/doc_cn/api/v2/fluid/optimizer.html create mode 100644 develop/doc_cn/api/v2/fluid/param_attr.html create mode 100644 develop/doc_cn/api/v2/fluid/profiler.html create mode 100644 develop/doc_cn/api/v2/fluid/regularizer.html diff --git a/develop/doc/_sources/api/index_en.rst.txt b/develop/doc/_sources/api/index_en.rst.txt index 25c1dd00b9..e6f632e1a5 100644 --- a/develop/doc/_sources/api/index_en.rst.txt +++ b/develop/doc/_sources/api/index_en.rst.txt @@ -7,3 +7,4 @@ API v2/model_configs.rst v2/data.rst v2/run_logic.rst + v2/fluid.rst diff --git a/develop/doc/_sources/api/v2/fluid.rst.txt b/develop/doc/_sources/api/v2/fluid.rst.txt new file mode 100644 index 0000000000..43fc19dc49 --- /dev/null +++ b/develop/doc/_sources/api/v2/fluid.rst.txt @@ -0,0 +1,18 @@ +====================== +Fluid +====================== + +.. toctree:: + :maxdepth: 1 + + fluid/layers.rst + fluid/data_feeder.rst + fluid/executor.rst + fluid/initializer.rst + fluid/evaluator.rst + fluid/nets.rst + fluid/optimizer.rst + fluid/param_attr.rst + fluid/profiler.rst + fluid/regularizer.rst + diff --git a/develop/doc/_sources/api/v2/fluid/data_feeder.rst.txt b/develop/doc/_sources/api/v2/fluid/data_feeder.rst.txt new file mode 100644 index 0000000000..0fa78f7dfb --- /dev/null +++ b/develop/doc/_sources/api/v2/fluid/data_feeder.rst.txt @@ -0,0 +1,9 @@ +=========== +DataFeeder +=========== + +DataFeeder +----------- +.. automodule:: paddle.v2.fluid.data_feeder + :members: DataFeeder + :noindex: diff --git a/develop/doc/_sources/api/v2/fluid/evaluator.rst.txt b/develop/doc/_sources/api/v2/fluid/evaluator.rst.txt new file mode 100644 index 0000000000..a23f3301d0 --- /dev/null +++ b/develop/doc/_sources/api/v2/fluid/evaluator.rst.txt @@ -0,0 +1,9 @@ +=========== +Evaluator +=========== + +Evaluator +----------- +.. automodule:: paddle.v2.fluid.evaluator + :members: Evaluator + :noindex: diff --git a/develop/doc/_sources/api/v2/fluid/executor.rst.txt b/develop/doc/_sources/api/v2/fluid/executor.rst.txt new file mode 100644 index 0000000000..3a283538c1 --- /dev/null +++ b/develop/doc/_sources/api/v2/fluid/executor.rst.txt @@ -0,0 +1,9 @@ +=========== +Executor +=========== + +Executor +----------- +.. automodule:: paddle.v2.fluid.executor + :members: Executor + :noindex: diff --git a/develop/doc/_sources/api/v2/fluid/initializer.rst.txt b/develop/doc/_sources/api/v2/fluid/initializer.rst.txt new file mode 100644 index 0000000000..8f587837e9 --- /dev/null +++ b/develop/doc/_sources/api/v2/fluid/initializer.rst.txt @@ -0,0 +1,50 @@ +=========== +Initializer +=========== + + + +Initializer +----------- +.. automodule:: paddle.v2.fluid.initializer + :members: Initializer + :noindex: + + + +ConstantInitializer +------------------- +.. automodule:: paddle.v2.fluid.initializer + :members: ConstantInitializer + :noindex: + + + +UniformInitializer +------------------ +.. automodule:: paddle.v2.fluid.initializer + :members: UniformInitializer + :noindex: + + + +NormalInitializer +----------------- +.. automodule:: paddle.v2.fluid.initializer + :members: NormalInitializer + :noindex: + + +XavierInitializer +----------------- +.. automodule:: paddle.v2.fluid.initializer + :members: XavierInitializer + :noindex: + + +MSRAInitializer +--------------- +.. automodule:: paddle.v2.fluid.initializer + :members: MSRAInitializer + :noindex: + diff --git a/develop/doc/_sources/api/v2/fluid/layers.rst.txt b/develop/doc/_sources/api/v2/fluid/layers.rst.txt new file mode 100644 index 0000000000..89e5fec13b --- /dev/null +++ b/develop/doc/_sources/api/v2/fluid/layers.rst.txt @@ -0,0 +1,302 @@ +========== +Layers +========== + + +fc +--- +.. autofunction:: paddle.v2.fluid.layers.fc + :noindex: + +embedding +--------- +.. autofunction:: paddle.v2.fluid.layers.embedding + :noindex: + +dynamic_lstm +------------ +.. autofunction:: paddle.v2.fluid.layers.dynamic_lstm + :noindex: + +data +--------- +.. autofunction:: paddle.v2.fluid.layers.data + :noindex: + +mean +--------- +.. autofunction:: paddle.v2.fluid.layers.mean + :noindex: + +mul +--------- +.. autofunction:: paddle.v2.fluid.layers.mul + :noindex: + +elementwise_add +--------------- +.. autofunction:: paddle.v2.fluid.layers.elementwise_add + :noindex: + +elementwise_div +--------------- +.. autofunction:: paddle.v2.fluid.layers.elementwise_div + :noindex: + + +dropout +--------- +.. autofunction:: paddle.v2.fluid.layers.dropout + :noindex: + + +reshape +--------- +.. autofunction:: paddle.v2.fluid.layers.reshape + :noindex: + + +sigmoid +--------- +.. autofunction:: paddle.v2.fluid.layers.sigmoid + :noindex: + + +scale +--------- +.. autofunction:: paddle.v2.fluid.layers.scale + :noindex: + + +reshape +--------- +.. autofunction:: paddle.v2.fluid.layers.reshape + :noindex: + + +transpose +--------- +.. autofunction:: paddle.v2.fluid.layers.transpose + :noindex: + + +sigmoid_cross_entropy_with_logits +--------- +.. autofunction:: paddle.v2.fluid.layers.esigmoid_cross_entropy_with_logits + :noindex: + + +cast +--------- +.. autofunction:: paddle.v2.fluid.layers.cast + :noindex: + + +concat +--------- +.. autofunction:: paddle.v2.fluid.layers.concat + :noindex: + + +sums +--------- +.. autofunction:: paddle.v2.fluid.layers.sums + :noindex: + + +linear_chain_crf +--------- +.. autofunction:: paddle.v2.fluid.layers.linear_chain_crf + :noindex: + + +assign +--------- +.. autofunction:: paddle.v2.fluid.layers.embedding + :noindex: + + +split_lod_tensor +--------- +.. autofunction:: paddle.v2.fluid.layers.split_lod_tensor + :noindex: + + +merge_lod_tensor +--------- +.. autofunction:: paddle.v2.fluid.layers.merge_lod_tensor + :noindex: + +cos_sim +--------- +.. autofunction:: paddle.v2.fluid.layers.cos_sim + :noindex: + + +cross_entropy +--------- +.. autofunction:: paddle.v2.fluid.layers.cross_entropy + :noindex: + + + +square_error_cost +--------- +.. autofunction:: paddle.v2.fluid.layers.square_error_cost + :noindex: + + +accuracy +--------- +.. autofunction:: paddle.v2.fluid.layers.accuracy + :noindex: + + +sequence_conv +--------- +.. autofunction:: paddle.v2.fluid.layers.sequence_conv + :noindex: + + +conv2d +--------- +.. autofunction:: paddle.v2.fluid.layers.conv2d + :noindex: + + +sequence_pool +--------- +.. autofunction:: paddle.v2.fluid.layers.sequence_pool + :noindex: + + +pool2d +--------- +.. autofunction:: paddle.v2.fluid.layers.pool2d + :noindex: + + +batch_norm +--------- +.. autofunction:: paddle.v2.fluid.layers.batch_norm + :noindex: + + +beam_search_decode +--------- +.. autofunction:: paddle.v2.fluid.layers.beam_search_decode + :noindex: + + +lstm +--------- +.. autofunction:: paddle.v2.fluid.layers.lstm + :noindex: + + +lod_rank_table +--------- +.. autofunction:: paddle.v2.fluid.layers.lod_rank_table + :noindex: + + +max_sequence_len +--------- +.. autofunction:: paddle.v2.fluid.layers.max_sequence_len + :noindex: + + +topk +--------- +.. autofunction:: paddle.v2.fluid.layers.topk + :noindex: + + +lod_tensor_to_array +--------- +.. autofunction:: paddle.v2.fluid.layers.lod_tensor_to_array + :noindex: + + + +array_to_lod_tensor +--------- +.. autofunction:: paddle.v2.fluid.layers.array_to_lod_tensor + :noindex: + + + + +fill_constant +--------- +.. autofunction:: paddle.v2.fluid.layers.fill_constant + :noindex: + + + +fill_constant_batch_size_like +--------- +.. autofunction:: paddle.v2.fluid.layers.fill_constant_batch_size_like + :noindex: + + +ones +--------- +.. autofunction:: paddle.v2.fluid.layers.ones + :noindex: + + +zeros +--------- +.. autofunction:: paddle.v2.fluid.layers.zeros + :noindex: + + +increment +--------- +.. autofunction:: paddle.v2.fluid.layers.increment + :noindex: + + +array_write +--------- +.. autofunction:: paddle.v2.fluid.layers.array_write + :noindex: + + + +create_array +--------- +.. autofunction:: paddle.v2.fluid.layers.create_array + :noindex: + + +less_than +--------- +.. autofunction:: paddle.v2.fluid.layers.less_than + :noindex: + + +array_read +--------- +.. autofunction:: paddle.v2.fluid.layers.array_read + :noindex: + + +shrink_memory +--------- +.. autofunction:: paddle.v2.fluid.layers.shrink_memory + :noindex: + + +array_length +--------- +.. autofunction:: paddle.v2.fluid.layers.array_length + :noindex: + + +conv2d_transpose +--------- +.. autofunction:: paddle.v2.fluid.layers.conv2d_transpose + :noindex: + diff --git a/develop/doc/_sources/api/v2/fluid/nets.rst.txt b/develop/doc/_sources/api/v2/fluid/nets.rst.txt new file mode 100644 index 0000000000..2c3d075422 --- /dev/null +++ b/develop/doc/_sources/api/v2/fluid/nets.rst.txt @@ -0,0 +1,22 @@ +=========== +Nets +=========== + +simple_img_conv_pool +----------- +.. autofunction:: paddle.v2.fluid.nets.simple_img_conv_pool + :noindex: + + +img_conv_group +----------- +.. autofunction:: paddle.v2.fluid.nets.img_conv_group + :noindex: + + +sequence_conv_pool +----------- +.. autofunction:: paddle.v2.fluid.nets.sequence_conv_pool + :noindex: + + diff --git a/develop/doc/_sources/api/v2/fluid/optimizer.rst.txt b/develop/doc/_sources/api/v2/fluid/optimizer.rst.txt new file mode 100644 index 0000000000..233762fcdf --- /dev/null +++ b/develop/doc/_sources/api/v2/fluid/optimizer.rst.txt @@ -0,0 +1,54 @@ +=========== +Optimizer +=========== + +Optimizer +----------- +.. automodule:: paddle.v2.fluid.optimizer + :members: Optimizer + :noindex: + + +SGDOptimizer +----------- +.. automodule:: paddle.v2.fluid.optimizer + :members: SGDOptimizer + :noindex: + + + +MomentumOptimizer +----------- +.. automodule:: paddle.v2.fluid.optimizer + :members: MomentumOptimizer + :noindex: + + + +AdagradOptimizer +----------- +.. automodule:: paddle.v2.fluid.optimizer + :members: AdagradOptimizer + :noindex: + + +AdamOptimizer +----------- +.. automodule:: paddle.v2.fluid.optimizer + :members: AdamOptimizer + :noindex: + + +AdamaxOptimizer +----------- +.. automodule:: paddle.v2.fluid.optimizer + :members: AdamaxOptimizer + :noindex: + + +DecayedAdagradOptimizer +----------- +.. automodule:: paddle.v2.fluid.optimizer + :members: DecayedAdagradOptimizer + :noindex: + diff --git a/develop/doc/_sources/api/v2/fluid/param_attr.rst.txt b/develop/doc/_sources/api/v2/fluid/param_attr.rst.txt new file mode 100644 index 0000000000..ca0c8af9e8 --- /dev/null +++ b/develop/doc/_sources/api/v2/fluid/param_attr.rst.txt @@ -0,0 +1,11 @@ +=========== +ParamAttr +=========== + + + +ParamAttr +----------- +.. automodule:: paddle.v2.fluid.param_attr + :members: ParamAttr + :noindex: diff --git a/develop/doc/_sources/api/v2/fluid/profiler.rst.txt b/develop/doc/_sources/api/v2/fluid/profiler.rst.txt new file mode 100644 index 0000000000..7d4042d1f4 --- /dev/null +++ b/develop/doc/_sources/api/v2/fluid/profiler.rst.txt @@ -0,0 +1,10 @@ +=========== +Profiler +=========== + + + +Profiler +----------- +.. autofunction:: paddle.v2.fluid.profiler.cuda_profiler + :noindex: diff --git a/develop/doc/_sources/api/v2/fluid/regularizer.rst.txt b/develop/doc/_sources/api/v2/fluid/regularizer.rst.txt new file mode 100644 index 0000000000..3af2b07d2a --- /dev/null +++ b/develop/doc/_sources/api/v2/fluid/regularizer.rst.txt @@ -0,0 +1,25 @@ +=========== +Regularizer +=========== + +WeightDecayRegularizer +----------- +.. automodule:: paddle.v2.fluid.regularizer + :members: WeightDecayRegularizer + :noindex: + + +L2DecayRegularizer +----------- +.. automodule:: paddle.v2.fluid.regularizer + :members: L2DecayRegularizer + :noindex: + + + +L1DecayRegularizer +----------- +.. automodule:: paddle.v2.fluid.regularizer + :members: L1DecayRegularizer + + diff --git a/develop/doc/api/index_en.html b/develop/doc/api/index_en.html index e66e83ee4c..c2d057d9d9 100644 --- a/develop/doc/api/index_en.html +++ b/develop/doc/api/index_en.html @@ -154,6 +154,19 @@
  • Training and Inference
  • +
  • Fluid +
  • MOBILE diff --git a/develop/doc/api/v1/data_provider/dataprovider_en.html b/develop/doc/api/v1/data_provider/dataprovider_en.html index 4f4b9d97ec..7a4ce5a257 100644 --- a/develop/doc/api/v1/data_provider/dataprovider_en.html +++ b/develop/doc/api/v1/data_provider/dataprovider_en.html @@ -152,6 +152,19 @@
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE
  • Training and Inference
  • +
  • Fluid +
  • MOBILE