From cdbe23bb764c4008c291e37fc2876f13386f1efc Mon Sep 17 00:00:00 2001 From: dengkaipeng Date: Fri, 14 Aug 2020 13:30:55 +0000 Subject: [PATCH] hapi/datasets doc --- doc/fluid/api/callbacks.rst | 7 ++ doc/fluid/api/complex.rst | 8 +++ doc/fluid/api/complex/tensor.rst | 10 +++ doc/fluid/api/complex/tensor/linalg.rst | 8 +++ .../api/complex/tensor/linalg/matmul.rst | 11 ++++ doc/fluid/api/complex/tensor/manipulation.rst | 9 +++ .../complex/tensor/manipulation/reshape.rst | 11 ++++ .../complex/tensor/manipulation/transpose.rst | 11 ++++ doc/fluid/api/complex/tensor/math.rst | 13 ++++ .../complex/tensor/math/elementwise_add.rst | 11 ++++ .../complex/tensor/math/elementwise_div.rst | 11 ++++ .../complex/tensor/math/elementwise_mul.rst | 11 ++++ .../complex/tensor/math/elementwise_sub.rst | 11 ++++ doc/fluid/api/complex/tensor/math/kron.rst | 11 ++++ doc/fluid/api/complex/tensor/math/matmul.rst | 3 + doc/fluid/api/dataset.rst | 2 +- doc/fluid/api/datasets.rst | 7 ++ doc/fluid/api/distributed.rst | 7 ++ doc/fluid/api/download.rst | 7 ++ doc/fluid/api/dygraph.rst | 6 ++ doc/fluid/api/dygraph/InstanceNorm.rst | 2 +- doc/fluid/api/dygraph/LambdaDecay.rst | 12 ++++ doc/fluid/api/dygraph/LinearLrWarmup.rst | 12 ++++ doc/fluid/api/dygraph/MultiStepDecay.rst | 12 ++++ doc/fluid/api/dygraph/ProgramTranslator.rst | 12 ++++ doc/fluid/api/dygraph/StepDecay.rst | 12 ++++ doc/fluid/api/dygraph/TranslatedLayer.rst | 6 +- doc/fluid/api/dygraph/declarative.rst | 11 ++++ doc/fluid/api/fluid.rst | 2 + doc/fluid/api/fluid/ComplexVariable.rst | 13 ++++ doc/fluid/api/fluid/disable_imperative.rst | 11 ++++ doc/fluid/api/fluid/enable_imperative.rst | 11 ++++ doc/fluid/api/framework.rst | 65 +++++++++++-------- doc/fluid/api/framework/ComplexVariable.rst | 13 ++++ doc/fluid/api/framework/Program.rst | 12 +++- doc/fluid/api/framework/Variable.rst | 12 +++- doc/fluid/api/framework/cpu_places.rst | 11 ++++ .../api/framework/cuda_pinned_places.rst | 11 ++++ doc/fluid/api/framework/cuda_places.rst | 11 ++++ .../api/framework/default_main_program.rst | 10 ++- .../api/framework/default_startup_program.rst | 10 ++- doc/fluid/api/framework/device_guard.rst | 11 ++++ doc/fluid/api/framework/get_flags.rst | 11 ++++ doc/fluid/api/framework/in_dygraph_mode.rst | 11 ++++ .../api/framework/is_compiled_with_cuda.rst | 11 ++++ doc/fluid/api/framework/load_op_library.rst | 11 ++++ doc/fluid/api/framework/name_scope.rst | 10 ++- doc/fluid/api/framework/program_guard.rst | 10 ++- doc/fluid/api/framework/require_version.rst | 11 ++++ doc/fluid/api/framework/set_flags.rst | 11 ++++ doc/fluid/api/gen_doc.sh | 2 +- doc/fluid/api/incubate.rst | 8 +++ doc/fluid/api/incubate/hapi.rst | 8 +++ .../api/incubate/hapi/callbacks/Callback.rst | 13 ++++ .../hapi/callbacks/ModelCheckpoint.rst | 13 ++++ .../incubate/hapi/callbacks/ProgBarLogger.rst | 13 ++++ .../api/incubate/hapi/datasets/Cifar.rst | 13 ++++ .../api/incubate/hapi/datasets/Conll05st.rst | 13 ++++ .../incubate/hapi/datasets/DatasetFolder.rst | 13 ++++ .../api/incubate/hapi/datasets/Flowers.rst | 13 ++++ .../incubate/hapi/datasets/ImageFolder.rst | 13 ++++ doc/fluid/api/incubate/hapi/datasets/Imdb.rst | 13 ++++ .../api/incubate/hapi/datasets/Imikolov.rst | 13 ++++ .../api/incubate/hapi/datasets/MNIST.rst | 13 ++++ .../api/incubate/hapi/datasets/Movielens.rst | 13 ++++ .../api/incubate/hapi/datasets/Sentiment.rst | 13 ++++ .../api/incubate/hapi/datasets/UCIHousing.rst | 13 ++++ .../api/incubate/hapi/datasets/VOC2012.rst | 13 ++++ .../api/incubate/hapi/datasets/WMT14.rst | 13 ++++ .../api/incubate/hapi/datasets/WMT16.rst | 13 ++++ .../distributed/DistributedBatchSampler.rst | 13 ++++ .../download/get_weights_path_from_url.rst | 11 ++++ .../api/incubate/hapi/metrics/Accuracy.rst | 13 ++++ .../api/incubate/hapi/metrics/Metric.rst | 13 ++++ doc/fluid/api/incubate/hapi/model/Input.rst | 13 ++++ doc/fluid/api/incubate/hapi/model/Model.rst | 13 ++++ .../api/incubate/hapi/text/BasicGRUCell.rst | 13 ++++ .../api/incubate/hapi/text/BasicLSTMCell.rst | 13 ++++ .../incubate/hapi/text/BeamSearchDecoder.rst | 13 ++++ .../incubate/hapi/text/BidirectionalGRU.rst | 13 ++++ .../incubate/hapi/text/BidirectionalLSTM.rst | 13 ++++ .../incubate/hapi/text/BidirectionalRNN.rst | 13 ++++ .../api/incubate/hapi/text/CNNEncoder.rst | 13 ++++ .../api/incubate/hapi/text/CRFDecoding.rst | 13 ++++ .../incubate/hapi/text/Conv1dPoolLayer.rst | 13 ++++ .../api/incubate/hapi/text/DynamicDecode.rst | 13 ++++ doc/fluid/api/incubate/hapi/text/FFN.rst | 13 ++++ doc/fluid/api/incubate/hapi/text/GRU.rst | 13 ++++ doc/fluid/api/incubate/hapi/text/LSTM.rst | 13 ++++ .../api/incubate/hapi/text/LinearChainCRF.rst | 13 ++++ .../incubate/hapi/text/MultiHeadAttention.rst | 13 ++++ doc/fluid/api/incubate/hapi/text/RNN.rst | 13 ++++ doc/fluid/api/incubate/hapi/text/RNNCell.rst | 13 ++++ .../incubate/hapi/text/SequenceTagging.rst | 13 ++++ .../api/incubate/hapi/text/StackedGRUCell.rst | 13 ++++ .../incubate/hapi/text/StackedLSTMCell.rst | 13 ++++ .../api/incubate/hapi/text/StackedRNNCell.rst | 13 ++++ .../text/TransformerBeamSearchDecoder.rst | 13 ++++ .../incubate/hapi/text/TransformerCell.rst | 13 ++++ .../incubate/hapi/text/TransformerDecoder.rst | 13 ++++ .../hapi/text/TransformerDecoderLayer.rst | 13 ++++ .../incubate/hapi/text/TransformerEncoder.rst | 13 ++++ .../hapi/text/TransformerEncoderLayer.rst | 13 ++++ doc/fluid/api/incubate/hapi/vision.rst | 9 +++ doc/fluid/api/incubate/hapi/vision/models.rst | 23 +++++++ .../api/incubate/hapi/vision/models/LeNet.rst | 13 ++++ .../hapi/vision/models/MobileNetV1.rst | 13 ++++ .../hapi/vision/models/MobileNetV2.rst | 13 ++++ .../incubate/hapi/vision/models/ResNet.rst | 13 ++++ .../api/incubate/hapi/vision/models/VGG.rst | 13 ++++ .../hapi/vision/models/mobilenet_v1.rst | 11 ++++ .../hapi/vision/models/mobilenet_v2.rst | 11 ++++ .../incubate/hapi/vision/models/resnet101.rst | 11 ++++ .../incubate/hapi/vision/models/resnet152.rst | 11 ++++ .../incubate/hapi/vision/models/resnet18.rst | 11 ++++ .../incubate/hapi/vision/models/resnet34.rst | 11 ++++ .../incubate/hapi/vision/models/resnet50.rst | 11 ++++ .../api/incubate/hapi/vision/models/vgg11.rst | 11 ++++ .../api/incubate/hapi/vision/models/vgg13.rst | 11 ++++ .../api/incubate/hapi/vision/models/vgg16.rst | 11 ++++ .../api/incubate/hapi/vision/models/vgg19.rst | 11 ++++ .../api/incubate/hapi/vision/transforms.rst | 33 ++++++++++ .../hapi/vision/transforms/BatchCompose.rst | 13 ++++ .../vision/transforms/BrightnessTransform.rst | 13 ++++ .../hapi/vision/transforms/CenterCrop.rst | 13 ++++ .../vision/transforms/CenterCropResize.rst | 13 ++++ .../hapi/vision/transforms/ColorJitter.rst | 13 ++++ .../hapi/vision/transforms/Compose.rst | 13 ++++ .../vision/transforms/ContrastTransform.rst | 13 ++++ .../hapi/vision/transforms/GaussianNoise.rst | 13 ++++ .../hapi/vision/transforms/Grayscale.rst | 13 ++++ .../hapi/vision/transforms/HueTransform.rst | 13 ++++ .../hapi/vision/transforms/Normalize.rst | 13 ++++ .../incubate/hapi/vision/transforms/Pad.rst | 13 ++++ .../hapi/vision/transforms/Permute.rst | 13 ++++ .../hapi/vision/transforms/RandomCrop.rst | 13 ++++ .../hapi/vision/transforms/RandomErasing.rst | 13 ++++ .../transforms/RandomHorizontalFlip.rst | 13 ++++ .../vision/transforms/RandomResizedCrop.rst | 13 ++++ .../hapi/vision/transforms/RandomRotate.rst | 13 ++++ .../vision/transforms/RandomVerticalFlip.rst | 13 ++++ .../hapi/vision/transforms/Resize.rst | 13 ++++ .../vision/transforms/SaturationTransform.rst | 13 ++++ .../incubate/hapi/vision/transforms/flip.rst | 11 ++++ .../incubate/hapi/vision/transforms/pad.rst | 11 ++++ .../hapi/vision/transforms/resize.rst | 11 ++++ .../hapi/vision/transforms/rotate.rst | 11 ++++ .../hapi/vision/transforms/to_grayscale.rst | 11 ++++ doc/fluid/api/index_en.rst | 17 +++-- doc/fluid/api/initializer.rst | 1 + .../initializer/set_global_initializer.rst | 11 ++++ doc/fluid/api/io.rst | 6 +- doc/fluid/api/io/default_collate_fn.rst | 11 ++++ doc/fluid/api/layers.rst | 8 ++- doc/fluid/api/layers/Assert.rst | 11 ++++ doc/fluid/api/layers/cosh.rst | 11 ++++ doc/fluid/api/layers/matrix_nms.rst | 2 +- doc/fluid/api/layers/mish.rst | 11 ++++ doc/fluid/api/layers/resize_linear.rst | 11 ++++ doc/fluid/api/layers/sinh.rst | 11 ++++ doc/fluid/api/layers/unbind.rst | 11 ++++ doc/fluid/api/loss.rst | 7 ++ doc/fluid/api/metrics.rst | 6 +- doc/fluid/api/model.rst | 7 ++ doc/fluid/api/nn.rst | 17 +---- doc/fluid/api/nn/BatchNorm.rst | 10 ++- doc/fluid/api/nn/BilinearTensorProduct.rst | 10 ++- doc/fluid/api/nn/Embedding.rst | 10 ++- doc/fluid/api/nn/GroupNorm.rst | 10 ++- doc/fluid/api/nn/InstanceNorm.rst | 13 ++++ doc/fluid/api/nn/LayerNorm.rst | 10 ++- doc/fluid/api/nn/Linear.rst | 10 ++- doc/fluid/api/nn/Pad2D.rst | 13 ++++ doc/fluid/api/nn/Pool2D.rst | 10 ++- doc/fluid/api/nn/SpectralNorm.rst | 10 ++- doc/fluid/api/nn/UpSample.rst | 13 ++++ doc/fluid/api/nn/add_position_encoding.rst | 7 -- doc/fluid/api/nn/continuous_value_model.rst | 7 -- doc/fluid/api/nn/filter_by_instag.rst | 7 -- doc/fluid/api/nn/loss/BCELoss.rst | 13 ++++ doc/fluid/api/nn/loss/CrossEntropyLoss.rst | 13 ++++ doc/fluid/api/nn/loss/MSELoss.rst | 13 ++++ doc/fluid/api/nn/loss/NLLLoss.rst | 2 +- doc/fluid/api/nn/multiclass_nms.rst | 7 -- doc/fluid/api/nn/polygon_box_transform.rst | 7 -- doc/fluid/api/nn/random_crop.rst | 7 -- doc/fluid/api/nn/row_conv.rst | 7 -- doc/fluid/api/nn/rpn_target_assign.rst | 7 -- doc/fluid/api/nn/similarity_focus.rst | 7 -- doc/fluid/api/nn/target_assign.rst | 7 -- doc/fluid/api/nn/temporal_shift.rst | 7 -- doc/fluid/api/nn/warpctc.rst | 7 -- doc/fluid/api/optimizer.rst | 3 +- doc/fluid/api/optimizer/PipelineOptimizer.rst | 14 ++++ doc/fluid/api/tensor.rst | 1 - doc/fluid/api/tensor/linalg.rst | 9 +++ doc/fluid/api/tensor/linalg/bmm.rst | 11 ++++ doc/fluid/api/tensor/linalg/cholesky.rst | 11 ++++ doc/fluid/api/tensor/linalg/cross.rst | 11 ++++ doc/fluid/api/tensor/linalg/dist.rst | 2 +- doc/fluid/api/tensor/linalg/dot.rst | 11 ++++ doc/fluid/api/tensor/linalg/histogram.rst | 11 ++++ doc/fluid/api/tensor/linalg/matmul.rst | 11 ++++ doc/fluid/api/tensor/linalg/norm.rst | 11 ++++ doc/fluid/api/tensor/linalg/t.rst | 11 ++++ doc/fluid/api/tensor/linalg/transpose.rst | 11 ++++ doc/fluid/api/tensor/math.rst | 38 +++++++++++ doc/fluid/api/tensor/math/abs.rst | 11 ++++ doc/fluid/api/tensor/math/acos.rst | 11 ++++ doc/fluid/api/tensor/math/addcmul.rst | 11 ++++ doc/fluid/api/tensor/math/addmm.rst | 11 ++++ doc/fluid/api/tensor/math/asin.rst | 11 ++++ doc/fluid/api/tensor/math/ceil.rst | 11 ++++ doc/fluid/api/tensor/math/clamp.rst | 11 ++++ doc/fluid/api/tensor/math/cos.rst | 11 ++++ doc/fluid/api/tensor/math/cosh.rst | 11 ++++ doc/fluid/api/tensor/math/cumsum.rst | 11 ++++ doc/fluid/api/tensor/math/elementwise_add.rst | 11 ++++ doc/fluid/api/tensor/math/elementwise_div.rst | 11 ++++ .../api/tensor/math/elementwise_floordiv.rst | 11 ++++ doc/fluid/api/tensor/math/elementwise_max.rst | 11 ++++ doc/fluid/api/tensor/math/elementwise_min.rst | 11 ++++ doc/fluid/api/tensor/math/elementwise_mod.rst | 11 ++++ doc/fluid/api/tensor/math/elementwise_pow.rst | 11 ++++ doc/fluid/api/tensor/math/elementwise_sub.rst | 11 ++++ doc/fluid/api/tensor/math/erf.rst | 11 ++++ doc/fluid/api/tensor/math/exp.rst | 11 ++++ doc/fluid/api/tensor/math/floor.rst | 11 ++++ doc/fluid/api/tensor/math/increment.rst | 11 ++++ doc/fluid/api/tensor/math/inverse.rst | 11 ++++ doc/fluid/api/tensor/math/kron.rst | 11 ++++ doc/fluid/api/tensor/math/log.rst | 11 ++++ doc/fluid/api/tensor/math/log1p.rst | 11 ++++ doc/fluid/api/tensor/math/logsumexp.rst | 11 ++++ doc/fluid/api/tensor/math/max.rst | 11 ++++ doc/fluid/api/tensor/math/min.rst | 11 ++++ doc/fluid/api/tensor/math/mul.rst | 8 --- doc/fluid/api/tensor/math/multiplex.rst | 11 ++++ doc/fluid/api/tensor/math/multiply.rst | 11 ++++ doc/fluid/api/tensor/math/reciprocal.rst | 11 ++++ doc/fluid/api/tensor/math/reduce_max.rst | 11 ++++ doc/fluid/api/tensor/math/reduce_min.rst | 11 ++++ doc/fluid/api/tensor/math/reduce_prod.rst | 11 ++++ doc/fluid/api/tensor/math/reduce_sum.rst | 11 ++++ doc/fluid/api/tensor/math/round.rst | 11 ++++ doc/fluid/api/tensor/math/rsqrt.rst | 11 ++++ doc/fluid/api/tensor/math/scale.rst | 11 ++++ doc/fluid/api/tensor/math/sign.rst | 11 ++++ doc/fluid/api/tensor/math/sinh.rst | 11 ++++ doc/fluid/api/tensor/math/square.rst | 11 ++++ doc/fluid/api/tensor/math/stanh.rst | 11 ++++ doc/fluid/api/tensor/math/sums.rst | 11 ++++ doc/fluid/api/tensor/math/trace.rst | 11 ++++ doc/fluid/api/tensor/mul.rst | 7 -- doc/fluid/api/tensor/random.rst | 1 + doc/fluid/api/tensor/random/shuffle.rst | 11 ++++ doc/fluid/api/tensor/search.rst | 18 +++++ doc/fluid/api/tensor/search/argmax.rst | 11 ++++ doc/fluid/api/tensor/search/argmin.rst | 11 ++++ doc/fluid/api/tensor/search/argsort.rst | 11 ++++ doc/fluid/api/tensor/search/has_inf.rst | 11 ++++ doc/fluid/api/tensor/search/has_nan.rst | 11 ++++ doc/fluid/api/tensor/search/index_sample.rst | 11 ++++ doc/fluid/api/tensor/search/index_select.rst | 11 ++++ doc/fluid/api/tensor/search/nonzero.rst | 11 ++++ doc/fluid/api/tensor/search/sort.rst | 11 ++++ doc/fluid/api/tensor/search/topk.rst | 11 ++++ doc/fluid/api/tensor/search/where.rst | 11 ++++ doc/fluid/api/tensor/stat.rst | 11 ++++ doc/fluid/api/tensor/stat/mean.rst | 11 ++++ doc/fluid/api/tensor/stat/reduce_mean.rst | 11 ++++ doc/fluid/api/tensor/stat/std.rst | 11 ++++ doc/fluid/api/tensor/stat/var.rst | 11 ++++ doc/fluid/api/text.rst | 7 ++ doc/fluid/api/transpiler.rst | 1 + doc/fluid/api/transpiler/RoundRobin.rst | 13 ++++ 276 files changed, 2899 insertions(+), 195 deletions(-) create mode 100644 doc/fluid/api/callbacks.rst create mode 100644 doc/fluid/api/complex.rst create mode 100644 doc/fluid/api/complex/tensor.rst create mode 100644 doc/fluid/api/complex/tensor/linalg.rst create mode 100644 doc/fluid/api/complex/tensor/linalg/matmul.rst create mode 100644 doc/fluid/api/complex/tensor/manipulation.rst create mode 100644 doc/fluid/api/complex/tensor/manipulation/reshape.rst create mode 100644 doc/fluid/api/complex/tensor/manipulation/transpose.rst create mode 100644 doc/fluid/api/complex/tensor/math.rst create mode 100644 doc/fluid/api/complex/tensor/math/elementwise_add.rst create mode 100644 doc/fluid/api/complex/tensor/math/elementwise_div.rst create mode 100644 doc/fluid/api/complex/tensor/math/elementwise_mul.rst create mode 100644 doc/fluid/api/complex/tensor/math/elementwise_sub.rst create mode 100644 doc/fluid/api/complex/tensor/math/kron.rst create mode 100644 doc/fluid/api/complex/tensor/math/matmul.rst create mode 100644 doc/fluid/api/datasets.rst create mode 100644 doc/fluid/api/distributed.rst create mode 100644 doc/fluid/api/download.rst create mode 100644 doc/fluid/api/dygraph/LambdaDecay.rst create mode 100644 doc/fluid/api/dygraph/LinearLrWarmup.rst create mode 100644 doc/fluid/api/dygraph/MultiStepDecay.rst create mode 100644 doc/fluid/api/dygraph/ProgramTranslator.rst create mode 100644 doc/fluid/api/dygraph/StepDecay.rst create mode 100644 doc/fluid/api/dygraph/declarative.rst create mode 100644 doc/fluid/api/fluid/ComplexVariable.rst create mode 100644 doc/fluid/api/fluid/disable_imperative.rst create mode 100644 doc/fluid/api/fluid/enable_imperative.rst create mode 100644 doc/fluid/api/framework/ComplexVariable.rst create mode 100644 doc/fluid/api/framework/cpu_places.rst create mode 100644 doc/fluid/api/framework/cuda_pinned_places.rst create mode 100644 doc/fluid/api/framework/cuda_places.rst create mode 100644 doc/fluid/api/framework/device_guard.rst create mode 100644 doc/fluid/api/framework/get_flags.rst create mode 100644 doc/fluid/api/framework/in_dygraph_mode.rst create mode 100644 doc/fluid/api/framework/is_compiled_with_cuda.rst create mode 100644 doc/fluid/api/framework/load_op_library.rst create mode 100644 doc/fluid/api/framework/require_version.rst create mode 100644 doc/fluid/api/framework/set_flags.rst create mode 100644 doc/fluid/api/incubate.rst create mode 100644 doc/fluid/api/incubate/hapi.rst create mode 100644 doc/fluid/api/incubate/hapi/callbacks/Callback.rst create mode 100644 doc/fluid/api/incubate/hapi/callbacks/ModelCheckpoint.rst create mode 100644 doc/fluid/api/incubate/hapi/callbacks/ProgBarLogger.rst create mode 100644 doc/fluid/api/incubate/hapi/datasets/Cifar.rst create mode 100644 doc/fluid/api/incubate/hapi/datasets/Conll05st.rst create mode 100644 doc/fluid/api/incubate/hapi/datasets/DatasetFolder.rst create mode 100644 doc/fluid/api/incubate/hapi/datasets/Flowers.rst create mode 100644 doc/fluid/api/incubate/hapi/datasets/ImageFolder.rst create mode 100644 doc/fluid/api/incubate/hapi/datasets/Imdb.rst create mode 100644 doc/fluid/api/incubate/hapi/datasets/Imikolov.rst create mode 100644 doc/fluid/api/incubate/hapi/datasets/MNIST.rst create mode 100644 doc/fluid/api/incubate/hapi/datasets/Movielens.rst create mode 100644 doc/fluid/api/incubate/hapi/datasets/Sentiment.rst create mode 100644 doc/fluid/api/incubate/hapi/datasets/UCIHousing.rst create mode 100644 doc/fluid/api/incubate/hapi/datasets/VOC2012.rst create mode 100644 doc/fluid/api/incubate/hapi/datasets/WMT14.rst create mode 100644 doc/fluid/api/incubate/hapi/datasets/WMT16.rst create mode 100644 doc/fluid/api/incubate/hapi/distributed/DistributedBatchSampler.rst create mode 100644 doc/fluid/api/incubate/hapi/download/get_weights_path_from_url.rst create mode 100644 doc/fluid/api/incubate/hapi/metrics/Accuracy.rst create mode 100644 doc/fluid/api/incubate/hapi/metrics/Metric.rst create mode 100644 doc/fluid/api/incubate/hapi/model/Input.rst create mode 100644 doc/fluid/api/incubate/hapi/model/Model.rst create mode 100644 doc/fluid/api/incubate/hapi/text/BasicGRUCell.rst create mode 100644 doc/fluid/api/incubate/hapi/text/BasicLSTMCell.rst create mode 100644 doc/fluid/api/incubate/hapi/text/BeamSearchDecoder.rst create mode 100644 doc/fluid/api/incubate/hapi/text/BidirectionalGRU.rst create mode 100644 doc/fluid/api/incubate/hapi/text/BidirectionalLSTM.rst create mode 100644 doc/fluid/api/incubate/hapi/text/BidirectionalRNN.rst create mode 100644 doc/fluid/api/incubate/hapi/text/CNNEncoder.rst create mode 100644 doc/fluid/api/incubate/hapi/text/CRFDecoding.rst create mode 100644 doc/fluid/api/incubate/hapi/text/Conv1dPoolLayer.rst create mode 100644 doc/fluid/api/incubate/hapi/text/DynamicDecode.rst create mode 100644 doc/fluid/api/incubate/hapi/text/FFN.rst create mode 100644 doc/fluid/api/incubate/hapi/text/GRU.rst create mode 100644 doc/fluid/api/incubate/hapi/text/LSTM.rst create mode 100644 doc/fluid/api/incubate/hapi/text/LinearChainCRF.rst create mode 100644 doc/fluid/api/incubate/hapi/text/MultiHeadAttention.rst create mode 100644 doc/fluid/api/incubate/hapi/text/RNN.rst create mode 100644 doc/fluid/api/incubate/hapi/text/RNNCell.rst create mode 100644 doc/fluid/api/incubate/hapi/text/SequenceTagging.rst create mode 100644 doc/fluid/api/incubate/hapi/text/StackedGRUCell.rst create mode 100644 doc/fluid/api/incubate/hapi/text/StackedLSTMCell.rst create mode 100644 doc/fluid/api/incubate/hapi/text/StackedRNNCell.rst create mode 100644 doc/fluid/api/incubate/hapi/text/TransformerBeamSearchDecoder.rst create mode 100644 doc/fluid/api/incubate/hapi/text/TransformerCell.rst create mode 100644 doc/fluid/api/incubate/hapi/text/TransformerDecoder.rst create mode 100644 doc/fluid/api/incubate/hapi/text/TransformerDecoderLayer.rst create mode 100644 doc/fluid/api/incubate/hapi/text/TransformerEncoder.rst create mode 100644 doc/fluid/api/incubate/hapi/text/TransformerEncoderLayer.rst create mode 100644 doc/fluid/api/incubate/hapi/vision.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/LeNet.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/MobileNetV1.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/MobileNetV2.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/ResNet.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/VGG.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/mobilenet_v1.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/mobilenet_v2.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/resnet101.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/resnet152.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/resnet18.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/resnet34.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/resnet50.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/vgg11.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/vgg13.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/vgg16.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/models/vgg19.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/BatchCompose.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/BrightnessTransform.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/CenterCrop.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/CenterCropResize.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/ColorJitter.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/Compose.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/ContrastTransform.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/GaussianNoise.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/Grayscale.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/HueTransform.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/Normalize.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/Pad.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/Permute.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/RandomCrop.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/RandomErasing.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/RandomHorizontalFlip.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/RandomResizedCrop.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/RandomRotate.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/RandomVerticalFlip.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/Resize.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/SaturationTransform.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/flip.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/pad.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/resize.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/rotate.rst create mode 100644 doc/fluid/api/incubate/hapi/vision/transforms/to_grayscale.rst create mode 100644 doc/fluid/api/initializer/set_global_initializer.rst create mode 100644 doc/fluid/api/io/default_collate_fn.rst create mode 100644 doc/fluid/api/layers/Assert.rst create mode 100644 doc/fluid/api/layers/cosh.rst create mode 100644 doc/fluid/api/layers/mish.rst create mode 100644 doc/fluid/api/layers/resize_linear.rst create mode 100644 doc/fluid/api/layers/sinh.rst create mode 100644 doc/fluid/api/layers/unbind.rst create mode 100644 doc/fluid/api/loss.rst create mode 100644 doc/fluid/api/model.rst create mode 100644 doc/fluid/api/nn/InstanceNorm.rst create mode 100644 doc/fluid/api/nn/Pad2D.rst create mode 100644 doc/fluid/api/nn/UpSample.rst delete mode 100644 doc/fluid/api/nn/add_position_encoding.rst delete mode 100644 doc/fluid/api/nn/continuous_value_model.rst delete mode 100644 doc/fluid/api/nn/filter_by_instag.rst create mode 100644 doc/fluid/api/nn/loss/BCELoss.rst create mode 100644 doc/fluid/api/nn/loss/CrossEntropyLoss.rst create mode 100644 doc/fluid/api/nn/loss/MSELoss.rst delete mode 100644 doc/fluid/api/nn/multiclass_nms.rst delete mode 100644 doc/fluid/api/nn/polygon_box_transform.rst delete mode 100644 doc/fluid/api/nn/random_crop.rst delete mode 100644 doc/fluid/api/nn/row_conv.rst delete mode 100644 doc/fluid/api/nn/rpn_target_assign.rst delete mode 100644 doc/fluid/api/nn/similarity_focus.rst delete mode 100644 doc/fluid/api/nn/target_assign.rst delete mode 100644 doc/fluid/api/nn/temporal_shift.rst delete mode 100644 doc/fluid/api/nn/warpctc.rst create mode 100644 doc/fluid/api/optimizer/PipelineOptimizer.rst create mode 100644 doc/fluid/api/tensor/linalg/bmm.rst create mode 100644 doc/fluid/api/tensor/linalg/cholesky.rst create mode 100644 doc/fluid/api/tensor/linalg/cross.rst create mode 100644 doc/fluid/api/tensor/linalg/dot.rst create mode 100644 doc/fluid/api/tensor/linalg/histogram.rst create mode 100644 doc/fluid/api/tensor/linalg/matmul.rst create mode 100644 doc/fluid/api/tensor/linalg/norm.rst create mode 100644 doc/fluid/api/tensor/linalg/t.rst create mode 100644 doc/fluid/api/tensor/linalg/transpose.rst create mode 100644 doc/fluid/api/tensor/math/abs.rst create mode 100644 doc/fluid/api/tensor/math/acos.rst create mode 100644 doc/fluid/api/tensor/math/addcmul.rst create mode 100644 doc/fluid/api/tensor/math/addmm.rst create mode 100644 doc/fluid/api/tensor/math/asin.rst create mode 100644 doc/fluid/api/tensor/math/ceil.rst create mode 100644 doc/fluid/api/tensor/math/clamp.rst create mode 100644 doc/fluid/api/tensor/math/cos.rst create mode 100644 doc/fluid/api/tensor/math/cosh.rst create mode 100644 doc/fluid/api/tensor/math/cumsum.rst create mode 100644 doc/fluid/api/tensor/math/elementwise_add.rst create mode 100644 doc/fluid/api/tensor/math/elementwise_div.rst create mode 100644 doc/fluid/api/tensor/math/elementwise_floordiv.rst create mode 100644 doc/fluid/api/tensor/math/elementwise_max.rst create mode 100644 doc/fluid/api/tensor/math/elementwise_min.rst create mode 100644 doc/fluid/api/tensor/math/elementwise_mod.rst create mode 100644 doc/fluid/api/tensor/math/elementwise_pow.rst create mode 100644 doc/fluid/api/tensor/math/elementwise_sub.rst create mode 100644 doc/fluid/api/tensor/math/erf.rst create mode 100644 doc/fluid/api/tensor/math/exp.rst create mode 100644 doc/fluid/api/tensor/math/floor.rst create mode 100644 doc/fluid/api/tensor/math/increment.rst create mode 100644 doc/fluid/api/tensor/math/inverse.rst create mode 100644 doc/fluid/api/tensor/math/kron.rst create mode 100644 doc/fluid/api/tensor/math/log.rst create mode 100644 doc/fluid/api/tensor/math/log1p.rst create mode 100644 doc/fluid/api/tensor/math/logsumexp.rst create mode 100644 doc/fluid/api/tensor/math/max.rst create mode 100644 doc/fluid/api/tensor/math/min.rst create mode 100644 doc/fluid/api/tensor/math/multiplex.rst create mode 100644 doc/fluid/api/tensor/math/multiply.rst create mode 100644 doc/fluid/api/tensor/math/reciprocal.rst create mode 100644 doc/fluid/api/tensor/math/reduce_max.rst create mode 100644 doc/fluid/api/tensor/math/reduce_min.rst create mode 100644 doc/fluid/api/tensor/math/reduce_prod.rst create mode 100644 doc/fluid/api/tensor/math/reduce_sum.rst create mode 100644 doc/fluid/api/tensor/math/round.rst create mode 100644 doc/fluid/api/tensor/math/rsqrt.rst create mode 100644 doc/fluid/api/tensor/math/scale.rst create mode 100644 doc/fluid/api/tensor/math/sign.rst create mode 100644 doc/fluid/api/tensor/math/sinh.rst create mode 100644 doc/fluid/api/tensor/math/square.rst create mode 100644 doc/fluid/api/tensor/math/stanh.rst create mode 100644 doc/fluid/api/tensor/math/sums.rst create mode 100644 doc/fluid/api/tensor/math/trace.rst delete mode 100644 doc/fluid/api/tensor/mul.rst create mode 100644 doc/fluid/api/tensor/random/shuffle.rst create mode 100644 doc/fluid/api/tensor/search.rst create mode 100644 doc/fluid/api/tensor/search/argmax.rst create mode 100644 doc/fluid/api/tensor/search/argmin.rst create mode 100644 doc/fluid/api/tensor/search/argsort.rst create mode 100644 doc/fluid/api/tensor/search/has_inf.rst create mode 100644 doc/fluid/api/tensor/search/has_nan.rst create mode 100644 doc/fluid/api/tensor/search/index_sample.rst create mode 100644 doc/fluid/api/tensor/search/index_select.rst create mode 100644 doc/fluid/api/tensor/search/nonzero.rst create mode 100644 doc/fluid/api/tensor/search/sort.rst create mode 100644 doc/fluid/api/tensor/search/topk.rst create mode 100644 doc/fluid/api/tensor/search/where.rst create mode 100644 doc/fluid/api/tensor/stat.rst create mode 100644 doc/fluid/api/tensor/stat/mean.rst create mode 100644 doc/fluid/api/tensor/stat/reduce_mean.rst create mode 100644 doc/fluid/api/tensor/stat/std.rst create mode 100644 doc/fluid/api/tensor/stat/var.rst create mode 100644 doc/fluid/api/text.rst create mode 100644 doc/fluid/api/transpiler/RoundRobin.rst diff --git a/doc/fluid/api/callbacks.rst b/doc/fluid/api/callbacks.rst new file mode 100644 index 000000000..ab516fa76 --- /dev/null +++ b/doc/fluid/api/callbacks.rst @@ -0,0 +1,7 @@ +========= +callbacks +========= + +.. toctree:: + :maxdepth: 1 + diff --git a/doc/fluid/api/complex.rst b/doc/fluid/api/complex.rst new file mode 100644 index 000000000..5834d3ade --- /dev/null +++ b/doc/fluid/api/complex.rst @@ -0,0 +1,8 @@ +============== +paddle.complex +============== + +.. toctree:: + :maxdepth: 1 + + complex/tensor.rst diff --git a/doc/fluid/api/complex/tensor.rst b/doc/fluid/api/complex/tensor.rst new file mode 100644 index 000000000..276ba0ea0 --- /dev/null +++ b/doc/fluid/api/complex/tensor.rst @@ -0,0 +1,10 @@ +====== +tensor +====== + +.. toctree:: + :maxdepth: 1 + + tensor/linalg.rst + tensor/manipulation.rst + tensor/math.rst diff --git a/doc/fluid/api/complex/tensor/linalg.rst b/doc/fluid/api/complex/tensor/linalg.rst new file mode 100644 index 000000000..a6998eb6e --- /dev/null +++ b/doc/fluid/api/complex/tensor/linalg.rst @@ -0,0 +1,8 @@ +====== +linalg +====== + +.. toctree:: + :maxdepth: 1 + + linalg/matmul.rst diff --git a/doc/fluid/api/complex/tensor/linalg/matmul.rst b/doc/fluid/api/complex/tensor/linalg/matmul.rst new file mode 100644 index 000000000..6f6314771 --- /dev/null +++ b/doc/fluid/api/complex/tensor/linalg/matmul.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_complex_tensor_linalg_matmul: + +matmul +------ + +.. autofunction:: paddle.complex.tensor.linalg.matmul + :noindex: + diff --git a/doc/fluid/api/complex/tensor/manipulation.rst b/doc/fluid/api/complex/tensor/manipulation.rst new file mode 100644 index 000000000..8142664f8 --- /dev/null +++ b/doc/fluid/api/complex/tensor/manipulation.rst @@ -0,0 +1,9 @@ +============ +manipulation +============ + +.. toctree:: + :maxdepth: 1 + + manipulation/reshape.rst + manipulation/transpose.rst diff --git a/doc/fluid/api/complex/tensor/manipulation/reshape.rst b/doc/fluid/api/complex/tensor/manipulation/reshape.rst new file mode 100644 index 000000000..681c7dfc6 --- /dev/null +++ b/doc/fluid/api/complex/tensor/manipulation/reshape.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_complex_tensor_manipulation_reshape: + +reshape +------- + +.. autofunction:: paddle.complex.tensor.manipulation.reshape + :noindex: + diff --git a/doc/fluid/api/complex/tensor/manipulation/transpose.rst b/doc/fluid/api/complex/tensor/manipulation/transpose.rst new file mode 100644 index 000000000..641b546e0 --- /dev/null +++ b/doc/fluid/api/complex/tensor/manipulation/transpose.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_complex_tensor_manipulation_transpose: + +transpose +--------- + +.. autofunction:: paddle.complex.tensor.manipulation.transpose + :noindex: + diff --git a/doc/fluid/api/complex/tensor/math.rst b/doc/fluid/api/complex/tensor/math.rst new file mode 100644 index 000000000..501f3c10c --- /dev/null +++ b/doc/fluid/api/complex/tensor/math.rst @@ -0,0 +1,13 @@ +==== +math +==== + +.. toctree:: + :maxdepth: 1 + + math/elementwise_add.rst + math/elementwise_div.rst + math/elementwise_mul.rst + math/elementwise_sub.rst + math/kron.rst + math/matmul.rst diff --git a/doc/fluid/api/complex/tensor/math/elementwise_add.rst b/doc/fluid/api/complex/tensor/math/elementwise_add.rst new file mode 100644 index 000000000..0a4fb3ad4 --- /dev/null +++ b/doc/fluid/api/complex/tensor/math/elementwise_add.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_complex_tensor_math_elementwise_add: + +elementwise_add +--------------- + +.. autofunction:: paddle.complex.tensor.math.elementwise_add + :noindex: + diff --git a/doc/fluid/api/complex/tensor/math/elementwise_div.rst b/doc/fluid/api/complex/tensor/math/elementwise_div.rst new file mode 100644 index 000000000..1f7f97849 --- /dev/null +++ b/doc/fluid/api/complex/tensor/math/elementwise_div.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_complex_tensor_math_elementwise_div: + +elementwise_div +--------------- + +.. autofunction:: paddle.complex.tensor.math.elementwise_div + :noindex: + diff --git a/doc/fluid/api/complex/tensor/math/elementwise_mul.rst b/doc/fluid/api/complex/tensor/math/elementwise_mul.rst new file mode 100644 index 000000000..7173d6147 --- /dev/null +++ b/doc/fluid/api/complex/tensor/math/elementwise_mul.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_complex_tensor_math_elementwise_mul: + +elementwise_mul +--------------- + +.. autofunction:: paddle.complex.tensor.math.elementwise_mul + :noindex: + diff --git a/doc/fluid/api/complex/tensor/math/elementwise_sub.rst b/doc/fluid/api/complex/tensor/math/elementwise_sub.rst new file mode 100644 index 000000000..0f32dcb47 --- /dev/null +++ b/doc/fluid/api/complex/tensor/math/elementwise_sub.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_complex_tensor_math_elementwise_sub: + +elementwise_sub +--------------- + +.. autofunction:: paddle.complex.tensor.math.elementwise_sub + :noindex: + diff --git a/doc/fluid/api/complex/tensor/math/kron.rst b/doc/fluid/api/complex/tensor/math/kron.rst new file mode 100644 index 000000000..b15d4d5be --- /dev/null +++ b/doc/fluid/api/complex/tensor/math/kron.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_complex_tensor_math_kron: + +kron +---- + +.. autofunction:: paddle.complex.tensor.math.kron + :noindex: + diff --git a/doc/fluid/api/complex/tensor/math/matmul.rst b/doc/fluid/api/complex/tensor/math/matmul.rst new file mode 100644 index 000000000..d1580be03 --- /dev/null +++ b/doc/fluid/api/complex/tensor/math/matmul.rst @@ -0,0 +1,3 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + diff --git a/doc/fluid/api/dataset.rst b/doc/fluid/api/dataset.rst index f86bb2063..a8b6bcab2 100644 --- a/doc/fluid/api/dataset.rst +++ b/doc/fluid/api/dataset.rst @@ -1,5 +1,5 @@ ============= -paddle.dataset +fluid.dataset ============= .. toctree:: diff --git a/doc/fluid/api/datasets.rst b/doc/fluid/api/datasets.rst new file mode 100644 index 000000000..d76c09f55 --- /dev/null +++ b/doc/fluid/api/datasets.rst @@ -0,0 +1,7 @@ +======== +datasets +======== + +.. toctree:: + :maxdepth: 1 + diff --git a/doc/fluid/api/distributed.rst b/doc/fluid/api/distributed.rst new file mode 100644 index 000000000..5a003f8db --- /dev/null +++ b/doc/fluid/api/distributed.rst @@ -0,0 +1,7 @@ +=========== +distributed +=========== + +.. toctree:: + :maxdepth: 1 + diff --git a/doc/fluid/api/download.rst b/doc/fluid/api/download.rst new file mode 100644 index 000000000..9e0f13f77 --- /dev/null +++ b/doc/fluid/api/download.rst @@ -0,0 +1,7 @@ +======== +download +======== + +.. toctree:: + :maxdepth: 1 + diff --git a/doc/fluid/api/dygraph.rst b/doc/fluid/api/dygraph.rst index 397419a8b..2c3486e9e 100644 --- a/doc/fluid/api/dygraph.rst +++ b/doc/fluid/api/dygraph.rst @@ -27,16 +27,21 @@ fluid.dygraph dygraph/ExponentialDecay.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 @@ -53,6 +58,7 @@ fluid.dygraph dygraph/save_dygraph.rst dygraph/Sequential.rst dygraph/SpectralNorm.rst + dygraph/StepDecay.rst dygraph/to_variable.rst dygraph/TracedLayer.rst dygraph/Tracer.rst diff --git a/doc/fluid/api/dygraph/InstanceNorm.rst b/doc/fluid/api/dygraph/InstanceNorm.rst index 2e09ea975..548185e89 100644 --- a/doc/fluid/api/dygraph/InstanceNorm.rst +++ b/doc/fluid/api/dygraph/InstanceNorm.rst @@ -4,7 +4,7 @@ .. _api_fluid_dygraph_InstanceNorm: InstanceNorm ---------- +------------ .. autoclass:: paddle.fluid.dygraph.InstanceNorm :members: diff --git a/doc/fluid/api/dygraph/LambdaDecay.rst b/doc/fluid/api/dygraph/LambdaDecay.rst new file mode 100644 index 000000000..da530d420 --- /dev/null +++ b/doc/fluid/api/dygraph/LambdaDecay.rst @@ -0,0 +1,12 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_dygraph_LambdaDecay: + +LambdaDecay +----------- + +.. autoclass:: paddle.fluid.dygraph.LambdaDecay + :members: + :noindex: + diff --git a/doc/fluid/api/dygraph/LinearLrWarmup.rst b/doc/fluid/api/dygraph/LinearLrWarmup.rst new file mode 100644 index 000000000..8881fd96c --- /dev/null +++ b/doc/fluid/api/dygraph/LinearLrWarmup.rst @@ -0,0 +1,12 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_dygraph_LinearLrWarmup: + +LinearLrWarmup +-------------- + +.. autoclass:: paddle.fluid.dygraph.LinearLrWarmup + :members: + :noindex: + diff --git a/doc/fluid/api/dygraph/MultiStepDecay.rst b/doc/fluid/api/dygraph/MultiStepDecay.rst new file mode 100644 index 000000000..b174f6a8d --- /dev/null +++ b/doc/fluid/api/dygraph/MultiStepDecay.rst @@ -0,0 +1,12 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_dygraph_MultiStepDecay: + +MultiStepDecay +-------------- + +.. autoclass:: paddle.fluid.dygraph.MultiStepDecay + :members: + :noindex: + diff --git a/doc/fluid/api/dygraph/ProgramTranslator.rst b/doc/fluid/api/dygraph/ProgramTranslator.rst new file mode 100644 index 000000000..ac995abd2 --- /dev/null +++ b/doc/fluid/api/dygraph/ProgramTranslator.rst @@ -0,0 +1,12 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_dygraph_ProgramTranslator: + +ProgramTranslator +----------------- + +.. autoclass:: paddle.fluid.dygraph.ProgramTranslator + :members: + :noindex: + diff --git a/doc/fluid/api/dygraph/StepDecay.rst b/doc/fluid/api/dygraph/StepDecay.rst new file mode 100644 index 000000000..649663d0b --- /dev/null +++ b/doc/fluid/api/dygraph/StepDecay.rst @@ -0,0 +1,12 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_dygraph_StepDecay: + +StepDecay +--------- + +.. autoclass:: paddle.fluid.dygraph.StepDecay + :members: + :noindex: + diff --git a/doc/fluid/api/dygraph/TranslatedLayer.rst b/doc/fluid/api/dygraph/TranslatedLayer.rst index a6f7fd941..8640b087a 100644 --- a/doc/fluid/api/dygraph/TranslatedLayer.rst +++ b/doc/fluid/api/dygraph/TranslatedLayer.rst @@ -1,8 +1,12 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + .. _api_fluid_dygraph_TranslatedLayer: TranslatedLayer ------------------------ +--------------- .. autoclass:: paddle.fluid.dygraph.TranslatedLayer :members: :noindex: + diff --git a/doc/fluid/api/dygraph/declarative.rst b/doc/fluid/api/dygraph/declarative.rst new file mode 100644 index 000000000..4d603e862 --- /dev/null +++ b/doc/fluid/api/dygraph/declarative.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_dygraph_declarative: + +declarative +----------- + +.. autofunction:: paddle.fluid.dygraph.declarative + :noindex: + diff --git a/doc/fluid/api/fluid.rst b/doc/fluid/api/fluid.rst index 1440d541e..e99bc1fb8 100644 --- a/doc/fluid/api/fluid.rst +++ b/doc/fluid/api/fluid.rst @@ -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 diff --git a/doc/fluid/api/fluid/ComplexVariable.rst b/doc/fluid/api/fluid/ComplexVariable.rst new file mode 100644 index 000000000..071457e8c --- /dev/null +++ b/doc/fluid/api/fluid/ComplexVariable.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_ComplexVariable: + +ComplexVariable +--------------- + +.. autoclass:: paddle.fluid.ComplexVariable + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/fluid/disable_imperative.rst b/doc/fluid/api/fluid/disable_imperative.rst new file mode 100644 index 000000000..fc5655bf1 --- /dev/null +++ b/doc/fluid/api/fluid/disable_imperative.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_disable_imperative: + +disable_imperative +------------------ + +.. autofunction:: paddle.fluid.disable_imperative + :noindex: + diff --git a/doc/fluid/api/fluid/enable_imperative.rst b/doc/fluid/api/fluid/enable_imperative.rst new file mode 100644 index 000000000..4fcd0dd20 --- /dev/null +++ b/doc/fluid/api/fluid/enable_imperative.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_enable_imperative: + +enable_imperative +----------------- + +.. autofunction:: paddle.fluid.enable_imperative + :noindex: + diff --git a/doc/fluid/api/framework.rst b/doc/fluid/api/framework.rst index f95b77c5c..38b2185ee 100644 --- a/doc/fluid/api/framework.rst +++ b/doc/fluid/api/framework.rst @@ -1,31 +1,42 @@ -======================= +================ paddle.framework -======================= +================ .. toctree:: - :maxdepth: 1 + :maxdepth: 1 - framework/append_backward.rst - framework/BuildStrategy.rst - framework/CompiledProgram.rst - framework/CPUPlace.rst - framework/create_global_var.rst - framework/create_parameter.rst - framework/CUDAPinnedPlace.rst - framework/CUDAPlace.rst - framework/default_main_program.rst - framework/default_startup_program.rst - framework/ExecutionStrateg y.rst - framework/Executor.rst - framework/global_scope.rst - framework/gradients.rst - framework/name_scope.rst - framework/ParallelExecutor.rst - framework/ParamAttr.rst - framework/Print.rst - framework/Program.rst - framework/program_guard.rst - framework/py_func.rst - framework/scope_guard.rst - framework/Variable.rst - framework/WeightNormParamAttr.rst + 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/load_op_library.rst + framework/name_scope.rst + framework/ParallelExecutor.rst + framework/ParamAttr.rst + framework/Print.rst + 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 diff --git a/doc/fluid/api/framework/ComplexVariable.rst b/doc/fluid/api/framework/ComplexVariable.rst new file mode 100644 index 000000000..1a447b15a --- /dev/null +++ b/doc/fluid/api/framework/ComplexVariable.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_framework_ComplexVariable: + +ComplexVariable +--------------- + +.. autoclass:: paddle.fluid.framework.ComplexVariable + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/framework/Program.rst b/doc/fluid/api/framework/Program.rst index f118dc601..8ab081eb5 100644 --- a/doc/fluid/api/framework/Program.rst +++ b/doc/fluid/api/framework/Program.rst @@ -1,7 +1,13 @@ -.. _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: diff --git a/doc/fluid/api/framework/Variable.rst b/doc/fluid/api/framework/Variable.rst index f25d40720..1749ec2fd 100644 --- a/doc/fluid/api/framework/Variable.rst +++ b/doc/fluid/api/framework/Variable.rst @@ -1,7 +1,13 @@ -.. _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: diff --git a/doc/fluid/api/framework/cpu_places.rst b/doc/fluid/api/framework/cpu_places.rst new file mode 100644 index 000000000..708cfe465 --- /dev/null +++ b/doc/fluid/api/framework/cpu_places.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_framework_cpu_places: + +cpu_places +---------- + +.. autofunction:: paddle.fluid.framework.cpu_places + :noindex: + diff --git a/doc/fluid/api/framework/cuda_pinned_places.rst b/doc/fluid/api/framework/cuda_pinned_places.rst new file mode 100644 index 000000000..baacf78ed --- /dev/null +++ b/doc/fluid/api/framework/cuda_pinned_places.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_framework_cuda_pinned_places: + +cuda_pinned_places +------------------ + +.. autofunction:: paddle.fluid.framework.cuda_pinned_places + :noindex: + diff --git a/doc/fluid/api/framework/cuda_places.rst b/doc/fluid/api/framework/cuda_places.rst new file mode 100644 index 000000000..4722d8064 --- /dev/null +++ b/doc/fluid/api/framework/cuda_places.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_framework_cuda_places: + +cuda_places +----------- + +.. autofunction:: paddle.fluid.framework.cuda_places + :noindex: + diff --git a/doc/fluid/api/framework/default_main_program.rst b/doc/fluid/api/framework/default_main_program.rst index 774845e79..e667a386d 100644 --- a/doc/fluid/api/framework/default_main_program.rst +++ b/doc/fluid/api/framework/default_main_program.rst @@ -1,7 +1,11 @@ -.. _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: diff --git a/doc/fluid/api/framework/default_startup_program.rst b/doc/fluid/api/framework/default_startup_program.rst index 72872cc3a..f6545f2b6 100644 --- a/doc/fluid/api/framework/default_startup_program.rst +++ b/doc/fluid/api/framework/default_startup_program.rst @@ -1,7 +1,11 @@ -.. _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: diff --git a/doc/fluid/api/framework/device_guard.rst b/doc/fluid/api/framework/device_guard.rst new file mode 100644 index 000000000..60ae70c9f --- /dev/null +++ b/doc/fluid/api/framework/device_guard.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_framework_device_guard: + +device_guard +------------ + +.. autofunction:: paddle.fluid.framework.device_guard + :noindex: + diff --git a/doc/fluid/api/framework/get_flags.rst b/doc/fluid/api/framework/get_flags.rst new file mode 100644 index 000000000..5cadaf7ce --- /dev/null +++ b/doc/fluid/api/framework/get_flags.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_framework_get_flags: + +get_flags +--------- + +.. autofunction:: paddle.fluid.framework.get_flags + :noindex: + diff --git a/doc/fluid/api/framework/in_dygraph_mode.rst b/doc/fluid/api/framework/in_dygraph_mode.rst new file mode 100644 index 000000000..192e02e63 --- /dev/null +++ b/doc/fluid/api/framework/in_dygraph_mode.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_framework_in_dygraph_mode: + +in_dygraph_mode +--------------- + +.. autofunction:: paddle.fluid.framework.in_dygraph_mode + :noindex: + diff --git a/doc/fluid/api/framework/is_compiled_with_cuda.rst b/doc/fluid/api/framework/is_compiled_with_cuda.rst new file mode 100644 index 000000000..aac1ca317 --- /dev/null +++ b/doc/fluid/api/framework/is_compiled_with_cuda.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_framework_is_compiled_with_cuda: + +is_compiled_with_cuda +--------------------- + +.. autofunction:: paddle.fluid.framework.is_compiled_with_cuda + :noindex: + diff --git a/doc/fluid/api/framework/load_op_library.rst b/doc/fluid/api/framework/load_op_library.rst new file mode 100644 index 000000000..d95af7636 --- /dev/null +++ b/doc/fluid/api/framework/load_op_library.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_framework_load_op_library: + +load_op_library +--------------- + +.. autofunction:: paddle.fluid.framework.load_op_library + :noindex: + diff --git a/doc/fluid/api/framework/name_scope.rst b/doc/fluid/api/framework/name_scope.rst index 616c4cd67..1f8911a12 100644 --- a/doc/fluid/api/framework/name_scope.rst +++ b/doc/fluid/api/framework/name_scope.rst @@ -1,7 +1,11 @@ -.. _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: diff --git a/doc/fluid/api/framework/program_guard.rst b/doc/fluid/api/framework/program_guard.rst index d68a50af2..eb06d9e6a 100644 --- a/doc/fluid/api/framework/program_guard.rst +++ b/doc/fluid/api/framework/program_guard.rst @@ -1,7 +1,11 @@ -.. _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: diff --git a/doc/fluid/api/framework/require_version.rst b/doc/fluid/api/framework/require_version.rst new file mode 100644 index 000000000..7489135b6 --- /dev/null +++ b/doc/fluid/api/framework/require_version.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_framework_require_version: + +require_version +--------------- + +.. autofunction:: paddle.fluid.framework.require_version + :noindex: + diff --git a/doc/fluid/api/framework/set_flags.rst b/doc/fluid/api/framework/set_flags.rst new file mode 100644 index 000000000..b1422d7e9 --- /dev/null +++ b/doc/fluid/api/framework/set_flags.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_framework_set_flags: + +set_flags +--------- + +.. autofunction:: paddle.fluid.framework.set_flags + :noindex: + diff --git a/doc/fluid/api/gen_doc.sh b/doc/fluid/api/gen_doc.sh index b2ea86c2a..b2ad0053b 100644 --- a/doc/fluid/api/gen_doc.sh +++ b/doc/fluid/api/gen_doc.sh @@ -46,7 +46,7 @@ do python gen_module_index.py incubate.hapi.vision.${module} ${module} done -for module in text callbacks distributed download loss metrics model +for module in text callbacks distributed download loss metrics model datasets do python gen_doc.py --module_name ${module} --module_prefix ${module} --output ${module} --output_name incubate.hapi --to_multiple_files True --output_dir incubate/hapi python gen_module_index.py ${module} ${module} diff --git a/doc/fluid/api/incubate.rst b/doc/fluid/api/incubate.rst new file mode 100644 index 000000000..8188043ab --- /dev/null +++ b/doc/fluid/api/incubate.rst @@ -0,0 +1,8 @@ +=============== +paddle.incubate +=============== + +.. toctree:: + :maxdepth: 1 + + incubate/hapi.rst diff --git a/doc/fluid/api/incubate/hapi.rst b/doc/fluid/api/incubate/hapi.rst new file mode 100644 index 000000000..4ac5e2fef --- /dev/null +++ b/doc/fluid/api/incubate/hapi.rst @@ -0,0 +1,8 @@ +==== +hapi +==== + +.. toctree:: + :maxdepth: 1 + + hapi/vision.rst diff --git a/doc/fluid/api/incubate/hapi/callbacks/Callback.rst b/doc/fluid/api/incubate/hapi/callbacks/Callback.rst new file mode 100644 index 000000000..9562c6884 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/callbacks/Callback.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_callbacks_Callback: + +Callback +-------- + +.. autoclass:: paddle.incubate.hapi.callbacks.Callback + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/callbacks/ModelCheckpoint.rst b/doc/fluid/api/incubate/hapi/callbacks/ModelCheckpoint.rst new file mode 100644 index 000000000..0b495135d --- /dev/null +++ b/doc/fluid/api/incubate/hapi/callbacks/ModelCheckpoint.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_callbacks_ModelCheckpoint: + +ModelCheckpoint +--------------- + +.. autoclass:: paddle.incubate.hapi.callbacks.ModelCheckpoint + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/callbacks/ProgBarLogger.rst b/doc/fluid/api/incubate/hapi/callbacks/ProgBarLogger.rst new file mode 100644 index 000000000..aa29ddee6 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/callbacks/ProgBarLogger.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_callbacks_ProgBarLogger: + +ProgBarLogger +------------- + +.. autoclass:: paddle.incubate.hapi.callbacks.ProgBarLogger + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/datasets/Cifar.rst b/doc/fluid/api/incubate/hapi/datasets/Cifar.rst new file mode 100644 index 000000000..1c726b38a --- /dev/null +++ b/doc/fluid/api/incubate/hapi/datasets/Cifar.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_datasets_Cifar: + +Cifar +----- + +.. autoclass:: paddle.incubate.hapi.datasets.Cifar + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/datasets/Conll05st.rst b/doc/fluid/api/incubate/hapi/datasets/Conll05st.rst new file mode 100644 index 000000000..8e2077ba8 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/datasets/Conll05st.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_datasets_Conll05st: + +Conll05st +--------- + +.. autoclass:: paddle.incubate.hapi.datasets.Conll05st + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/datasets/DatasetFolder.rst b/doc/fluid/api/incubate/hapi/datasets/DatasetFolder.rst new file mode 100644 index 000000000..4b876fe2b --- /dev/null +++ b/doc/fluid/api/incubate/hapi/datasets/DatasetFolder.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_datasets_DatasetFolder: + +DatasetFolder +------------- + +.. autoclass:: paddle.incubate.hapi.datasets.DatasetFolder + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/datasets/Flowers.rst b/doc/fluid/api/incubate/hapi/datasets/Flowers.rst new file mode 100644 index 000000000..960c4bf48 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/datasets/Flowers.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_datasets_Flowers: + +Flowers +------- + +.. autoclass:: paddle.incubate.hapi.datasets.Flowers + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/datasets/ImageFolder.rst b/doc/fluid/api/incubate/hapi/datasets/ImageFolder.rst new file mode 100644 index 000000000..a768ed8ad --- /dev/null +++ b/doc/fluid/api/incubate/hapi/datasets/ImageFolder.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_datasets_ImageFolder: + +ImageFolder +----------- + +.. autoclass:: paddle.incubate.hapi.datasets.ImageFolder + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/datasets/Imdb.rst b/doc/fluid/api/incubate/hapi/datasets/Imdb.rst new file mode 100644 index 000000000..ba0e9e0ed --- /dev/null +++ b/doc/fluid/api/incubate/hapi/datasets/Imdb.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_datasets_Imdb: + +Imdb +---- + +.. autoclass:: paddle.incubate.hapi.datasets.Imdb + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/datasets/Imikolov.rst b/doc/fluid/api/incubate/hapi/datasets/Imikolov.rst new file mode 100644 index 000000000..4c203f36f --- /dev/null +++ b/doc/fluid/api/incubate/hapi/datasets/Imikolov.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_datasets_Imikolov: + +Imikolov +-------- + +.. autoclass:: paddle.incubate.hapi.datasets.Imikolov + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/datasets/MNIST.rst b/doc/fluid/api/incubate/hapi/datasets/MNIST.rst new file mode 100644 index 000000000..ad311ecfd --- /dev/null +++ b/doc/fluid/api/incubate/hapi/datasets/MNIST.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_datasets_MNIST: + +MNIST +----- + +.. autoclass:: paddle.incubate.hapi.datasets.MNIST + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/datasets/Movielens.rst b/doc/fluid/api/incubate/hapi/datasets/Movielens.rst new file mode 100644 index 000000000..a3f0069f0 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/datasets/Movielens.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_datasets_Movielens: + +Movielens +--------- + +.. autoclass:: paddle.incubate.hapi.datasets.Movielens + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/datasets/Sentiment.rst b/doc/fluid/api/incubate/hapi/datasets/Sentiment.rst new file mode 100644 index 000000000..1b78ee039 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/datasets/Sentiment.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_datasets_Sentiment: + +Sentiment +--------- + +.. autoclass:: paddle.incubate.hapi.datasets.Sentiment + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/datasets/UCIHousing.rst b/doc/fluid/api/incubate/hapi/datasets/UCIHousing.rst new file mode 100644 index 000000000..186d0f9bc --- /dev/null +++ b/doc/fluid/api/incubate/hapi/datasets/UCIHousing.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_datasets_UCIHousing: + +UCIHousing +---------- + +.. autoclass:: paddle.incubate.hapi.datasets.UCIHousing + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/datasets/VOC2012.rst b/doc/fluid/api/incubate/hapi/datasets/VOC2012.rst new file mode 100644 index 000000000..f05b3cce4 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/datasets/VOC2012.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_datasets_VOC2012: + +VOC2012 +------- + +.. autoclass:: paddle.incubate.hapi.datasets.VOC2012 + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/datasets/WMT14.rst b/doc/fluid/api/incubate/hapi/datasets/WMT14.rst new file mode 100644 index 000000000..ac6005362 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/datasets/WMT14.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_datasets_WMT14: + +WMT14 +----- + +.. autoclass:: paddle.incubate.hapi.datasets.WMT14 + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/datasets/WMT16.rst b/doc/fluid/api/incubate/hapi/datasets/WMT16.rst new file mode 100644 index 000000000..06f325266 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/datasets/WMT16.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_datasets_WMT16: + +WMT16 +----- + +.. autoclass:: paddle.incubate.hapi.datasets.WMT16 + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/distributed/DistributedBatchSampler.rst b/doc/fluid/api/incubate/hapi/distributed/DistributedBatchSampler.rst new file mode 100644 index 000000000..09e76f47b --- /dev/null +++ b/doc/fluid/api/incubate/hapi/distributed/DistributedBatchSampler.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_distributed_DistributedBatchSampler: + +DistributedBatchSampler +----------------------- + +.. autoclass:: paddle.incubate.hapi.distributed.DistributedBatchSampler + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/download/get_weights_path_from_url.rst b/doc/fluid/api/incubate/hapi/download/get_weights_path_from_url.rst new file mode 100644 index 000000000..a9ba75e19 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/download/get_weights_path_from_url.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_download_get_weights_path_from_url: + +get_weights_path_from_url +------------------------- + +.. autofunction:: paddle.incubate.hapi.download.get_weights_path_from_url + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/metrics/Accuracy.rst b/doc/fluid/api/incubate/hapi/metrics/Accuracy.rst new file mode 100644 index 000000000..06dafe439 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/metrics/Accuracy.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_metrics_Accuracy: + +Accuracy +-------- + +.. autoclass:: paddle.incubate.hapi.metrics.Accuracy + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/metrics/Metric.rst b/doc/fluid/api/incubate/hapi/metrics/Metric.rst new file mode 100644 index 000000000..99fff8696 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/metrics/Metric.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_metrics_Metric: + +Metric +------ + +.. autoclass:: paddle.incubate.hapi.metrics.Metric + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/model/Input.rst b/doc/fluid/api/incubate/hapi/model/Input.rst new file mode 100644 index 000000000..40f43d61e --- /dev/null +++ b/doc/fluid/api/incubate/hapi/model/Input.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_model_Input: + +Input +----- + +.. autoclass:: paddle.incubate.hapi.model.Input + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/model/Model.rst b/doc/fluid/api/incubate/hapi/model/Model.rst new file mode 100644 index 000000000..23a7fcf2d --- /dev/null +++ b/doc/fluid/api/incubate/hapi/model/Model.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_model_Model: + +Model +----- + +.. autoclass:: paddle.incubate.hapi.model.Model + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/BasicGRUCell.rst b/doc/fluid/api/incubate/hapi/text/BasicGRUCell.rst new file mode 100644 index 000000000..8581d14f0 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/BasicGRUCell.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_BasicGRUCell: + +BasicGRUCell +------------ + +.. autoclass:: paddle.incubate.hapi.text.BasicGRUCell + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/BasicLSTMCell.rst b/doc/fluid/api/incubate/hapi/text/BasicLSTMCell.rst new file mode 100644 index 000000000..4e6bca503 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/BasicLSTMCell.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_BasicLSTMCell: + +BasicLSTMCell +------------- + +.. autoclass:: paddle.incubate.hapi.text.BasicLSTMCell + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/BeamSearchDecoder.rst b/doc/fluid/api/incubate/hapi/text/BeamSearchDecoder.rst new file mode 100644 index 000000000..0b1f0e4d3 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/BeamSearchDecoder.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_BeamSearchDecoder: + +BeamSearchDecoder +----------------- + +.. autoclass:: paddle.incubate.hapi.text.BeamSearchDecoder + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/BidirectionalGRU.rst b/doc/fluid/api/incubate/hapi/text/BidirectionalGRU.rst new file mode 100644 index 000000000..4638ce80a --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/BidirectionalGRU.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_BidirectionalGRU: + +BidirectionalGRU +---------------- + +.. autoclass:: paddle.incubate.hapi.text.BidirectionalGRU + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/BidirectionalLSTM.rst b/doc/fluid/api/incubate/hapi/text/BidirectionalLSTM.rst new file mode 100644 index 000000000..27a364cd0 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/BidirectionalLSTM.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_BidirectionalLSTM: + +BidirectionalLSTM +----------------- + +.. autoclass:: paddle.incubate.hapi.text.BidirectionalLSTM + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/BidirectionalRNN.rst b/doc/fluid/api/incubate/hapi/text/BidirectionalRNN.rst new file mode 100644 index 000000000..106c40a99 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/BidirectionalRNN.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_BidirectionalRNN: + +BidirectionalRNN +---------------- + +.. autoclass:: paddle.incubate.hapi.text.BidirectionalRNN + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/CNNEncoder.rst b/doc/fluid/api/incubate/hapi/text/CNNEncoder.rst new file mode 100644 index 000000000..ed672da8d --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/CNNEncoder.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_CNNEncoder: + +CNNEncoder +---------- + +.. autoclass:: paddle.incubate.hapi.text.CNNEncoder + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/CRFDecoding.rst b/doc/fluid/api/incubate/hapi/text/CRFDecoding.rst new file mode 100644 index 000000000..6fd29e2bb --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/CRFDecoding.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_CRFDecoding: + +CRFDecoding +----------- + +.. autoclass:: paddle.incubate.hapi.text.CRFDecoding + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/Conv1dPoolLayer.rst b/doc/fluid/api/incubate/hapi/text/Conv1dPoolLayer.rst new file mode 100644 index 000000000..c67d28e2b --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/Conv1dPoolLayer.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_Conv1dPoolLayer: + +Conv1dPoolLayer +--------------- + +.. autoclass:: paddle.incubate.hapi.text.Conv1dPoolLayer + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/DynamicDecode.rst b/doc/fluid/api/incubate/hapi/text/DynamicDecode.rst new file mode 100644 index 000000000..8d830eaba --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/DynamicDecode.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_DynamicDecode: + +DynamicDecode +------------- + +.. autoclass:: paddle.incubate.hapi.text.DynamicDecode + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/FFN.rst b/doc/fluid/api/incubate/hapi/text/FFN.rst new file mode 100644 index 000000000..8af8f9461 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/FFN.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_FFN: + +FFN +--- + +.. autoclass:: paddle.incubate.hapi.text.FFN + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/GRU.rst b/doc/fluid/api/incubate/hapi/text/GRU.rst new file mode 100644 index 000000000..3b0a2f8dd --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/GRU.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_GRU: + +GRU +--- + +.. autoclass:: paddle.incubate.hapi.text.GRU + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/LSTM.rst b/doc/fluid/api/incubate/hapi/text/LSTM.rst new file mode 100644 index 000000000..9bf3be30d --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/LSTM.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_LSTM: + +LSTM +---- + +.. autoclass:: paddle.incubate.hapi.text.LSTM + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/LinearChainCRF.rst b/doc/fluid/api/incubate/hapi/text/LinearChainCRF.rst new file mode 100644 index 000000000..a67a41a16 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/LinearChainCRF.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_LinearChainCRF: + +LinearChainCRF +-------------- + +.. autoclass:: paddle.incubate.hapi.text.LinearChainCRF + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/MultiHeadAttention.rst b/doc/fluid/api/incubate/hapi/text/MultiHeadAttention.rst new file mode 100644 index 000000000..b5606a594 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/MultiHeadAttention.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_MultiHeadAttention: + +MultiHeadAttention +------------------ + +.. autoclass:: paddle.incubate.hapi.text.MultiHeadAttention + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/RNN.rst b/doc/fluid/api/incubate/hapi/text/RNN.rst new file mode 100644 index 000000000..43cb6ac59 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/RNN.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_RNN: + +RNN +--- + +.. autoclass:: paddle.incubate.hapi.text.RNN + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/RNNCell.rst b/doc/fluid/api/incubate/hapi/text/RNNCell.rst new file mode 100644 index 000000000..c2e1e6b64 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/RNNCell.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_RNNCell: + +RNNCell +------- + +.. autoclass:: paddle.incubate.hapi.text.RNNCell + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/SequenceTagging.rst b/doc/fluid/api/incubate/hapi/text/SequenceTagging.rst new file mode 100644 index 000000000..207470dce --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/SequenceTagging.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_SequenceTagging: + +SequenceTagging +--------------- + +.. autoclass:: paddle.incubate.hapi.text.SequenceTagging + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/StackedGRUCell.rst b/doc/fluid/api/incubate/hapi/text/StackedGRUCell.rst new file mode 100644 index 000000000..0f3ca2f60 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/StackedGRUCell.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_StackedGRUCell: + +StackedGRUCell +-------------- + +.. autoclass:: paddle.incubate.hapi.text.StackedGRUCell + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/StackedLSTMCell.rst b/doc/fluid/api/incubate/hapi/text/StackedLSTMCell.rst new file mode 100644 index 000000000..350ab8df0 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/StackedLSTMCell.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_StackedLSTMCell: + +StackedLSTMCell +--------------- + +.. autoclass:: paddle.incubate.hapi.text.StackedLSTMCell + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/StackedRNNCell.rst b/doc/fluid/api/incubate/hapi/text/StackedRNNCell.rst new file mode 100644 index 000000000..1d7ccb6d5 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/StackedRNNCell.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_StackedRNNCell: + +StackedRNNCell +-------------- + +.. autoclass:: paddle.incubate.hapi.text.StackedRNNCell + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/TransformerBeamSearchDecoder.rst b/doc/fluid/api/incubate/hapi/text/TransformerBeamSearchDecoder.rst new file mode 100644 index 000000000..16f6147f0 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/TransformerBeamSearchDecoder.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_TransformerBeamSearchDecoder: + +TransformerBeamSearchDecoder +---------------------------- + +.. autoclass:: paddle.incubate.hapi.text.TransformerBeamSearchDecoder + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/TransformerCell.rst b/doc/fluid/api/incubate/hapi/text/TransformerCell.rst new file mode 100644 index 000000000..ef92c5b87 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/TransformerCell.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_TransformerCell: + +TransformerCell +--------------- + +.. autoclass:: paddle.incubate.hapi.text.TransformerCell + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/TransformerDecoder.rst b/doc/fluid/api/incubate/hapi/text/TransformerDecoder.rst new file mode 100644 index 000000000..e20d64bed --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/TransformerDecoder.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_TransformerDecoder: + +TransformerDecoder +------------------ + +.. autoclass:: paddle.incubate.hapi.text.TransformerDecoder + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/TransformerDecoderLayer.rst b/doc/fluid/api/incubate/hapi/text/TransformerDecoderLayer.rst new file mode 100644 index 000000000..233d36066 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/TransformerDecoderLayer.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_TransformerDecoderLayer: + +TransformerDecoderLayer +----------------------- + +.. autoclass:: paddle.incubate.hapi.text.TransformerDecoderLayer + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/TransformerEncoder.rst b/doc/fluid/api/incubate/hapi/text/TransformerEncoder.rst new file mode 100644 index 000000000..7d4f0650c --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/TransformerEncoder.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_TransformerEncoder: + +TransformerEncoder +------------------ + +.. autoclass:: paddle.incubate.hapi.text.TransformerEncoder + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/text/TransformerEncoderLayer.rst b/doc/fluid/api/incubate/hapi/text/TransformerEncoderLayer.rst new file mode 100644 index 000000000..473079d5f --- /dev/null +++ b/doc/fluid/api/incubate/hapi/text/TransformerEncoderLayer.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_text_TransformerEncoderLayer: + +TransformerEncoderLayer +----------------------- + +.. autoclass:: paddle.incubate.hapi.text.TransformerEncoderLayer + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision.rst b/doc/fluid/api/incubate/hapi/vision.rst new file mode 100644 index 000000000..119d815c8 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision.rst @@ -0,0 +1,9 @@ +====== +vision +====== + +.. toctree:: + :maxdepth: 1 + + vision/models.rst + vision/transforms.rst diff --git a/doc/fluid/api/incubate/hapi/vision/models.rst b/doc/fluid/api/incubate/hapi/vision/models.rst new file mode 100644 index 000000000..9a7ef0416 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models.rst @@ -0,0 +1,23 @@ +====== +models +====== + +.. toctree:: + :maxdepth: 1 + + models/LeNet.rst + models/mobilenet_v1.rst + models/mobilenet_v2.rst + models/MobileNetV1.rst + models/MobileNetV2.rst + models/ResNet.rst + models/resnet101.rst + models/resnet152.rst + models/resnet18.rst + models/resnet34.rst + models/resnet50.rst + models/VGG.rst + models/vgg11.rst + models/vgg13.rst + models/vgg16.rst + models/vgg19.rst diff --git a/doc/fluid/api/incubate/hapi/vision/models/LeNet.rst b/doc/fluid/api/incubate/hapi/vision/models/LeNet.rst new file mode 100644 index 000000000..043dbd69e --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/LeNet.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_LeNet: + +LeNet +----- + +.. autoclass:: paddle.incubate.hapi.vision.models.LeNet + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/models/MobileNetV1.rst b/doc/fluid/api/incubate/hapi/vision/models/MobileNetV1.rst new file mode 100644 index 000000000..338178f91 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/MobileNetV1.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_MobileNetV1: + +MobileNetV1 +----------- + +.. autoclass:: paddle.incubate.hapi.vision.models.MobileNetV1 + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/models/MobileNetV2.rst b/doc/fluid/api/incubate/hapi/vision/models/MobileNetV2.rst new file mode 100644 index 000000000..359c4f635 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/MobileNetV2.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_MobileNetV2: + +MobileNetV2 +----------- + +.. autoclass:: paddle.incubate.hapi.vision.models.MobileNetV2 + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/models/ResNet.rst b/doc/fluid/api/incubate/hapi/vision/models/ResNet.rst new file mode 100644 index 000000000..f17ad1d00 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/ResNet.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_ResNet: + +ResNet +------ + +.. autoclass:: paddle.incubate.hapi.vision.models.ResNet + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/models/VGG.rst b/doc/fluid/api/incubate/hapi/vision/models/VGG.rst new file mode 100644 index 000000000..0a0b684e3 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/VGG.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_VGG: + +VGG +--- + +.. autoclass:: paddle.incubate.hapi.vision.models.VGG + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/models/mobilenet_v1.rst b/doc/fluid/api/incubate/hapi/vision/models/mobilenet_v1.rst new file mode 100644 index 000000000..3086df668 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/mobilenet_v1.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_mobilenet_v1: + +mobilenet_v1 +------------ + +.. autofunction:: paddle.incubate.hapi.vision.models.mobilenet_v1 + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/models/mobilenet_v2.rst b/doc/fluid/api/incubate/hapi/vision/models/mobilenet_v2.rst new file mode 100644 index 000000000..6aed19197 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/mobilenet_v2.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_mobilenet_v2: + +mobilenet_v2 +------------ + +.. autofunction:: paddle.incubate.hapi.vision.models.mobilenet_v2 + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/models/resnet101.rst b/doc/fluid/api/incubate/hapi/vision/models/resnet101.rst new file mode 100644 index 000000000..ea658c062 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/resnet101.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_resnet101: + +resnet101 +--------- + +.. autofunction:: paddle.incubate.hapi.vision.models.resnet101 + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/models/resnet152.rst b/doc/fluid/api/incubate/hapi/vision/models/resnet152.rst new file mode 100644 index 000000000..589de0015 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/resnet152.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_resnet152: + +resnet152 +--------- + +.. autofunction:: paddle.incubate.hapi.vision.models.resnet152 + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/models/resnet18.rst b/doc/fluid/api/incubate/hapi/vision/models/resnet18.rst new file mode 100644 index 000000000..d8598d2ad --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/resnet18.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_resnet18: + +resnet18 +-------- + +.. autofunction:: paddle.incubate.hapi.vision.models.resnet18 + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/models/resnet34.rst b/doc/fluid/api/incubate/hapi/vision/models/resnet34.rst new file mode 100644 index 000000000..07a778628 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/resnet34.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_resnet34: + +resnet34 +-------- + +.. autofunction:: paddle.incubate.hapi.vision.models.resnet34 + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/models/resnet50.rst b/doc/fluid/api/incubate/hapi/vision/models/resnet50.rst new file mode 100644 index 000000000..ebffde970 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/resnet50.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_resnet50: + +resnet50 +-------- + +.. autofunction:: paddle.incubate.hapi.vision.models.resnet50 + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/models/vgg11.rst b/doc/fluid/api/incubate/hapi/vision/models/vgg11.rst new file mode 100644 index 000000000..c52510e25 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/vgg11.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_vgg11: + +vgg11 +----- + +.. autofunction:: paddle.incubate.hapi.vision.models.vgg11 + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/models/vgg13.rst b/doc/fluid/api/incubate/hapi/vision/models/vgg13.rst new file mode 100644 index 000000000..7de00fc30 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/vgg13.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_vgg13: + +vgg13 +----- + +.. autofunction:: paddle.incubate.hapi.vision.models.vgg13 + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/models/vgg16.rst b/doc/fluid/api/incubate/hapi/vision/models/vgg16.rst new file mode 100644 index 000000000..387d6a6d6 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/vgg16.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_vgg16: + +vgg16 +----- + +.. autofunction:: paddle.incubate.hapi.vision.models.vgg16 + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/models/vgg19.rst b/doc/fluid/api/incubate/hapi/vision/models/vgg19.rst new file mode 100644 index 000000000..1ac0f89f6 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/models/vgg19.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_models_vgg19: + +vgg19 +----- + +.. autofunction:: paddle.incubate.hapi.vision.models.vgg19 + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms.rst b/doc/fluid/api/incubate/hapi/vision/transforms.rst new file mode 100644 index 000000000..bc92a8d38 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms.rst @@ -0,0 +1,33 @@ +========== +transforms +========== + +.. toctree:: + :maxdepth: 1 + + transforms/BatchCompose.rst + transforms/BrightnessTransform.rst + transforms/CenterCrop.rst + transforms/CenterCropResize.rst + transforms/ColorJitter.rst + transforms/Compose.rst + transforms/ContrastTransform.rst + transforms/flip.rst + transforms/GaussianNoise.rst + transforms/Grayscale.rst + transforms/HueTransform.rst + transforms/Normalize.rst + transforms/pad.rst + transforms/Pad.rst + transforms/Permute.rst + transforms/RandomCrop.rst + transforms/RandomErasing.rst + transforms/RandomHorizontalFlip.rst + transforms/RandomResizedCrop.rst + transforms/RandomRotate.rst + transforms/RandomVerticalFlip.rst + transforms/Resize.rst + transforms/resize.rst + transforms/rotate.rst + transforms/SaturationTransform.rst + transforms/to_grayscale.rst diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/BatchCompose.rst b/doc/fluid/api/incubate/hapi/vision/transforms/BatchCompose.rst new file mode 100644 index 000000000..0ed471485 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/BatchCompose.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_BatchCompose: + +BatchCompose +------------ + +.. autoclass:: paddle.incubate.hapi.vision.transforms.BatchCompose + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/BrightnessTransform.rst b/doc/fluid/api/incubate/hapi/vision/transforms/BrightnessTransform.rst new file mode 100644 index 000000000..d4bca1615 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/BrightnessTransform.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_BrightnessTransform: + +BrightnessTransform +------------------- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.BrightnessTransform + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/CenterCrop.rst b/doc/fluid/api/incubate/hapi/vision/transforms/CenterCrop.rst new file mode 100644 index 000000000..9deccf867 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/CenterCrop.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_CenterCrop: + +CenterCrop +---------- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.CenterCrop + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/CenterCropResize.rst b/doc/fluid/api/incubate/hapi/vision/transforms/CenterCropResize.rst new file mode 100644 index 000000000..8c301c970 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/CenterCropResize.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_CenterCropResize: + +CenterCropResize +---------------- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.CenterCropResize + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/ColorJitter.rst b/doc/fluid/api/incubate/hapi/vision/transforms/ColorJitter.rst new file mode 100644 index 000000000..faa811b51 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/ColorJitter.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_ColorJitter: + +ColorJitter +----------- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.ColorJitter + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/Compose.rst b/doc/fluid/api/incubate/hapi/vision/transforms/Compose.rst new file mode 100644 index 000000000..c3913cf1a --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/Compose.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_Compose: + +Compose +------- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.Compose + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/ContrastTransform.rst b/doc/fluid/api/incubate/hapi/vision/transforms/ContrastTransform.rst new file mode 100644 index 000000000..e85d557e0 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/ContrastTransform.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_ContrastTransform: + +ContrastTransform +----------------- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.ContrastTransform + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/GaussianNoise.rst b/doc/fluid/api/incubate/hapi/vision/transforms/GaussianNoise.rst new file mode 100644 index 000000000..61b1a4667 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/GaussianNoise.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_GaussianNoise: + +GaussianNoise +------------- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.GaussianNoise + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/Grayscale.rst b/doc/fluid/api/incubate/hapi/vision/transforms/Grayscale.rst new file mode 100644 index 000000000..8ca5769c3 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/Grayscale.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_Grayscale: + +Grayscale +--------- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.Grayscale + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/HueTransform.rst b/doc/fluid/api/incubate/hapi/vision/transforms/HueTransform.rst new file mode 100644 index 000000000..a0228d9bc --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/HueTransform.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_HueTransform: + +HueTransform +------------ + +.. autoclass:: paddle.incubate.hapi.vision.transforms.HueTransform + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/Normalize.rst b/doc/fluid/api/incubate/hapi/vision/transforms/Normalize.rst new file mode 100644 index 000000000..3fc61ed38 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/Normalize.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_Normalize: + +Normalize +--------- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.Normalize + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/Pad.rst b/doc/fluid/api/incubate/hapi/vision/transforms/Pad.rst new file mode 100644 index 000000000..913e5537d --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/Pad.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_Pad: + +Pad +--- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.Pad + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/Permute.rst b/doc/fluid/api/incubate/hapi/vision/transforms/Permute.rst new file mode 100644 index 000000000..f3f623a8c --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/Permute.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_Permute: + +Permute +------- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.Permute + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/RandomCrop.rst b/doc/fluid/api/incubate/hapi/vision/transforms/RandomCrop.rst new file mode 100644 index 000000000..14f6b9507 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/RandomCrop.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_RandomCrop: + +RandomCrop +---------- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.RandomCrop + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/RandomErasing.rst b/doc/fluid/api/incubate/hapi/vision/transforms/RandomErasing.rst new file mode 100644 index 000000000..028c01c86 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/RandomErasing.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_RandomErasing: + +RandomErasing +------------- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.RandomErasing + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/RandomHorizontalFlip.rst b/doc/fluid/api/incubate/hapi/vision/transforms/RandomHorizontalFlip.rst new file mode 100644 index 000000000..e261556c5 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/RandomHorizontalFlip.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_RandomHorizontalFlip: + +RandomHorizontalFlip +-------------------- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.RandomHorizontalFlip + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/RandomResizedCrop.rst b/doc/fluid/api/incubate/hapi/vision/transforms/RandomResizedCrop.rst new file mode 100644 index 000000000..e5773932c --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/RandomResizedCrop.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_RandomResizedCrop: + +RandomResizedCrop +----------------- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.RandomResizedCrop + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/RandomRotate.rst b/doc/fluid/api/incubate/hapi/vision/transforms/RandomRotate.rst new file mode 100644 index 000000000..26d2e8a1c --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/RandomRotate.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_RandomRotate: + +RandomRotate +------------ + +.. autoclass:: paddle.incubate.hapi.vision.transforms.RandomRotate + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/RandomVerticalFlip.rst b/doc/fluid/api/incubate/hapi/vision/transforms/RandomVerticalFlip.rst new file mode 100644 index 000000000..d61244184 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/RandomVerticalFlip.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_RandomVerticalFlip: + +RandomVerticalFlip +------------------ + +.. autoclass:: paddle.incubate.hapi.vision.transforms.RandomVerticalFlip + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/Resize.rst b/doc/fluid/api/incubate/hapi/vision/transforms/Resize.rst new file mode 100644 index 000000000..4c129227d --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/Resize.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_Resize: + +Resize +------ + +.. autoclass:: paddle.incubate.hapi.vision.transforms.Resize + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/SaturationTransform.rst b/doc/fluid/api/incubate/hapi/vision/transforms/SaturationTransform.rst new file mode 100644 index 000000000..ad8f21f70 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/SaturationTransform.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_SaturationTransform: + +SaturationTransform +------------------- + +.. autoclass:: paddle.incubate.hapi.vision.transforms.SaturationTransform + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/flip.rst b/doc/fluid/api/incubate/hapi/vision/transforms/flip.rst new file mode 100644 index 000000000..bcdf813f4 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/flip.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_flip: + +flip +---- + +.. autofunction:: paddle.incubate.hapi.vision.transforms.flip + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/pad.rst b/doc/fluid/api/incubate/hapi/vision/transforms/pad.rst new file mode 100644 index 000000000..e7a79fb29 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/pad.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_pad: + +pad +--- + +.. autofunction:: paddle.incubate.hapi.vision.transforms.pad + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/resize.rst b/doc/fluid/api/incubate/hapi/vision/transforms/resize.rst new file mode 100644 index 000000000..11b2109d9 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/resize.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_resize: + +resize +------ + +.. autofunction:: paddle.incubate.hapi.vision.transforms.resize + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/rotate.rst b/doc/fluid/api/incubate/hapi/vision/transforms/rotate.rst new file mode 100644 index 000000000..0efbded1e --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/rotate.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_rotate: + +rotate +------ + +.. autofunction:: paddle.incubate.hapi.vision.transforms.rotate + :noindex: + diff --git a/doc/fluid/api/incubate/hapi/vision/transforms/to_grayscale.rst b/doc/fluid/api/incubate/hapi/vision/transforms/to_grayscale.rst new file mode 100644 index 000000000..32aee5f69 --- /dev/null +++ b/doc/fluid/api/incubate/hapi/vision/transforms/to_grayscale.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_incubate_hapi_vision_transforms_to_grayscale: + +to_grayscale +------------ + +.. autofunction:: paddle.incubate.hapi.vision.transforms.to_grayscale + :noindex: + diff --git a/doc/fluid/api/index_en.rst b/doc/fluid/api/index_en.rst index f36071538..b47e7aad0 100644 --- a/doc/fluid/api/index_en.rst +++ b/doc/fluid/api/index_en.rst @@ -6,30 +6,39 @@ API Reference :maxdepth: 1 ../api_guides/index_en.rst - dataset.rst + complex.rst declarative.rst framework.rst imperative.rst - io.rst + incubate.rst metric.rst nn.rst - optimizer.rst + review_tmp.rst tensor.rst fluid.rst backward.rst + callbacks.rst clip.rst data/data_reader.rst data/dataset.rst + dataset.rst + datasets.rst + distributed.rst + download.rst dygraph.rst executor.rst fluid.rst initializer.rst + io.rst layers.rst + loss.rst metrics.rst + model.rst nets.rst + optimizer.rst paddle.rst profiler.rst regularizer.rst + text.rst transpiler.rst unique_name.rst - review_tmp.rst diff --git a/doc/fluid/api/initializer.rst b/doc/fluid/api/initializer.rst index 0068f3f60..cb47ce0b1 100644 --- a/doc/fluid/api/initializer.rst +++ b/doc/fluid/api/initializer.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 diff --git a/doc/fluid/api/initializer/set_global_initializer.rst b/doc/fluid/api/initializer/set_global_initializer.rst new file mode 100644 index 000000000..2d013ffd9 --- /dev/null +++ b/doc/fluid/api/initializer/set_global_initializer.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_initializer_set_global_initializer: + +set_global_initializer +---------------------- + +.. autofunction:: paddle.fluid.initializer.set_global_initializer + :noindex: + diff --git a/doc/fluid/api/io.rst b/doc/fluid/api/io.rst index 666d584ca..8df106b35 100644 --- a/doc/fluid/api/io.rst +++ b/doc/fluid/api/io.rst @@ -1,5 +1,5 @@ ======== -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 diff --git a/doc/fluid/api/io/default_collate_fn.rst b/doc/fluid/api/io/default_collate_fn.rst new file mode 100644 index 000000000..38f34e1ee --- /dev/null +++ b/doc/fluid/api/io/default_collate_fn.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_io_default_collate_fn: + +default_collate_fn +------------------ + +.. autofunction:: paddle.fluid.io.default_collate_fn + :noindex: + diff --git a/doc/fluid/api/layers.rst b/doc/fluid/api/layers.rst index 0f1fe3c22..79326ed3d 100644 --- a/doc/fluid/api/layers.rst +++ b/doc/fluid/api/layers.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 diff --git a/doc/fluid/api/layers/Assert.rst b/doc/fluid/api/layers/Assert.rst new file mode 100644 index 000000000..96c0a4bb2 --- /dev/null +++ b/doc/fluid/api/layers/Assert.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_layers_Assert: + +Assert +------ + +.. autofunction:: paddle.fluid.layers.Assert + :noindex: + diff --git a/doc/fluid/api/layers/cosh.rst b/doc/fluid/api/layers/cosh.rst new file mode 100644 index 000000000..e72a8694c --- /dev/null +++ b/doc/fluid/api/layers/cosh.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_layers_cosh: + +cosh +---- + +.. autofunction:: paddle.fluid.layers.cosh + :noindex: + diff --git a/doc/fluid/api/layers/matrix_nms.rst b/doc/fluid/api/layers/matrix_nms.rst index 60bbbeb15..979212c34 100644 --- a/doc/fluid/api/layers/matrix_nms.rst +++ b/doc/fluid/api/layers/matrix_nms.rst @@ -4,7 +4,7 @@ .. _api_fluid_layers_matrix_nms: matrix_nms --------------- +---------- .. autofunction:: paddle.fluid.layers.matrix_nms :noindex: diff --git a/doc/fluid/api/layers/mish.rst b/doc/fluid/api/layers/mish.rst new file mode 100644 index 000000000..c902b87f0 --- /dev/null +++ b/doc/fluid/api/layers/mish.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_layers_mish: + +mish +---- + +.. autofunction:: paddle.fluid.layers.mish + :noindex: + diff --git a/doc/fluid/api/layers/resize_linear.rst b/doc/fluid/api/layers/resize_linear.rst new file mode 100644 index 000000000..59b245f18 --- /dev/null +++ b/doc/fluid/api/layers/resize_linear.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_layers_resize_linear: + +resize_linear +------------- + +.. autofunction:: paddle.fluid.layers.resize_linear + :noindex: + diff --git a/doc/fluid/api/layers/sinh.rst b/doc/fluid/api/layers/sinh.rst new file mode 100644 index 000000000..426fec676 --- /dev/null +++ b/doc/fluid/api/layers/sinh.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_layers_sinh: + +sinh +---- + +.. autofunction:: paddle.fluid.layers.sinh + :noindex: + diff --git a/doc/fluid/api/layers/unbind.rst b/doc/fluid/api/layers/unbind.rst new file mode 100644 index 000000000..c16ce4e2f --- /dev/null +++ b/doc/fluid/api/layers/unbind.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_layers_unbind: + +unbind +------ + +.. autofunction:: paddle.fluid.layers.unbind + :noindex: + diff --git a/doc/fluid/api/loss.rst b/doc/fluid/api/loss.rst new file mode 100644 index 000000000..46ec69710 --- /dev/null +++ b/doc/fluid/api/loss.rst @@ -0,0 +1,7 @@ +==== +loss +==== + +.. toctree:: + :maxdepth: 1 + diff --git a/doc/fluid/api/metrics.rst b/doc/fluid/api/metrics.rst index 6a2b6ce1b..d56b6acb8 100644 --- a/doc/fluid/api/metrics.rst +++ b/doc/fluid/api/metrics.rst @@ -1,6 +1,6 @@ -============= -fluid.metrics -============= +======= +metrics +======= .. toctree:: :maxdepth: 1 diff --git a/doc/fluid/api/model.rst b/doc/fluid/api/model.rst new file mode 100644 index 000000000..70fe81f8e --- /dev/null +++ b/doc/fluid/api/model.rst @@ -0,0 +1,7 @@ +===== +model +===== + +.. toctree:: + :maxdepth: 1 + diff --git a/doc/fluid/api/nn.rst b/doc/fluid/api/nn.rst index 3d8ad814d..c7a5b1f81 100644 --- a/doc/fluid/api/nn.rst +++ b/doc/fluid/api/nn.rst @@ -7,7 +7,6 @@ paddle.nn nn/adaptive_pool2d.rst nn/adaptive_pool3d.rst - nn/add_position_encoding.rst nn/affine_channel.rst nn/affine_grid.rst nn/anchor_generator.rst @@ -28,7 +27,6 @@ paddle.nn nn/clip_by_norm.rst nn/collect_fpn_proposals.rst nn/cond.rst - nn/continuous_value_model.rst nn/conv2d.rst nn/conv2d_transpose.rst nn/conv3d.rst @@ -47,7 +45,6 @@ paddle.nn nn/Embedding.rst nn/erf.rst nn/exponential_decay.rst - nn/filter_by_instag.rst nn/fsp_matrix.rst nn/functional.rst nn/gather_tree.rst @@ -69,6 +66,7 @@ paddle.nn nn/image_resize.rst nn/image_resize_short.rst nn/initializer.rst + nn/InstanceNorm.rst nn/inverse_time_decay.rst nn/iou_similarity.rst nn/kldiv_loss.rst @@ -87,25 +85,23 @@ paddle.nn nn/matrix_nms.rst nn/maxout.rst nn/mse_loss.rst - nn/multiclass_nms.rst nn/natural_exp_decay.rst nn/noam_decay.rst nn/npair_loss.rst nn/one_hot.rst nn/pad.rst + nn/Pad2D.rst nn/pad2d.rst nn/pad_constant_like.rst nn/ParameterList.rst nn/piecewise_decay.rst nn/pixel_shuffle.rst - nn/polygon_box_transform.rst nn/polynomial_decay.rst nn/Pool2D.rst nn/pool3d.rst nn/prior_box.rst nn/prroi_pool.rst nn/psroi_pool.rst - nn/random_crop.rst nn/rank_loss.rst nn/ReLU.rst nn/relu6.rst @@ -117,15 +113,12 @@ paddle.nn nn/roi_align.rst nn/roi_perspective_transform.rst nn/roi_pool.rst - nn/row_conv.rst - nn/rpn_target_assign.rst nn/sampled_softmax_with_cross_entropy.rst nn/selu.rst nn/Sequential.rst nn/shuffle_channel.rst nn/sigmoid_cross_entropy_with_logits.rst nn/sigmoid_focal_loss.rst - nn/similarity_focus.rst nn/smooth_l1.rst nn/soft_relu.rst nn/softmax.rst @@ -140,14 +133,10 @@ paddle.nn nn/swish.rst nn/switch_case.rst nn/tanh_shrink.rst - nn/target_assign.rst nn/teacher_student_sigmoid_loss.rst - nn/temporal_shift.rst nn/thresholded_relu.rst nn/unfold.rst - nn/warpctc.rst + nn/UpSample.rst nn/while_loop.rst nn/yolo_box.rst nn/yolov3_loss.rst - nn/functional/loss/margin_ranking_loss.rst - nn/layer/loss/MarginRankingLoss.rst diff --git a/doc/fluid/api/nn/BatchNorm.rst b/doc/fluid/api/nn/BatchNorm.rst index b88ccdfa1..bdc0c59eb 100644 --- a/doc/fluid/api/nn/BatchNorm.rst +++ b/doc/fluid/api/nn/BatchNorm.rst @@ -1,7 +1,13 @@ +.. 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: diff --git a/doc/fluid/api/nn/BilinearTensorProduct.rst b/doc/fluid/api/nn/BilinearTensorProduct.rst index ca0a12452..16d3fdf91 100644 --- a/doc/fluid/api/nn/BilinearTensorProduct.rst +++ b/doc/fluid/api/nn/BilinearTensorProduct.rst @@ -1,7 +1,13 @@ +.. 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: diff --git a/doc/fluid/api/nn/Embedding.rst b/doc/fluid/api/nn/Embedding.rst index b9ec790b5..1fcf4dc79 100644 --- a/doc/fluid/api/nn/Embedding.rst +++ b/doc/fluid/api/nn/Embedding.rst @@ -1,7 +1,13 @@ +.. 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: diff --git a/doc/fluid/api/nn/GroupNorm.rst b/doc/fluid/api/nn/GroupNorm.rst index 0c87d6b16..6b74cb98d 100644 --- a/doc/fluid/api/nn/GroupNorm.rst +++ b/doc/fluid/api/nn/GroupNorm.rst @@ -1,7 +1,13 @@ +.. 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: diff --git a/doc/fluid/api/nn/InstanceNorm.rst b/doc/fluid/api/nn/InstanceNorm.rst new file mode 100644 index 000000000..f925cd134 --- /dev/null +++ b/doc/fluid/api/nn/InstanceNorm.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_nn_InstanceNorm: + +InstanceNorm +------------ + +.. autoclass:: paddle.nn.InstanceNorm + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/nn/LayerNorm.rst b/doc/fluid/api/nn/LayerNorm.rst index 162d53ad7..bedd3d824 100644 --- a/doc/fluid/api/nn/LayerNorm.rst +++ b/doc/fluid/api/nn/LayerNorm.rst @@ -1,7 +1,13 @@ +.. 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: diff --git a/doc/fluid/api/nn/Linear.rst b/doc/fluid/api/nn/Linear.rst index 239d4d2d2..9d73cca56 100644 --- a/doc/fluid/api/nn/Linear.rst +++ b/doc/fluid/api/nn/Linear.rst @@ -1,7 +1,13 @@ +.. 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: diff --git a/doc/fluid/api/nn/Pad2D.rst b/doc/fluid/api/nn/Pad2D.rst new file mode 100644 index 000000000..3a9ddbe3f --- /dev/null +++ b/doc/fluid/api/nn/Pad2D.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_nn_Pad2D: + +Pad2D +----- + +.. autoclass:: paddle.nn.Pad2D + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/nn/Pool2D.rst b/doc/fluid/api/nn/Pool2D.rst index e34535daa..b3998e5dc 100644 --- a/doc/fluid/api/nn/Pool2D.rst +++ b/doc/fluid/api/nn/Pool2D.rst @@ -1,7 +1,13 @@ +.. 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: diff --git a/doc/fluid/api/nn/SpectralNorm.rst b/doc/fluid/api/nn/SpectralNorm.rst index aff8682c3..487774ebd 100644 --- a/doc/fluid/api/nn/SpectralNorm.rst +++ b/doc/fluid/api/nn/SpectralNorm.rst @@ -1,7 +1,13 @@ +.. 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: diff --git a/doc/fluid/api/nn/UpSample.rst b/doc/fluid/api/nn/UpSample.rst new file mode 100644 index 000000000..ca92779a7 --- /dev/null +++ b/doc/fluid/api/nn/UpSample.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_nn_UpSample: + +UpSample +-------- + +.. autoclass:: paddle.nn.UpSample + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/nn/add_position_encoding.rst b/doc/fluid/api/nn/add_position_encoding.rst deleted file mode 100644 index 7f07f2ba6..000000000 --- a/doc/fluid/api/nn/add_position_encoding.rst +++ /dev/null @@ -1,7 +0,0 @@ -.. _api_nn_add_position_encoding: - -add_position_encoding -------------------------------- -:doc_source: paddle.fluid.layers.add_position_encoding - - diff --git a/doc/fluid/api/nn/continuous_value_model.rst b/doc/fluid/api/nn/continuous_value_model.rst deleted file mode 100644 index 95e369457..000000000 --- a/doc/fluid/api/nn/continuous_value_model.rst +++ /dev/null @@ -1,7 +0,0 @@ -.. _api_nn_continuous_value_model: - -continuous_value_model -------------------------------- -:doc_source: paddle.fluid.layers.continuous_value_model - - diff --git a/doc/fluid/api/nn/filter_by_instag.rst b/doc/fluid/api/nn/filter_by_instag.rst deleted file mode 100644 index 3587ac608..000000000 --- a/doc/fluid/api/nn/filter_by_instag.rst +++ /dev/null @@ -1,7 +0,0 @@ -.. _api_nn_filter_by_instag: - -filter_by_instag -------------------------------- -:doc_source: paddle.fluid.layers.filter_by_instag - - diff --git a/doc/fluid/api/nn/loss/BCELoss.rst b/doc/fluid/api/nn/loss/BCELoss.rst new file mode 100644 index 000000000..8f1ff8d73 --- /dev/null +++ b/doc/fluid/api/nn/loss/BCELoss.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_nn_loss_BCELoss: + +BCELoss +------- + +.. autoclass:: paddle.nn.loss.BCELoss + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/nn/loss/CrossEntropyLoss.rst b/doc/fluid/api/nn/loss/CrossEntropyLoss.rst new file mode 100644 index 000000000..97cfbf20a --- /dev/null +++ b/doc/fluid/api/nn/loss/CrossEntropyLoss.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_nn_loss_CrossEntropyLoss: + +CrossEntropyLoss +---------------- + +.. autoclass:: paddle.nn.loss.CrossEntropyLoss + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/nn/loss/MSELoss.rst b/doc/fluid/api/nn/loss/MSELoss.rst new file mode 100644 index 000000000..61f15ac37 --- /dev/null +++ b/doc/fluid/api/nn/loss/MSELoss.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_nn_loss_MSELoss: + +MSELoss +------- + +.. autoclass:: paddle.nn.loss.MSELoss + :members: + :inherited-members: + :noindex: + diff --git a/doc/fluid/api/nn/loss/NLLLoss.rst b/doc/fluid/api/nn/loss/NLLLoss.rst index c1a0c26de..957a4dd43 100644 --- a/doc/fluid/api/nn/loss/NLLLoss.rst +++ b/doc/fluid/api/nn/loss/NLLLoss.rst @@ -4,7 +4,7 @@ .. _api_nn_loss_NLLLoss: NLLLoss -------------------------------- +------- .. autoclass:: paddle.nn.loss.NLLLoss :members: diff --git a/doc/fluid/api/nn/multiclass_nms.rst b/doc/fluid/api/nn/multiclass_nms.rst deleted file mode 100644 index b81b4a72a..000000000 --- a/doc/fluid/api/nn/multiclass_nms.rst +++ /dev/null @@ -1,7 +0,0 @@ -.. _api_nn_multiclass_nms: - -multiclass_nms -------------------------------- -:doc_source: paddle.fluid.layers.multiclass_nms - - diff --git a/doc/fluid/api/nn/polygon_box_transform.rst b/doc/fluid/api/nn/polygon_box_transform.rst deleted file mode 100644 index a993817b3..000000000 --- a/doc/fluid/api/nn/polygon_box_transform.rst +++ /dev/null @@ -1,7 +0,0 @@ -.. _api_nn_polygon_box_transform: - -polygon_box_transform -------------------------------- -:doc_source: paddle.fluid.layers.polygon_box_transform - - diff --git a/doc/fluid/api/nn/random_crop.rst b/doc/fluid/api/nn/random_crop.rst deleted file mode 100644 index 6a20767bd..000000000 --- a/doc/fluid/api/nn/random_crop.rst +++ /dev/null @@ -1,7 +0,0 @@ -.. _api_nn_random_crop: - -random_crop -------------------------------- -:doc_source: paddle.fluid.layers.random_crop - - diff --git a/doc/fluid/api/nn/row_conv.rst b/doc/fluid/api/nn/row_conv.rst deleted file mode 100644 index 93eb2dc4d..000000000 --- a/doc/fluid/api/nn/row_conv.rst +++ /dev/null @@ -1,7 +0,0 @@ -.. _api_nn_row_conv: - -row_conv -------------------------------- -:doc_source: paddle.fluid.layers.row_conv - - diff --git a/doc/fluid/api/nn/rpn_target_assign.rst b/doc/fluid/api/nn/rpn_target_assign.rst deleted file mode 100644 index 91c2213e7..000000000 --- a/doc/fluid/api/nn/rpn_target_assign.rst +++ /dev/null @@ -1,7 +0,0 @@ -.. _api_nn_rpn_target_assign: - -rpn_target_assign -------------------------------- -:doc_source: paddle.fluid.layers.rpn_target_assign - - diff --git a/doc/fluid/api/nn/similarity_focus.rst b/doc/fluid/api/nn/similarity_focus.rst deleted file mode 100644 index 7f3bacb72..000000000 --- a/doc/fluid/api/nn/similarity_focus.rst +++ /dev/null @@ -1,7 +0,0 @@ -.. _api_nn_similarity_focus: - -similarity_focus -------------------------------- -:doc_source: paddle.fluid.layers.similarity_focus - - diff --git a/doc/fluid/api/nn/target_assign.rst b/doc/fluid/api/nn/target_assign.rst deleted file mode 100644 index 0a1337faf..000000000 --- a/doc/fluid/api/nn/target_assign.rst +++ /dev/null @@ -1,7 +0,0 @@ -.. _api_nn_target_assign: - -target_assign -------------------------------- -:doc_source: paddle.fluid.layers.target_assign - - diff --git a/doc/fluid/api/nn/temporal_shift.rst b/doc/fluid/api/nn/temporal_shift.rst deleted file mode 100644 index 85eb76bad..000000000 --- a/doc/fluid/api/nn/temporal_shift.rst +++ /dev/null @@ -1,7 +0,0 @@ -.. _api_nn_temporal_shift: - -temporal_shift -------------------------------- -:doc_source: paddle.fluid.layers.temporal_shift - - diff --git a/doc/fluid/api/nn/warpctc.rst b/doc/fluid/api/nn/warpctc.rst deleted file mode 100644 index a7d791d58..000000000 --- a/doc/fluid/api/nn/warpctc.rst +++ /dev/null @@ -1,7 +0,0 @@ -.. _api_nn_warpctc: - -warpctc -------------------------------- -:doc_source: paddle.fluid.layers.warpctc - - diff --git a/doc/fluid/api/optimizer.rst b/doc/fluid/api/optimizer.rst index 06ccc6955..6f0377a58 100644 --- a/doc/fluid/api/optimizer.rst +++ b/doc/fluid/api/optimizer.rst @@ -1,5 +1,5 @@ =============== -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 diff --git a/doc/fluid/api/optimizer/PipelineOptimizer.rst b/doc/fluid/api/optimizer/PipelineOptimizer.rst new file mode 100644 index 000000000..87e6f4026 --- /dev/null +++ b/doc/fluid/api/optimizer/PipelineOptimizer.rst @@ -0,0 +1,14 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_optimizer_PipelineOptimizer: + +PipelineOptimizer +----------------- + +.. autoclass:: paddle.fluid.optimizer.PipelineOptimizer + :members: + :inherited-members: + :exclude-members: apply_gradients, apply_optimize, backward, load + :noindex: + diff --git a/doc/fluid/api/tensor.rst b/doc/fluid/api/tensor.rst index a8eb25167..e5130b59b 100644 --- a/doc/fluid/api/tensor.rst +++ b/doc/fluid/api/tensor.rst @@ -67,7 +67,6 @@ paddle.tensor tensor/min.rst tensor/minimum.rst tensor/mm.rst - tensor/mul.rst tensor/multiplex.rst tensor/norm.rst tensor/not_equal.rst diff --git a/doc/fluid/api/tensor/linalg.rst b/doc/fluid/api/tensor/linalg.rst index 08cabf1c4..563670487 100644 --- a/doc/fluid/api/tensor/linalg.rst +++ b/doc/fluid/api/tensor/linalg.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 diff --git a/doc/fluid/api/tensor/linalg/bmm.rst b/doc/fluid/api/tensor/linalg/bmm.rst new file mode 100644 index 000000000..8b6898f5c --- /dev/null +++ b/doc/fluid/api/tensor/linalg/bmm.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_linalg_bmm: + +bmm +--- + +.. autofunction:: paddle.tensor.linalg.bmm + :noindex: + diff --git a/doc/fluid/api/tensor/linalg/cholesky.rst b/doc/fluid/api/tensor/linalg/cholesky.rst new file mode 100644 index 000000000..fb778311c --- /dev/null +++ b/doc/fluid/api/tensor/linalg/cholesky.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_linalg_cholesky: + +cholesky +-------- + +.. autofunction:: paddle.tensor.linalg.cholesky + :noindex: + diff --git a/doc/fluid/api/tensor/linalg/cross.rst b/doc/fluid/api/tensor/linalg/cross.rst new file mode 100644 index 000000000..a220268a3 --- /dev/null +++ b/doc/fluid/api/tensor/linalg/cross.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_linalg_cross: + +cross +----- + +.. autofunction:: paddle.tensor.linalg.cross + :noindex: + diff --git a/doc/fluid/api/tensor/linalg/dist.rst b/doc/fluid/api/tensor/linalg/dist.rst index 6ca92b536..386b68fdd 100644 --- a/doc/fluid/api/tensor/linalg/dist.rst +++ b/doc/fluid/api/tensor/linalg/dist.rst @@ -4,7 +4,7 @@ .. _api_tensor_linalg_dist: dist --------- +---- .. autofunction:: paddle.tensor.linalg.dist :noindex: diff --git a/doc/fluid/api/tensor/linalg/dot.rst b/doc/fluid/api/tensor/linalg/dot.rst new file mode 100644 index 000000000..19167ca26 --- /dev/null +++ b/doc/fluid/api/tensor/linalg/dot.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_linalg_dot: + +dot +--- + +.. autofunction:: paddle.tensor.linalg.dot + :noindex: + diff --git a/doc/fluid/api/tensor/linalg/histogram.rst b/doc/fluid/api/tensor/linalg/histogram.rst new file mode 100644 index 000000000..80b827cff --- /dev/null +++ b/doc/fluid/api/tensor/linalg/histogram.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_linalg_histogram: + +histogram +--------- + +.. autofunction:: paddle.tensor.linalg.histogram + :noindex: + diff --git a/doc/fluid/api/tensor/linalg/matmul.rst b/doc/fluid/api/tensor/linalg/matmul.rst new file mode 100644 index 000000000..846cffb1f --- /dev/null +++ b/doc/fluid/api/tensor/linalg/matmul.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_linalg_matmul: + +matmul +------ + +.. autofunction:: paddle.tensor.linalg.matmul + :noindex: + diff --git a/doc/fluid/api/tensor/linalg/norm.rst b/doc/fluid/api/tensor/linalg/norm.rst new file mode 100644 index 000000000..7228d4a37 --- /dev/null +++ b/doc/fluid/api/tensor/linalg/norm.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_linalg_norm: + +norm +---- + +.. autofunction:: paddle.tensor.linalg.norm + :noindex: + diff --git a/doc/fluid/api/tensor/linalg/t.rst b/doc/fluid/api/tensor/linalg/t.rst new file mode 100644 index 000000000..054456167 --- /dev/null +++ b/doc/fluid/api/tensor/linalg/t.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_linalg_t: + +t +- + +.. autofunction:: paddle.tensor.linalg.t + :noindex: + diff --git a/doc/fluid/api/tensor/linalg/transpose.rst b/doc/fluid/api/tensor/linalg/transpose.rst new file mode 100644 index 000000000..d90596194 --- /dev/null +++ b/doc/fluid/api/tensor/linalg/transpose.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_linalg_transpose: + +transpose +--------- + +.. autofunction:: paddle.tensor.linalg.transpose + :noindex: + diff --git a/doc/fluid/api/tensor/math.rst b/doc/fluid/api/tensor/math.rst index 0e0218b03..88e13b556 100644 --- a/doc/fluid/api/tensor/math.rst +++ b/doc/fluid/api/tensor/math.rst @@ -5,21 +5,59 @@ 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/ceil.rst math/clamp.rst + math/cos.rst + math/cosh.rst + math/cumsum.rst math/div.rst + math/elementwise_add.rst + math/elementwise_div.rst + math/elementwise_floordiv.rst + math/elementwise_max.rst + math/elementwise_min.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/increment.rst + math/inverse.rst + math/kron.rst + math/log.rst math/log1p.rst math/logsumexp.rst math/max.rst math/min.rst math/mm.rst math/mul.rst + math/multiplex.rst + math/multiply.rst math/pow.rst + math/reciprocal.rst + math/reduce_max.rst + math/reduce_min.rst + math/reduce_prod.rst + math/reduce_sum.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 diff --git a/doc/fluid/api/tensor/math/abs.rst b/doc/fluid/api/tensor/math/abs.rst new file mode 100644 index 000000000..2789ef7d5 --- /dev/null +++ b/doc/fluid/api/tensor/math/abs.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_abs: + +abs +--- + +.. autofunction:: paddle.tensor.math.abs + :noindex: + diff --git a/doc/fluid/api/tensor/math/acos.rst b/doc/fluid/api/tensor/math/acos.rst new file mode 100644 index 000000000..1edd80be9 --- /dev/null +++ b/doc/fluid/api/tensor/math/acos.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_acos: + +acos +---- + +.. autofunction:: paddle.tensor.math.acos + :noindex: + diff --git a/doc/fluid/api/tensor/math/addcmul.rst b/doc/fluid/api/tensor/math/addcmul.rst new file mode 100644 index 000000000..bfdf89c4e --- /dev/null +++ b/doc/fluid/api/tensor/math/addcmul.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_addcmul: + +addcmul +------- + +.. autofunction:: paddle.tensor.math.addcmul + :noindex: + diff --git a/doc/fluid/api/tensor/math/addmm.rst b/doc/fluid/api/tensor/math/addmm.rst new file mode 100644 index 000000000..214e154a9 --- /dev/null +++ b/doc/fluid/api/tensor/math/addmm.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_addmm: + +addmm +----- + +.. autofunction:: paddle.tensor.math.addmm + :noindex: + diff --git a/doc/fluid/api/tensor/math/asin.rst b/doc/fluid/api/tensor/math/asin.rst new file mode 100644 index 000000000..ae06a6d79 --- /dev/null +++ b/doc/fluid/api/tensor/math/asin.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_asin: + +asin +---- + +.. autofunction:: paddle.tensor.math.asin + :noindex: + diff --git a/doc/fluid/api/tensor/math/ceil.rst b/doc/fluid/api/tensor/math/ceil.rst new file mode 100644 index 000000000..6f622ba07 --- /dev/null +++ b/doc/fluid/api/tensor/math/ceil.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_ceil: + +ceil +---- + +.. autofunction:: paddle.tensor.math.ceil + :noindex: + diff --git a/doc/fluid/api/tensor/math/clamp.rst b/doc/fluid/api/tensor/math/clamp.rst new file mode 100644 index 000000000..7ed8ce340 --- /dev/null +++ b/doc/fluid/api/tensor/math/clamp.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_clamp: + +clamp +----- + +.. autofunction:: paddle.tensor.math.clamp + :noindex: + diff --git a/doc/fluid/api/tensor/math/cos.rst b/doc/fluid/api/tensor/math/cos.rst new file mode 100644 index 000000000..3e2967b76 --- /dev/null +++ b/doc/fluid/api/tensor/math/cos.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_cos: + +cos +--- + +.. autofunction:: paddle.tensor.math.cos + :noindex: + diff --git a/doc/fluid/api/tensor/math/cosh.rst b/doc/fluid/api/tensor/math/cosh.rst new file mode 100644 index 000000000..028b89191 --- /dev/null +++ b/doc/fluid/api/tensor/math/cosh.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_cosh: + +cosh +---- + +.. autofunction:: paddle.tensor.math.cosh + :noindex: + diff --git a/doc/fluid/api/tensor/math/cumsum.rst b/doc/fluid/api/tensor/math/cumsum.rst new file mode 100644 index 000000000..4f52877bf --- /dev/null +++ b/doc/fluid/api/tensor/math/cumsum.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_cumsum: + +cumsum +------ + +.. autofunction:: paddle.tensor.math.cumsum + :noindex: + diff --git a/doc/fluid/api/tensor/math/elementwise_add.rst b/doc/fluid/api/tensor/math/elementwise_add.rst new file mode 100644 index 000000000..eb578785c --- /dev/null +++ b/doc/fluid/api/tensor/math/elementwise_add.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_elementwise_add: + +elementwise_add +--------------- + +.. autofunction:: paddle.tensor.math.elementwise_add + :noindex: + diff --git a/doc/fluid/api/tensor/math/elementwise_div.rst b/doc/fluid/api/tensor/math/elementwise_div.rst new file mode 100644 index 000000000..898611578 --- /dev/null +++ b/doc/fluid/api/tensor/math/elementwise_div.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_elementwise_div: + +elementwise_div +--------------- + +.. autofunction:: paddle.tensor.math.elementwise_div + :noindex: + diff --git a/doc/fluid/api/tensor/math/elementwise_floordiv.rst b/doc/fluid/api/tensor/math/elementwise_floordiv.rst new file mode 100644 index 000000000..cac18c6db --- /dev/null +++ b/doc/fluid/api/tensor/math/elementwise_floordiv.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_elementwise_floordiv: + +elementwise_floordiv +-------------------- + +.. autofunction:: paddle.tensor.math.elementwise_floordiv + :noindex: + diff --git a/doc/fluid/api/tensor/math/elementwise_max.rst b/doc/fluid/api/tensor/math/elementwise_max.rst new file mode 100644 index 000000000..cd6085da1 --- /dev/null +++ b/doc/fluid/api/tensor/math/elementwise_max.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_elementwise_max: + +elementwise_max +--------------- + +.. autofunction:: paddle.tensor.math.elementwise_max + :noindex: + diff --git a/doc/fluid/api/tensor/math/elementwise_min.rst b/doc/fluid/api/tensor/math/elementwise_min.rst new file mode 100644 index 000000000..e632f25a6 --- /dev/null +++ b/doc/fluid/api/tensor/math/elementwise_min.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_elementwise_min: + +elementwise_min +--------------- + +.. autofunction:: paddle.tensor.math.elementwise_min + :noindex: + diff --git a/doc/fluid/api/tensor/math/elementwise_mod.rst b/doc/fluid/api/tensor/math/elementwise_mod.rst new file mode 100644 index 000000000..a266491a3 --- /dev/null +++ b/doc/fluid/api/tensor/math/elementwise_mod.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_elementwise_mod: + +elementwise_mod +--------------- + +.. autofunction:: paddle.tensor.math.elementwise_mod + :noindex: + diff --git a/doc/fluid/api/tensor/math/elementwise_pow.rst b/doc/fluid/api/tensor/math/elementwise_pow.rst new file mode 100644 index 000000000..ad23b6af2 --- /dev/null +++ b/doc/fluid/api/tensor/math/elementwise_pow.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_elementwise_pow: + +elementwise_pow +--------------- + +.. autofunction:: paddle.tensor.math.elementwise_pow + :noindex: + diff --git a/doc/fluid/api/tensor/math/elementwise_sub.rst b/doc/fluid/api/tensor/math/elementwise_sub.rst new file mode 100644 index 000000000..a49382d35 --- /dev/null +++ b/doc/fluid/api/tensor/math/elementwise_sub.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_elementwise_sub: + +elementwise_sub +--------------- + +.. autofunction:: paddle.tensor.math.elementwise_sub + :noindex: + diff --git a/doc/fluid/api/tensor/math/erf.rst b/doc/fluid/api/tensor/math/erf.rst new file mode 100644 index 000000000..4c2868450 --- /dev/null +++ b/doc/fluid/api/tensor/math/erf.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_erf: + +erf +--- + +.. autofunction:: paddle.tensor.math.erf + :noindex: + diff --git a/doc/fluid/api/tensor/math/exp.rst b/doc/fluid/api/tensor/math/exp.rst new file mode 100644 index 000000000..d1ac18cea --- /dev/null +++ b/doc/fluid/api/tensor/math/exp.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_exp: + +exp +--- + +.. autofunction:: paddle.tensor.math.exp + :noindex: + diff --git a/doc/fluid/api/tensor/math/floor.rst b/doc/fluid/api/tensor/math/floor.rst new file mode 100644 index 000000000..b94fac555 --- /dev/null +++ b/doc/fluid/api/tensor/math/floor.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_floor: + +floor +----- + +.. autofunction:: paddle.tensor.math.floor + :noindex: + diff --git a/doc/fluid/api/tensor/math/increment.rst b/doc/fluid/api/tensor/math/increment.rst new file mode 100644 index 000000000..57b9f6768 --- /dev/null +++ b/doc/fluid/api/tensor/math/increment.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_increment: + +increment +--------- + +.. autofunction:: paddle.tensor.math.increment + :noindex: + diff --git a/doc/fluid/api/tensor/math/inverse.rst b/doc/fluid/api/tensor/math/inverse.rst new file mode 100644 index 000000000..dacab6f01 --- /dev/null +++ b/doc/fluid/api/tensor/math/inverse.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_inverse: + +inverse +------- + +.. autofunction:: paddle.tensor.math.inverse + :noindex: + diff --git a/doc/fluid/api/tensor/math/kron.rst b/doc/fluid/api/tensor/math/kron.rst new file mode 100644 index 000000000..faac943b7 --- /dev/null +++ b/doc/fluid/api/tensor/math/kron.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_kron: + +kron +---- + +.. autofunction:: paddle.tensor.math.kron + :noindex: + diff --git a/doc/fluid/api/tensor/math/log.rst b/doc/fluid/api/tensor/math/log.rst new file mode 100644 index 000000000..5342a0e63 --- /dev/null +++ b/doc/fluid/api/tensor/math/log.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_log: + +log +--- + +.. autofunction:: paddle.tensor.math.log + :noindex: + diff --git a/doc/fluid/api/tensor/math/log1p.rst b/doc/fluid/api/tensor/math/log1p.rst new file mode 100644 index 000000000..4576efba9 --- /dev/null +++ b/doc/fluid/api/tensor/math/log1p.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_log1p: + +log1p +----- + +.. autofunction:: paddle.tensor.math.log1p + :noindex: + diff --git a/doc/fluid/api/tensor/math/logsumexp.rst b/doc/fluid/api/tensor/math/logsumexp.rst new file mode 100644 index 000000000..63a254753 --- /dev/null +++ b/doc/fluid/api/tensor/math/logsumexp.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_logsumexp: + +logsumexp +--------- + +.. autofunction:: paddle.tensor.math.logsumexp + :noindex: + diff --git a/doc/fluid/api/tensor/math/max.rst b/doc/fluid/api/tensor/math/max.rst new file mode 100644 index 000000000..c3ee0f98a --- /dev/null +++ b/doc/fluid/api/tensor/math/max.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_max: + +max +--- + +.. autofunction:: paddle.tensor.math.max + :noindex: + diff --git a/doc/fluid/api/tensor/math/min.rst b/doc/fluid/api/tensor/math/min.rst new file mode 100644 index 000000000..34d12ca96 --- /dev/null +++ b/doc/fluid/api/tensor/math/min.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_min: + +min +--- + +.. autofunction:: paddle.tensor.math.min + :noindex: + diff --git a/doc/fluid/api/tensor/math/mul.rst b/doc/fluid/api/tensor/math/mul.rst index 9b14559a4..d1580be03 100644 --- a/doc/fluid/api/tensor/math/mul.rst +++ b/doc/fluid/api/tensor/math/mul.rst @@ -1,11 +1,3 @@ .. 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: - diff --git a/doc/fluid/api/tensor/math/multiplex.rst b/doc/fluid/api/tensor/math/multiplex.rst new file mode 100644 index 000000000..b2b69882b --- /dev/null +++ b/doc/fluid/api/tensor/math/multiplex.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_multiplex: + +multiplex +--------- + +.. autofunction:: paddle.tensor.math.multiplex + :noindex: + diff --git a/doc/fluid/api/tensor/math/multiply.rst b/doc/fluid/api/tensor/math/multiply.rst new file mode 100644 index 000000000..40f2fc711 --- /dev/null +++ b/doc/fluid/api/tensor/math/multiply.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_multiply: + +multiply +-------- + +.. autofunction:: paddle.tensor.math.multiply + :noindex: + diff --git a/doc/fluid/api/tensor/math/reciprocal.rst b/doc/fluid/api/tensor/math/reciprocal.rst new file mode 100644 index 000000000..a4b0bc932 --- /dev/null +++ b/doc/fluid/api/tensor/math/reciprocal.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_reciprocal: + +reciprocal +---------- + +.. autofunction:: paddle.tensor.math.reciprocal + :noindex: + diff --git a/doc/fluid/api/tensor/math/reduce_max.rst b/doc/fluid/api/tensor/math/reduce_max.rst new file mode 100644 index 000000000..b2514c897 --- /dev/null +++ b/doc/fluid/api/tensor/math/reduce_max.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_reduce_max: + +reduce_max +---------- + +.. autofunction:: paddle.tensor.math.reduce_max + :noindex: + diff --git a/doc/fluid/api/tensor/math/reduce_min.rst b/doc/fluid/api/tensor/math/reduce_min.rst new file mode 100644 index 000000000..6df8f0deb --- /dev/null +++ b/doc/fluid/api/tensor/math/reduce_min.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_reduce_min: + +reduce_min +---------- + +.. autofunction:: paddle.tensor.math.reduce_min + :noindex: + diff --git a/doc/fluid/api/tensor/math/reduce_prod.rst b/doc/fluid/api/tensor/math/reduce_prod.rst new file mode 100644 index 000000000..c61f92637 --- /dev/null +++ b/doc/fluid/api/tensor/math/reduce_prod.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_reduce_prod: + +reduce_prod +----------- + +.. autofunction:: paddle.tensor.math.reduce_prod + :noindex: + diff --git a/doc/fluid/api/tensor/math/reduce_sum.rst b/doc/fluid/api/tensor/math/reduce_sum.rst new file mode 100644 index 000000000..9008a0889 --- /dev/null +++ b/doc/fluid/api/tensor/math/reduce_sum.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_reduce_sum: + +reduce_sum +---------- + +.. autofunction:: paddle.tensor.math.reduce_sum + :noindex: + diff --git a/doc/fluid/api/tensor/math/round.rst b/doc/fluid/api/tensor/math/round.rst new file mode 100644 index 000000000..4e0e5d956 --- /dev/null +++ b/doc/fluid/api/tensor/math/round.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_round: + +round +----- + +.. autofunction:: paddle.tensor.math.round + :noindex: + diff --git a/doc/fluid/api/tensor/math/rsqrt.rst b/doc/fluid/api/tensor/math/rsqrt.rst new file mode 100644 index 000000000..73ad2c8c2 --- /dev/null +++ b/doc/fluid/api/tensor/math/rsqrt.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_rsqrt: + +rsqrt +----- + +.. autofunction:: paddle.tensor.math.rsqrt + :noindex: + diff --git a/doc/fluid/api/tensor/math/scale.rst b/doc/fluid/api/tensor/math/scale.rst new file mode 100644 index 000000000..f0aefc8ea --- /dev/null +++ b/doc/fluid/api/tensor/math/scale.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_scale: + +scale +----- + +.. autofunction:: paddle.tensor.math.scale + :noindex: + diff --git a/doc/fluid/api/tensor/math/sign.rst b/doc/fluid/api/tensor/math/sign.rst new file mode 100644 index 000000000..b32a82449 --- /dev/null +++ b/doc/fluid/api/tensor/math/sign.rst @@ -0,0 +1,11 @@ +.. 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: + diff --git a/doc/fluid/api/tensor/math/sinh.rst b/doc/fluid/api/tensor/math/sinh.rst new file mode 100644 index 000000000..f04e9478f --- /dev/null +++ b/doc/fluid/api/tensor/math/sinh.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_sinh: + +sinh +---- + +.. autofunction:: paddle.tensor.math.sinh + :noindex: + diff --git a/doc/fluid/api/tensor/math/square.rst b/doc/fluid/api/tensor/math/square.rst new file mode 100644 index 000000000..4eb64a0ff --- /dev/null +++ b/doc/fluid/api/tensor/math/square.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_square: + +square +------ + +.. autofunction:: paddle.tensor.math.square + :noindex: + diff --git a/doc/fluid/api/tensor/math/stanh.rst b/doc/fluid/api/tensor/math/stanh.rst new file mode 100644 index 000000000..e57336bde --- /dev/null +++ b/doc/fluid/api/tensor/math/stanh.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_stanh: + +stanh +----- + +.. autofunction:: paddle.tensor.math.stanh + :noindex: + diff --git a/doc/fluid/api/tensor/math/sums.rst b/doc/fluid/api/tensor/math/sums.rst new file mode 100644 index 000000000..642f185ea --- /dev/null +++ b/doc/fluid/api/tensor/math/sums.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_sums: + +sums +---- + +.. autofunction:: paddle.tensor.math.sums + :noindex: + diff --git a/doc/fluid/api/tensor/math/trace.rst b/doc/fluid/api/tensor/math/trace.rst new file mode 100644 index 000000000..0ecde6cb4 --- /dev/null +++ b/doc/fluid/api/tensor/math/trace.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_math_trace: + +trace +----- + +.. autofunction:: paddle.tensor.math.trace + :noindex: + diff --git a/doc/fluid/api/tensor/mul.rst b/doc/fluid/api/tensor/mul.rst deleted file mode 100644 index 40af2fcfa..000000000 --- a/doc/fluid/api/tensor/mul.rst +++ /dev/null @@ -1,7 +0,0 @@ -.. _api_tensor_cn_mul: - -mul -------------------------------- -:doc_source: paddle.fluid.layers.mul - - diff --git a/doc/fluid/api/tensor/random.rst b/doc/fluid/api/tensor/random.rst index fdc985d3d..59e6c9c63 100644 --- a/doc/fluid/api/tensor/random.rst +++ b/doc/fluid/api/tensor/random.rst @@ -9,3 +9,4 @@ random random/randint.rst random/randn.rst random/randperm.rst + random/shuffle.rst diff --git a/doc/fluid/api/tensor/random/shuffle.rst b/doc/fluid/api/tensor/random/shuffle.rst new file mode 100644 index 000000000..77c2d67e5 --- /dev/null +++ b/doc/fluid/api/tensor/random/shuffle.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_random_shuffle: + +shuffle +------- + +.. autofunction:: paddle.tensor.random.shuffle + :noindex: + diff --git a/doc/fluid/api/tensor/search.rst b/doc/fluid/api/tensor/search.rst new file mode 100644 index 000000000..e4bbd33b7 --- /dev/null +++ b/doc/fluid/api/tensor/search.rst @@ -0,0 +1,18 @@ +====== +search +====== + +.. toctree:: + :maxdepth: 1 + + search/argmax.rst + search/argmin.rst + search/argsort.rst + search/has_inf.rst + search/has_nan.rst + search/index_sample.rst + search/index_select.rst + search/nonzero.rst + search/sort.rst + search/topk.rst + search/where.rst diff --git a/doc/fluid/api/tensor/search/argmax.rst b/doc/fluid/api/tensor/search/argmax.rst new file mode 100644 index 000000000..74e2c99e3 --- /dev/null +++ b/doc/fluid/api/tensor/search/argmax.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_search_argmax: + +argmax +------ + +.. autofunction:: paddle.tensor.search.argmax + :noindex: + diff --git a/doc/fluid/api/tensor/search/argmin.rst b/doc/fluid/api/tensor/search/argmin.rst new file mode 100644 index 000000000..f70a017d6 --- /dev/null +++ b/doc/fluid/api/tensor/search/argmin.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_search_argmin: + +argmin +------ + +.. autofunction:: paddle.tensor.search.argmin + :noindex: + diff --git a/doc/fluid/api/tensor/search/argsort.rst b/doc/fluid/api/tensor/search/argsort.rst new file mode 100644 index 000000000..6d989ba76 --- /dev/null +++ b/doc/fluid/api/tensor/search/argsort.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_search_argsort: + +argsort +------- + +.. autofunction:: paddle.tensor.search.argsort + :noindex: + diff --git a/doc/fluid/api/tensor/search/has_inf.rst b/doc/fluid/api/tensor/search/has_inf.rst new file mode 100644 index 000000000..10c7d3fa9 --- /dev/null +++ b/doc/fluid/api/tensor/search/has_inf.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_search_has_inf: + +has_inf +------- + +.. autofunction:: paddle.tensor.search.has_inf + :noindex: + diff --git a/doc/fluid/api/tensor/search/has_nan.rst b/doc/fluid/api/tensor/search/has_nan.rst new file mode 100644 index 000000000..564c62417 --- /dev/null +++ b/doc/fluid/api/tensor/search/has_nan.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_search_has_nan: + +has_nan +------- + +.. autofunction:: paddle.tensor.search.has_nan + :noindex: + diff --git a/doc/fluid/api/tensor/search/index_sample.rst b/doc/fluid/api/tensor/search/index_sample.rst new file mode 100644 index 000000000..19e94be0e --- /dev/null +++ b/doc/fluid/api/tensor/search/index_sample.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_search_index_sample: + +index_sample +------------ + +.. autofunction:: paddle.tensor.search.index_sample + :noindex: + diff --git a/doc/fluid/api/tensor/search/index_select.rst b/doc/fluid/api/tensor/search/index_select.rst new file mode 100644 index 000000000..82fe5b04a --- /dev/null +++ b/doc/fluid/api/tensor/search/index_select.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_search_index_select: + +index_select +------------ + +.. autofunction:: paddle.tensor.search.index_select + :noindex: + diff --git a/doc/fluid/api/tensor/search/nonzero.rst b/doc/fluid/api/tensor/search/nonzero.rst new file mode 100644 index 000000000..0b842994e --- /dev/null +++ b/doc/fluid/api/tensor/search/nonzero.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_search_nonzero: + +nonzero +------- + +.. autofunction:: paddle.tensor.search.nonzero + :noindex: + diff --git a/doc/fluid/api/tensor/search/sort.rst b/doc/fluid/api/tensor/search/sort.rst new file mode 100644 index 000000000..fd60fee9c --- /dev/null +++ b/doc/fluid/api/tensor/search/sort.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_search_sort: + +sort +---- + +.. autofunction:: paddle.tensor.search.sort + :noindex: + diff --git a/doc/fluid/api/tensor/search/topk.rst b/doc/fluid/api/tensor/search/topk.rst new file mode 100644 index 000000000..b87dcf439 --- /dev/null +++ b/doc/fluid/api/tensor/search/topk.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_search_topk: + +topk +---- + +.. autofunction:: paddle.tensor.search.topk + :noindex: + diff --git a/doc/fluid/api/tensor/search/where.rst b/doc/fluid/api/tensor/search/where.rst new file mode 100644 index 000000000..16af6a4bf --- /dev/null +++ b/doc/fluid/api/tensor/search/where.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_search_where: + +where +----- + +.. autofunction:: paddle.tensor.search.where + :noindex: + diff --git a/doc/fluid/api/tensor/stat.rst b/doc/fluid/api/tensor/stat.rst new file mode 100644 index 000000000..599f57e0d --- /dev/null +++ b/doc/fluid/api/tensor/stat.rst @@ -0,0 +1,11 @@ +==== +stat +==== + +.. toctree:: + :maxdepth: 1 + + stat/mean.rst + stat/reduce_mean.rst + stat/std.rst + stat/var.rst diff --git a/doc/fluid/api/tensor/stat/mean.rst b/doc/fluid/api/tensor/stat/mean.rst new file mode 100644 index 000000000..d986abb5d --- /dev/null +++ b/doc/fluid/api/tensor/stat/mean.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_stat_mean: + +mean +---- + +.. autofunction:: paddle.tensor.stat.mean + :noindex: + diff --git a/doc/fluid/api/tensor/stat/reduce_mean.rst b/doc/fluid/api/tensor/stat/reduce_mean.rst new file mode 100644 index 000000000..bb9a0b7c6 --- /dev/null +++ b/doc/fluid/api/tensor/stat/reduce_mean.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_stat_reduce_mean: + +reduce_mean +----------- + +.. autofunction:: paddle.tensor.stat.reduce_mean + :noindex: + diff --git a/doc/fluid/api/tensor/stat/std.rst b/doc/fluid/api/tensor/stat/std.rst new file mode 100644 index 000000000..42af97474 --- /dev/null +++ b/doc/fluid/api/tensor/stat/std.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_stat_std: + +std +--- + +.. autofunction:: paddle.tensor.stat.std + :noindex: + diff --git a/doc/fluid/api/tensor/stat/var.rst b/doc/fluid/api/tensor/stat/var.rst new file mode 100644 index 000000000..627708f37 --- /dev/null +++ b/doc/fluid/api/tensor/stat/var.rst @@ -0,0 +1,11 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_tensor_stat_var: + +var +--- + +.. autofunction:: paddle.tensor.stat.var + :noindex: + diff --git a/doc/fluid/api/text.rst b/doc/fluid/api/text.rst new file mode 100644 index 000000000..d2b50fac0 --- /dev/null +++ b/doc/fluid/api/text.rst @@ -0,0 +1,7 @@ +==== +text +==== + +.. toctree:: + :maxdepth: 1 + diff --git a/doc/fluid/api/transpiler.rst b/doc/fluid/api/transpiler.rst index 28905bd06..2492b9813 100644 --- a/doc/fluid/api/transpiler.rst +++ b/doc/fluid/api/transpiler.rst @@ -10,3 +10,4 @@ fluid.transpiler transpiler/HashName.rst transpiler/memory_optimize.rst transpiler/release_memory.rst + transpiler/RoundRobin.rst diff --git a/doc/fluid/api/transpiler/RoundRobin.rst b/doc/fluid/api/transpiler/RoundRobin.rst new file mode 100644 index 000000000..547757d20 --- /dev/null +++ b/doc/fluid/api/transpiler/RoundRobin.rst @@ -0,0 +1,13 @@ +.. THIS FILE IS GENERATED BY `gen_doc.{py|sh}` + !DO NOT EDIT THIS FILE MANUALLY! + +.. _api_fluid_transpiler_RoundRobin: + +RoundRobin +---------- + +.. autoclass:: paddle.fluid.transpiler.RoundRobin + :members: + :inherited-members: + :noindex: + -- GitLab