提交 6cea69f9 编写于 作者: L LielinJiang

summary

上级 f3895645
=============
paddle.dataset
fluid.dataset
=============
.. toctree::
......
......@@ -5,6 +5,8 @@ fluid.dygraph
.. toctree::
:maxdepth: 1
dygraph/amp_guard.rst
dygraph/AmpScaler.rst
dygraph/BackwardStrategy.rst
dygraph/BatchNorm.rst
dygraph/BilinearTensorProduct.rst
......@@ -25,18 +27,24 @@ fluid.dygraph
dygraph/enable_dygraph.rst
dygraph/enabled.rst
dygraph/ExponentialDecay.rst
dygraph/Flatten.rst
dygraph/grad.rst
dygraph/GroupNorm.rst
dygraph/GRUCell.rst
dygraph/GRUUnit.rst
dygraph/guard.rst
dygraph/InstanceNorm.rst
dygraph/InverseTimeDecay.rst
dygraph/jit.rst
dygraph/LambdaDecay.rst
dygraph/Layer.rst
dygraph/LayerList.rst
dygraph/LayerNorm.rst
dygraph/Linear.rst
dygraph/LinearLrWarmup.rst
dygraph/load_dygraph.rst
dygraph/LSTMCell.rst
dygraph/MultiStepDecay.rst
dygraph/NaturalExpDecay.rst
dygraph/NCE.rst
dygraph/no_grad.rst
......@@ -48,7 +56,6 @@ fluid.dygraph
dygraph/Pool2D.rst
dygraph/PRelu.rst
dygraph/prepare_context.rst
dygraph/ProgramTranslator.rst
dygraph/ReduceLROnPlateau.rst
dygraph/save_dygraph.rst
dygraph/Sequential.rst
......
......@@ -4,7 +4,7 @@
.. _api_fluid_dygraph_InstanceNorm:
InstanceNorm
---------
------------
.. autoclass:: paddle.fluid.dygraph.InstanceNorm
:members:
......
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_paddle_grad:
.. _api_fluid_dygraph_grad:
grad
----
.. autofunction:: paddle.grad
.. autofunction:: paddle.fluid.dygraph.grad
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_fluid_dygraph_no_grad:
no_grad
-------
.. autofunction:: paddle.fluid.dygraph.no_grad
:noindex:
......@@ -23,10 +23,12 @@ fluid
fluid/default_startup_program.rst
fluid/device_guard.rst
fluid/disable_dygraph.rst
fluid/disable_imperative.rst
fluid/DistributeTranspiler.rst
fluid/DistributeTranspilerConfig.rst
fluid/embedding.rst
fluid/enable_dygraph.rst
fluid/enable_imperative.rst
fluid/ExecutionStrategy.rst
fluid/Executor.rst
fluid/get_flags.rst
......@@ -34,6 +36,7 @@ fluid
fluid/gradients.rst
fluid/in_dygraph_mode.rst
fluid/is_compiled_with_cuda.rst
fluid/is_compiled_with_xpu.rst
fluid/load.rst
fluid/load_op_library.rst
fluid/LoDTensor.rst
......@@ -53,3 +56,4 @@ fluid
fluid/Tensor.rst
fluid/Variable.rst
fluid/WeightNormParamAttr.rst
fluid/XPUPlace.rst
=======================
================
paddle.framework
=======================
================
.. toctree::
:maxdepth: 1
......@@ -8,17 +8,27 @@ paddle.framework
framework/append_backward.rst
framework/BuildStrategy.rst
framework/CompiledProgram.rst
framework/ComplexVariable.rst
framework/cpu_places.rst
framework/CPUPlace.rst
framework/create_global_var.rst
framework/create_parameter.rst
framework/cuda_pinned_places.rst
framework/cuda_places.rst
framework/CUDAPinnedPlace.rst
framework/CUDAPlace.rst
framework/default_main_program.rst
framework/default_startup_program.rst
framework/device_guard.rst
framework/ExecutionStrateg y.rst
framework/Executor.rst
framework/get_flags.rst
framework/global_scope.rst
framework/gradients.rst
framework/in_dygraph_mode.rst
framework/is_compiled_with_cuda.rst
framework/is_compiled_with_xpu.rst
framework/load_op_library.rst
framework/name_scope.rst
framework/ParallelExecutor.rst
framework/ParamAttr.rst
......@@ -26,6 +36,8 @@ paddle.framework
framework/Program.rst
framework/program_guard.rst
framework/py_func.rst
framework/require_version.rst
framework/scope_guard.rst
framework/set_flags.rst
framework/Variable.rst
framework/WeightNormParamAttr.rst
.. _api_framework_Program:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_fluid_framework_Program:
Program
-------------------------------
:doc_source: paddle.fluid.framework.Program
-------
.. autoclass:: paddle.fluid.framework.Program
:members:
:inherited-members:
:noindex:
.. _api_framework_Variable:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_fluid_framework_Variable:
Variable
-------------------------------
:doc_source: paddle.fluid.framework.Variable
--------
.. autoclass:: paddle.fluid.framework.Variable
:members:
:inherited-members:
:noindex:
.. _api_framework_default_main_program:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_fluid_framework_default_main_program:
default_main_program
-------------------------------
:doc_source: paddle.fluid.framework.default_main_program
--------------------
.. autofunction:: paddle.fluid.framework.default_main_program
:noindex:
.. _api_framework_default_startup_program:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_fluid_framework_default_startup_program:
default_startup_program
-------------------------------
:doc_source: paddle.fluid.framework.default_startup_program
-----------------------
.. autofunction:: paddle.fluid.framework.default_startup_program
:noindex:
.. _api_framework_name_scope:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_fluid_framework_name_scope:
name_scope
-------------------------------
:doc_source: paddle.fluid.framework.name_scope
----------
.. autofunction:: paddle.fluid.framework.name_scope
:noindex:
.. _api_framework_program_guard:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_fluid_framework_program_guard:
program_guard
-------------------------------
:doc_source: paddle.fluid.framework.program_guard
-------------
.. autofunction:: paddle.fluid.framework.program_guard
:noindex:
......@@ -21,7 +21,7 @@ import contextlib
import paddle.fluid as fluid
import paddle.tensor as tensor
import paddle.nn as nn
import paddle.complex as complex
# import paddle.complex as complex
#import paddle.framework as framework
def parse_arg():
......
#!/bin/bash
for module in layers dataset clip metrics executor initializer io nets optimizer profiler regularizer transpiler backward profiler unique_name dygraph framework
do
python gen_doc.py --module_name ${module} --module_prefix ${module} --output ${module} --output_name fluid --to_multiple_files True
python gen_module_index.py ${module} fluid.${module}
done
# for module in layers dataset clip metrics executor initializer io nets optimizer profiler regularizer transpiler backward profiler unique_name dygraph framework
# do
# python gen_doc.py --module_name ${module} --module_prefix ${module} --output ${module} --output_name fluid --to_multiple_files True
# python gen_module_index.py ${module} fluid.${module}
# done
python gen_doc.py --module_name "" --module_prefix "" --output fluid --output_name fluid --to_multiple_files True
python gen_module_index.py fluid fluid
# python gen_doc.py --module_name "" --module_prefix "" --output fluid --output_name fluid --to_multiple_files True
# python gen_module_index.py fluid fluid
# tensor
for module in math random stat linalg search
do
python gen_doc.py --module_name ${module} --module_prefix ${module} --output ${module} --output_name tensor --to_multiple_files True --output_dir tensor
python gen_module_index.py tensor.${module} ${module}
done
# # tensor
# for module in math random stat linalg search
# do
# python gen_doc.py --module_name ${module} --module_prefix ${module} --output ${module} --output_name tensor --to_multiple_files True --output_dir tensor
# python gen_module_index.py tensor.${module} ${module}
# done
python gen_module_index.py tensor paddle.tensor
# python gen_module_index.py tensor paddle.tensor
for module in math manipulation linalg
do
python gen_doc.py --module_name tensor.${module} --module_prefix tensor.${module} --output tensor/${module} --output_name complex --to_multiple_files True --output_dir complex
python gen_module_index.py complex.tensor.${module} ${module}
done
# for module in math manipulation linalg
# do
# python gen_doc.py --module_name tensor.${module} --module_prefix tensor.${module} --output tensor/${module} --output_name complex --to_multiple_files True --output_dir complex
# python gen_module_index.py complex.tensor.${module} ${module}
# done
python gen_module_index.py complex.tensor tensor
python gen_module_index.py complex paddle.complex
python gen_module_index.py framework paddle.framework
# python gen_module_index.py complex.tensor tensor
# python gen_module_index.py complex paddle.complex
# python gen_module_index.py framework paddle.framework
# nn
for module in loss activation
for module in layer #loss activation
do
python gen_doc.py --module_name ${module} --module_prefix ${module} --output ${module} --output_name nn --to_multiple_files True --output_dir nn
python gen_module_index.py nn.${module} ${module}
......
===============
paddle.incubate
===============
.. toctree::
:maxdepth: 1
incubate/hapi.rst
====
hapi
====
.. toctree::
:maxdepth: 1
hapi/utils.rst
===========
utils
===========
.. toctree::
:maxdepth: 1
utils/summary.rst
\ No newline at end of file
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_incubate_hapi_utils_summary:
summary
-------------------------------
.. autofunction:: paddle.incubate.hapi.utils.summary
:noindex:
......@@ -6,30 +6,32 @@ API Reference
:maxdepth: 1
../api_guides/index_en.rst
dataset.rst
complex.rst
declarative.rst
framework.rst
imperative.rst
io.rst
metric.rst
nn.rst
optimizer.rst
review_tmp.rst
tensor.rst
fluid.rst
backward.rst
clip.rst
data/data_reader.rst
data/dataset.rst
dataset.rst
dygraph.rst
executor.rst
fluid.rst
initializer.rst
io.rst
layers.rst
metrics.rst
nets.rst
optimizer.rst
paddle.rst
profiler.rst
regularizer.rst
transpiler.rst
unique_name.rst
review_tmp.rst
incubate.rst
......@@ -16,6 +16,7 @@ fluid.initializer
initializer/Normal.rst
initializer/NormalInitializer.rst
initializer/NumpyArrayInitializer.rst
initializer/set_global_initializer.rst
initializer/TruncatedNormal.rst
initializer/TruncatedNormalInitializer.rst
initializer/Uniform.rst
......
========
paddle.io
fluid.io
========
.. toctree::
......@@ -14,6 +14,7 @@ paddle.io
io/ComposeNotAligned.rst
io/DataLoader.rst
io/Dataset.rst
io/default_collate_fn.rst
io/firstn.rst
io/get_program_parameter.rst
io/get_program_persistable_vars.rst
......@@ -28,12 +29,9 @@ paddle.io
io/PyReader.rst
io/save.rst
io/save_inference_model.rst
io/save_inference_model.rst
io/save_params.rst
io/save_persistables.rst
io/save_vars.rst
io/set_program_state.rst
io/set_program_state.rst
io/shuffle.rst
io/shuffle.rst
io/xmap_readers.rst
......@@ -21,6 +21,7 @@ fluid.layers
layers/array_read.rst
layers/array_write.rst
layers/asin.rst
layers/Assert.rst
layers/assign.rst
layers/atan.rst
layers/auc.rst
......@@ -55,6 +56,7 @@ fluid.layers
layers/conv3d_transpose.rst
layers/cos.rst
layers/cos_sim.rst
layers/cosh.rst
layers/cosine_decay.rst
layers/create_array.rst
layers/create_global_var.rst
......@@ -174,15 +176,16 @@ fluid.layers
layers/LSTMCell.rst
layers/margin_rank_loss.rst
layers/matmul.rst
layers/matrix_nms.rst
layers/maxout.rst
layers/mean.rst
layers/mean_iou.rst
layers/merge_selected_rows.rst
layers/mish.rst
layers/mse_loss.rst
layers/mul.rst
layers/multi_box_head.rst
layers/multiclass_nms.rst
layers/matrix_nms.rst
layers/multiplex.rst
layers/MultivariateNormalDiag.rst
layers/natural_exp_decay.rst
......@@ -229,6 +232,7 @@ fluid.layers
layers/reorder_lod_tensor_by_rank.rst
layers/reshape.rst
layers/resize_bilinear.rst
layers/resize_linear.rst
layers/resize_nearest.rst
layers/resize_trilinear.rst
layers/retinanet_detection_output.rst
......@@ -276,6 +280,7 @@ fluid.layers
layers/sign.rst
layers/similarity_focus.rst
layers/sin.rst
layers/sinh.rst
layers/size.rst
layers/slice.rst
layers/smooth_l1.rst
......@@ -312,6 +317,7 @@ fluid.layers
layers/topk.rst
layers/TrainingHelper.rst
layers/transpose.rst
layers/unbind.rst
layers/unfold.rst
layers/Uniform.rst
layers/uniform_random.rst
......
......@@ -4,7 +4,7 @@
.. _api_fluid_layers_matrix_nms:
matrix_nms
--------------
----------
.. autofunction:: paddle.fluid.layers.matrix_nms
:noindex:
......
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_BatchNorm:
BatchNorm
-------------------------------
:doc_source: paddle.fluid.dygraph.BatchNorm
---------
.. autoclass:: paddle.nn.BatchNorm
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_BilinearTensorProduct:
BilinearTensorProduct
-------------------------------
:doc_source: paddle.fluid.dygraph.BilinearTensorProduct
---------------------
.. autoclass:: paddle.nn.BilinearTensorProduct
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_ConstantPad1d:
ConstantPad1d
-------------------------------
:doc_source: paddle.nn.ConstantPad1d
-------------
.. autoclass:: paddle.nn.ConstantPad1d
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_ConstantPad2d:
ConstantPad2d
-------------------------------
:doc_source: paddle.nn.ConstantPad2d
-------------
.. autoclass:: paddle.nn.ConstantPad2d
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_ConstantPad3d:
ConstantPad3d
-------------------------------
:doc_source: paddle.nn.ConstantPad3d
-------------
.. autoclass:: paddle.nn.ConstantPad3d
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_CosineSimilarity:
CosineSimilarity
-------------------------------
:doc_source: paddle.nn.CosineSimilarity
----------------
.. autoclass:: paddle.nn.CosineSimilarity
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_Embedding:
Embedding
-------------------------------
:doc_source: paddle.fluid.dygraph.Embedding
---------
.. autoclass:: paddle.nn.Embedding
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_GroupNorm:
GroupNorm
-------------------------------
:doc_source: paddle.fluid.dygraph.GroupNorm
---------
.. autoclass:: paddle.nn.GroupNorm
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_LayerNorm:
LayerNorm
-------------------------------
:doc_source: paddle.fluid.dygraph.LayerNorm
---------
.. autoclass:: paddle.nn.LayerNorm
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_Linear:
Linear
-------------------------------
:doc_source: paddle.fluid.dygraph.Linear
------
.. autoclass:: paddle.nn.Linear
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_Pool2D:
Pool2D
-------------------------------
:doc_source: paddle.fluid.dygraph.Pool2D
------
.. autoclass:: paddle.nn.Pool2D
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_ReflectionPad1d:
ReflectionPad1d
-------------------------------
:doc_source: paddle.nn.ReflectionPad1d
---------------
.. autoclass:: paddle.nn.ReflectionPad1d
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_ReflectionPad2d:
ReflectionPad2d
-------------------------------
:doc_source: paddle.nn.ReflectionPad2d
---------------
.. autoclass:: paddle.nn.ReflectionPad2d
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_ReplicationPad1d:
ReplicationPad1d
-------------------------------
:doc_source: paddle.nn.ReplicationPad1d
----------------
.. autoclass:: paddle.nn.ReplicationPad1d
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_ReplicationPad2d:
ReplicationPad2d
-------------------------------
:doc_source: paddle.nn.ReplicationPad2d
----------------
.. autoclass:: paddle.nn.ReplicationPad2d
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_ReplicationPad3d:
ReplicationPad3d
-------------------------------
:doc_source: paddle.nn.ReplicationPad3d
----------------
.. autoclass:: paddle.nn.ReplicationPad3d
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_SpectralNorm:
SpectralNorm
-------------------------------
:doc_source: paddle.fluid.dygraph.SpectralNorm
------------
.. autoclass:: paddle.nn.SpectralNorm
:members:
:inherited-members:
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_ZeroPad2d:
ZeroPad2d
-------------------------------
:doc_source: paddle.nn.ZeroPad2d
---------
.. autoclass:: paddle.nn.ZeroPad2d
:members:
:inherited-members:
:noindex:
......@@ -8,7 +8,6 @@ activation
activation/ELU.rst
activation/GELU.rst
activation/Hardshrink.rst
activation/Tanh.rst
activation/Hardtanh.rst
activation/LogSigmoid.rst
activation/PReLU.rst
......@@ -19,4 +18,5 @@ activation
activation/Softplus.rst
activation/Softshrink.rst
activation/Softsign.rst
activation/Tanh.rst
activation/Tanhshrink.rst
.. _api_nn_add_position_encoding:
add_position_encoding
-------------------------------
:doc_source: paddle.fluid.layers.add_position_encoding
.. _api_nn_continuous_value_model:
continuous_value_model
-------------------------------
:doc_source: paddle.fluid.layers.continuous_value_model
.. _api_nn_filter_by_instag:
filter_by_instag
-------------------------------
:doc_source: paddle.fluid.layers.filter_by_instag
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_functional_binary_cross_entropy:
.. _api_nn_functional_loss_binary_cross_entropy:
binary_cross_entropy
--------------------
.. autofunction:: paddle.nn.functional.binary_cross_entropy
.. autofunction:: paddle.nn.functional.loss.binary_cross_entropy
:noindex:
.. _api_nn_functional_l1_loss:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_functional_loss_l1_loss:
l1_loss
------
-------
.. autoclass:: paddle.nn.functional.l1_loss
:members:
:inherited-members:
.. autofunction:: paddle.nn.functional.loss.l1_loss
:noindex:
.. _api_nn_functional_mse_loss:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_functional_loss_mse_loss:
mse_loss
------
--------
.. autoclass:: paddle.nn.functional.mse_loss
:members:
:inherited-members:
.. autofunction:: paddle.nn.functional.loss.mse_loss
:noindex:
.. _api_nn_functional_nll_loss:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_nn_functional_loss_nll_loss:
nll_loss
-------------------------------
--------
.. autoclass:: paddle.nn.functional.nll_loss
:members:
:inherited-members:
.. autofunction:: paddle.nn.functional.loss.nll_loss
:noindex:
......@@ -4,7 +4,7 @@
.. _api_nn_loss_BCELoss:
BCELoss
-------------------------------
-------
.. autoclass:: paddle.nn.loss.BCELoss
:members:
......
......@@ -4,7 +4,7 @@
.. _api_nn_loss_NLLLoss:
NLLLoss
-------------------------------
-------
.. autoclass:: paddle.nn.loss.NLLLoss
:members:
......
.. _api_nn_multiclass_nms:
multiclass_nms
-------------------------------
:doc_source: paddle.fluid.layers.multiclass_nms
.. _api_nn_polygon_box_transform:
polygon_box_transform
-------------------------------
:doc_source: paddle.fluid.layers.polygon_box_transform
.. _api_nn_random_crop:
random_crop
-------------------------------
:doc_source: paddle.fluid.layers.random_crop
.. _api_nn_row_conv:
row_conv
-------------------------------
:doc_source: paddle.fluid.layers.row_conv
.. _api_nn_rpn_target_assign:
rpn_target_assign
-------------------------------
:doc_source: paddle.fluid.layers.rpn_target_assign
.. _api_nn_similarity_focus:
similarity_focus
-------------------------------
:doc_source: paddle.fluid.layers.similarity_focus
.. _api_nn_target_assign:
target_assign
-------------------------------
:doc_source: paddle.fluid.layers.target_assign
.. _api_nn_temporal_shift:
temporal_shift
-------------------------------
:doc_source: paddle.fluid.layers.temporal_shift
.. _api_nn_warpctc:
warpctc
-------------------------------
:doc_source: paddle.fluid.layers.warpctc
===============
paddle.optimizer
fluid.optimizer
===============
.. toctree::
......@@ -28,6 +28,7 @@ paddle.optimizer
optimizer/ModelAverage.rst
optimizer/Momentum.rst
optimizer/MomentumOptimizer.rst
optimizer/PipelineOptimizer.rst
optimizer/RecomputeOptimizer.rst
optimizer/RMSPropOptimizer.rst
optimizer/SGD.rst
......
......@@ -49,16 +49,16 @@ paddle.tensor
tensor/has_inf.rst
tensor/has_nan.rst
tensor/increment.rst
tensor/is_empty.rst
tensor/index_select.rst
tensor/is_empty.rst
tensor/isfinite.rst
tensor/less_equal.rst
tensor/less_than.rst
tensor/logic.rst
tensor/linalg.rst
tensor/linspace.rst
tensor/load.rst
tensor/log.rst
tensor/logic.rst
tensor/logical_and.rst
tensor/logical_not.rst
tensor/logical_or.rst
......@@ -70,13 +70,12 @@ paddle.tensor
tensor/min.rst
tensor/minimum.rst
tensor/mm.rst
tensor/mul.rst
tensor/multiplex.rst
tensor/norm.rst
tensor/not_equal.rst
tensor/numel.rst
tensor/ones.rst
tensor/ones_like.rst
tensor/numel.rst
tensor/pow.rst
tensor/random.rst
tensor/rank.rst
......@@ -111,8 +110,8 @@ paddle.tensor
tensor/squeeze.rst
tensor/stack.rst
tensor/stanh.rst
tensor/std.rst
tensor/stat.rst
tensor/std.rst
tensor/strided_slice.rst
tensor/sum.rst
tensor/sums.rst
......
......@@ -5,4 +5,13 @@ linalg
.. toctree::
:maxdepth: 1
linalg/bmm.rst
linalg/cholesky.rst
linalg/cross.rst
linalg/dist.rst
linalg/dot.rst
linalg/histogram.rst
linalg/matmul.rst
linalg/norm.rst
linalg/t.rst
linalg/transpose.rst
......@@ -4,7 +4,7 @@
.. _api_tensor_linalg_dist:
dist
--------
----
.. autofunction:: paddle.tensor.linalg.dist
:noindex:
......
......@@ -5,26 +5,68 @@ math
.. toctree::
:maxdepth: 1
math/abs.rst
math/acos.rst
math/add.rst
math/addcmul.rst
math/addmm.rst
math/asin.rst
math/atan.rst
math/clamp.rst
math/ceil.rst
math/clip.rst
math/cos.rst
math/cosh.rst
math/cumsum.rst
math/div.rst
math/divide.rst
math/elementwise_add.rst
math/elementwise_div.rst
math/elementwise_floordiv.rst
math/elementwise_mod.rst
math/elementwise_pow.rst
math/elementwise_sub.rst
math/elementwise_sum.rst
math/erf.rst
math/exp.rst
math/floor.rst
math/floor_divide.rst
math/remainder.rst
math/floor_mod.rst
math/mod.rst
math/elementwise_sum.rst
math/increment.rst
math/inverse.rst
math/isfinite.rst
math/isinf.rst
math/isnan.rst
math/kron.rst
math/log.rst
math/log1p.rst
math/logsumexp.rst
math/max.rst
math/maximum.rst
math/min.rst
math/minimum.rst
math/mm.rst
math/mod.rst
math/mul.rst
math/multiplex.rst
math/multiply.rst
math/pow.rst
math/prod.rst
math/reciprocal.rst
math/reduce_max.rst
math/reduce_min.rst
math/reduce_prod.rst
math/reduce_sum.rst
math/remainder.rst
math/round.rst
math/rsqrt.rst
math/scale.rst
math/sign.rst
math/sin.rst
math/sinh.rst
math/sqrt.rst
math/square.rst
math/stanh.rst
math/sum.rst
math/sums.rst
math/tanh.rst
math/trace.rst
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_tensor_math_mul:
mul
---
.. autofunction:: paddle.tensor.math.mul
:noindex:
.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}`
!DO NOT EDIT THIS FILE MANUALLY!
.. _api_tensor_math_sign:
sign
------
----
.. autofunction:: paddle.tensor.math.sign
:noindex:
......
.. _api_tensor_cn_mul:
mul
-------------------------------
:doc_source: paddle.fluid.layers.mul
......@@ -5,10 +5,12 @@ random
.. toctree::
:maxdepth: 1
random/bernoulli.rst
random/normal.rst
random/rand.rst
random/randint.rst
random/randn.rst
random/randperm.rst
random/shuffle.rst
random/standard_normal.rst
random/uniform.rst
......@@ -8,3 +8,4 @@ uniform
.. autofunction:: paddle.tensor.random.uniform
:noindex:
......@@ -10,3 +10,4 @@ fluid.transpiler
transpiler/HashName.rst
transpiler/memory_optimize.rst
transpiler/release_memory.rst
transpiler/RoundRobin.rst
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册