\u200E
  • 开始使用
  • 特性
  • 文档
    • API
    • 使用指南
  • 工具平台
    • 工具
      • AutoDL
  • develop
  • 2.0
  • 1.8
  • 1.7
  • 1.6
  • 1.5
  • 1.4
  • 1.3
  • 1.2
  • 1.1
  • 1.0
  • 0.15.0
  • 0.14.0
  • 0.13.0
  • 0.12.0
  • 0.11.0
  • 0.10.0
  • 中文(简)
  • English(En)
  • Installation Manuals
    • Install via pip
      • Install on Linux via PIP
      • Install on MacOS via PIP
      • Install on Windows via PIP
    • Install via conda
      • Installation on Linux via Conda
      • Installation on MacOS via Conda
      • Installation on Windows via Conda
    • Install via docker
      • Install on Linux via Docker
      • Install on MacOS via Docker
    • Compile From Source Code
      • Compile on Linux from Source Code
      • Compile on MacOS from Source Code
      • Compile on Windows from Source Code
    • Paddle installation for machines with Kunlun XPU card
    • Appendix
  • Guides
    • Basic Concept
      • Introduction to Tensor
      • Broadcasting
    • VisualDL Tools
      • Introduction to VisualDL Toolset
      • VisualDL user guide
    • Dygraph to Static Graph
      • Basic Usage
      • Architecture
      • Supported Grammars
      • Introduction of InputSpec
      • Error Handling
      • Debugging Methods
    • Deploy Inference Model
      • Server-side Deployment
        • Install and Compile C++ Inference Library on Linux
        • Install and Compile C++ Inference Library on Windows
        • Introduction to C++ Inference API
        • Performance Profiling for TensorRT Library
      • Model Compression
    • Distributed Training
      • Quick start for distributed training
    • Write New Operators
      • How to write a new operator
      • Notes on operator development
    • How to contribute codes to Paddle
      • Guide of local development
      • Guide of submitting PR to Github
  • API Reference
    • paddle
      • Overview
      • abs
      • acos
      • add
      • add_n
      • addmm
      • all
      • allclose
      • any
      • arange
      • argmax
      • argmin
      • argsort
      • asin
      • assign
      • atan
      • bernoulli
      • bmm
      • broadcast_shape
      • broadcast_to
      • cast
      • ceil
      • cholesky
      • chunk
      • clip
      • concat
      • conj
      • cos
      • cosh
      • CPUPlace
      • cross
      • CUDAPinnedPlace
      • CUDAPlace
      • cumsum
      • DataParallel
      • diag
      • disable_static
      • dist
      • divide
      • dot
      • empty
      • empty_like
      • enable_static
      • equal
      • equal_all
      • erf
      • exp
      • expand
      • expand_as
      • eye
      • flatten
      • flip
      • floor
      • floor_divide
      • flops
      • full
      • full_like
      • gather
      • gather_nd
      • get_cuda_rng_state
      • get_cudnn_version
      • get_default_dtype
      • get_device
      • grad
      • greater_equal
      • greater_than
      • histogram
      • imag
      • in_dynamic_mode
      • increment
      • index_sample
      • index_select
      • inverse
      • is_compiled_with_cuda
      • is_compiled_with_xpu
      • is_empty
      • is_tensor
      • isfinite
      • isinf
      • isnan
      • kron
      • less_equal
      • less_than
      • linspace
      • load
      • log
      • log10
      • log1p
      • log2
      • logical_and
      • logical_not
      • logical_or
      • logical_xor
      • logsumexp
      • masked_select
      • matmul
      • max
      • maximum
      • mean
      • median
      • meshgrid
      • min
      • minimum
      • mm
      • mod
      • Model
      • multinomial
      • multiplex
      • multiply
      • mv
      • no_grad
      • nonzero
      • norm
      • normal
      • not_equal
      • numel
      • ones
      • ones_like
      • ParamAttr
      • pow
      • prod
      • rand
      • randint
      • randn
      • randperm
      • rank
      • real
      • reciprocal
      • reshape
      • reshape_
      • roll
      • round
      • rsqrt
      • save
      • scale
      • scatter
      • scatter_
      • scatter_nd
      • scatter_nd_add
      • seed
      • set_cuda_rng_state
      • set_default_dtype
      • set_device
      • set_printoptions
      • shape
      • shard_index
      • sign
      • sin
      • sinh
      • slice
      • sort
      • split
      • sqrt
      • square
      • squeeze
      • squeeze_
      • stack
      • stanh
      • std
      • strided_slice
      • subtract
      • sum
      • summary
      • t
      • tanh
      • tanh_
      • Tensor
      • tile
      • to_tensor
      • topk
      • trace
      • transpose
      • tril
      • triu
      • unbind
      • uniform
      • unique
      • unsqueeze
      • unsqueeze_
      • unstack
      • var
      • where
      • XPUPlace
      • zeros
      • zeros_like
    • paddle.amp
      • auto_cast
      • grad_scaler
        • GradScaler
    • paddle.autograd
      • backward_mode
        • backward
    • paddle.callbacks
      • Overview
      • Callback
      • EarlyStopping
      • LRScheduler
      • ModelCheckpoint
      • ProgBarLogger
      • ReduceLROnPlateau
      • VisualDL
    • paddle.compat
      • floor_division
      • get_exception_message
      • round
      • to_bytes
      • to_text
    • paddle.distributed
      • collective
        • all_gather
        • all_reduce
        • barrier
        • broadcast
        • reduce
        • ReduceOp
        • scatter
        • split
      • entry_attr
        • CountFilterEntry
        • ProbabilityEntry
      • fleet
        • base
          • distributed_strategy
            • DistributedStrategy
          • fleet_base
            • Fleet
          • role_maker
            • PaddleCloudRoleMaker
            • Role
            • UserDefinedRoleMaker
          • util_factory
            • UtilBase
        • data_generator
          • data_generator
            • MultiSlotDataGenerator
            • MultiSlotStringDataGenerator
        • dataset
          • InMemoryDataset
          • QueueDataset
        • meta_optimizers
          • sharding_optimizer
            • ShardingOptimizer
        • metrics
          • metric
            • acc
            • auc
            • mae
            • max
            • min
            • mse
            • rmse
            • sum
        • utils
          • fs
            • HDFSClient
            • LocalFS
      • parallel
        • get_rank
        • get_world_size
        • init_parallel_env
      • ParallelEnv
      • spawn
    • paddle.distribution
      • Categorical
      • Distribution
      • Normal
      • Uniform
    • paddle.fluid
      • average
        • WeightedAverage
      • clip
        • ErrorClipByValue
        • set_gradient_clip
      • data
      • data_feed_desc
        • DataFeedDesc
      • data_feeder
        • DataFeeder
      • dataloader
        • collate
          • default_collate_fn
        • dataloader_iter
          • default_collate_fn
        • dataset
          • Subset
        • worker
          • get_worker_info
      • dataset
        • DatasetFactory
        • InMemoryDataset
        • QueueDataset
      • device_worker
        • DeviceWorker
        • DownpourSGD
        • DownpourSGDOPT
        • Hogwild
        • Section
      • dygraph
        • amp
          • auto_cast
            • amp_guard
          • loss_scaler
            • AmpScaler
        • base
          • enabled
          • guard
          • no_grad_
          • to_variable
        • checkpoint
          • load_dygraph
          • save_dygraph
        • dygraph_to_static
          • ast_transformer
            • DygraphToStaticAst
          • break_continue_transformer
            • BreakContinueTransformer
          • convert_call_func
            • convert_call
          • convert_operators
            • cast_bool_if_necessary
            • choose_shape_attr_or_api
            • convert_assert
            • convert_ifelse
            • convert_len
            • convert_logical_and
            • convert_logical_not
            • convert_logical_or
            • convert_pop
            • convert_print
            • convert_shape_compare
            • convert_var_dtype
            • convert_var_shape
            • convert_var_shape_simple
            • convert_while_loop
            • eval_if_exist_else_none
          • logging_utils
            • set_code_level
            • set_verbosity
            • TranslatorLogger
          • loop_transformer
            • LoopTransformer
            • NameVisitor
          • program_translator
            • convert_to_static
            • ProgramTranslator
          • return_transformer
            • RETURN_NO_VALUE_MAGIC_NUM
            • RETURN_NO_VALUE_VAR_NAME
            • ReturnTransformer
          • static_analysis
            • AstNodeWrapper
            • NodeVarType
            • StaticAnalysisVisitor
          • variable_trans_func
            • create_bool_as_type
            • create_fill_constant_node
            • create_static_variable_gast_node
            • data_layer_not_check
            • to_static_variable
            • to_static_variable_gast_node
        • jit
          • dygraph_to_static_func
          • not_to_static
        • learning_rate_scheduler
          • CosineDecay
          • ExponentialDecay
          • InverseTimeDecay
          • LambdaDecay
          • LinearLrWarmup
          • MultiStepDecay
          • NaturalExpDecay
          • NoamDecay
          • PiecewiseDecay
          • PolynomialDecay
          • ReduceLROnPlateau
          • StepDecay
        • nn
          • BatchNorm
          • BilinearTensorProduct
          • Conv2D
          • Conv2DTranspose
          • Conv3D
          • Conv3DTranspose
          • Dropout
          • Embedding
          • Flatten
          • GroupNorm
          • GRUUnit
          • InstanceNorm
          • LayerNorm
          • Linear
          • NCE
          • Pool2D
          • PRelu
          • SpectralNorm
          • TreeConv
        • parallel
          • prepare_context
        • rnn
          • GRUCell
          • LSTMCell
      • evaluator
        • ChunkEvaluator
        • DetectionMAP
        • EditDistance
      • framework
        • cuda_pinned_places
        • get_flags
        • load_op_library
        • require_version
        • set_flags
      • generator
        • Generator
      • incubate
        • data_generator
          • MultiSlotDataGenerator
          • MultiSlotStringDataGenerator
        • fleet
          • base
            • fleet_base
              • DistributedOptimizer
              • Fleet
              • Mode
            • mode
              • Mode
            • role_maker
              • GeneralRoleMaker
              • MPISymetricRoleMaker
              • PaddleCloudRoleMaker
              • Role
              • RoleMakerBase
              • UserDefinedCollectiveRoleMaker
              • UserDefinedRoleMaker
          • parameter_server
            • distribute_transpiler
              • distributed_strategy
                • AsyncStrategy
                • DistributedStrategy
                • GeoStrategy
                • HalfAsyncStrategy
                • StrategyFactory
                • SyncStrategy
                • TrainerRuntimeConfig
            • pslib
              • optimizer_factory
                • DistributedAdam
                • FLEET_GLOBAL_DICT
      • initializer
        • Constant
        • MSRA
        • Normal
        • NumpyArrayInitializer
        • TruncatedNormal
        • Uniform
        • Xavier
      • input
        • one_hot
      • install_check
        • run_check
      • io
        • batch
        • get_program_parameter
        • get_program_persistable_vars
        • load_inference_model
        • load_params
        • load_persistables
        • load_vars
        • save_inference_model
        • save_params
        • save_persistables
        • save_vars
      • layer_helper_base
        • LayerHelperBase
      • layers
        • BasicDecoder
        • beam_search
        • beam_search_decode
        • birnn
        • control_flow
          • array_length
          • array_read
          • array_write
          • Assert
          • case
          • cond
          • create_array
          • DynamicRNN
          • equal
          • greater_equal
          • greater_than
          • IfElse
          • increment
          • is_empty
          • less_equal
          • less_than
          • not_equal
          • reorder_lod_tensor_by_rank
          • StaticRNN
          • Switch
          • switch_case
          • While
          • while_loop
        • DecodeHelper
        • Decoder
        • detection
          • anchor_generator
          • bipartite_match
          • box_clip
          • box_coder
          • box_decoder_and_assign
          • collect_fpn_proposals
          • density_prior_box
          • detection_output
          • distribute_fpn_proposals
          • generate_mask_labels
          • generate_proposal_labels
          • generate_proposals
          • iou_similarity
          • locality_aware_nms
          • matrix_nms
          • multi_box_head
          • multiclass_nms
          • polygon_box_transform
          • prior_box
          • retinanet_detection_output
          • retinanet_target_assign
          • roi_perspective_transform
          • rpn_target_assign
          • sigmoid_focal_loss
          • ssd_loss
          • target_assign
          • yolo_box
          • yolov3_loss
        • distributions
          • Categorical
          • MultivariateNormalDiag
          • Normal
          • Uniform
        • dynamic_gru
        • dynamic_lstm
        • dynamic_lstmp
        • GreedyEmbeddingHelper
        • gru_unit
        • GRUCell
        • io
          • create_py_reader_by_data
          • data
          • double_buffer
          • load
          • py_reader
          • read_file
        • layer_function_generator
          • autodoc
          • generate_activation_fn
          • generate_layer_fn
          • templatedoc
        • learning_rate_scheduler
          • cosine_decay
          • exponential_decay
          • inverse_time_decay
          • linear_lr_warmup
          • natural_exp_decay
          • noam_decay
          • piecewise_decay
          • polynomial_decay
        • loss
          • bpr_loss
          • center_loss
          • cross_entropy
          • edit_distance
          • hsigmoid
          • huber_loss
          • kldiv_loss
          • margin_rank_loss
          • mse_loss
          • nce
          • npair_loss
          • rank_loss
          • sampled_softmax_with_cross_entropy
          • sigmoid_cross_entropy_with_logits
          • softmax_with_cross_entropy
          • square_error_cost
          • teacher_student_sigmoid_loss
          • warpctc
        • lstm
        • lstm_unit
        • LSTMCell
        • metric_op
          • accuracy
          • auc
        • nn
          • adaptive_pool2d
          • adaptive_pool3d
          • add_position_encoding
          • affine_channel
          • affine_grid
          • autoincreased_step_counter
          • batch_norm
          • bilinear_tensor_product
          • brelu
          • chunk_eval
          • clip
          • clip_by_norm
          • continuous_value_model
          • conv2d
          • conv2d_transpose
          • conv3d
          • conv3d_transpose
          • cos_sim
          • crf_decoding
          • crop
          • crop_tensor
          • ctc_greedy_decoder
          • data_norm
          • deformable_conv
          • deformable_roi_pooling
          • dice_loss
          • dropout
          • elementwise_add
          • elementwise_div
          • elementwise_floordiv
          • elementwise_max
          • elementwise_min
          • elementwise_mod
          • elementwise_mul
          • elementwise_pow
          • elementwise_sub
          • elu
          • embedding
          • expand
          • expand_as
          • fc
          • filter_by_instag
          • flatten
          • fsp_matrix
          • gather
          • gather_nd
          • gather_tree
          • gaussian_random
          • gaussian_random_batch_size_like
          • get_tensor_from_selected_rows
          • grid_sampler
          • group_norm
          • hard_sigmoid
          • hard_swish
          • hash
          • im2sequence
          • image_resize
          • image_resize_short
          • inplace_abn
          • instance_norm
          • l2_normalize
          • label_smooth
          • layer_norm
          • leaky_relu
          • linear_chain_crf
          • lod_append
          • lod_reset
          • log
          • log_loss
          • logical_and
          • logical_not
          • logical_or
          • logical_xor
          • lrn
          • matmul
          • maxout
          • mean
          • mean_iou
          • merge_selected_rows
          • mish
          • mul
          • multiplex
          • one_hot
          • pad
          • pad2d
          • pad_constant_like
          • pixel_shuffle
          • pool2d
          • pool3d
          • pow
          • prelu
          • prroi_pool
          • psroi_pool
          • random_crop
          • rank
          • reduce_all
          • reduce_any
          • reduce_max
          • reduce_mean
          • reduce_min
          • reduce_prod
          • reduce_sum
          • relu
          • relu6
          • reshape
          • resize_bilinear
          • resize_linear
          • resize_nearest
          • resize_trilinear
          • roi_align
          • roi_pool
          • row_conv
          • sampling_id
          • scale
          • scatter
          • scatter_nd
          • scatter_nd_add
          • selu
          • shape
          • shard_index
          • shuffle_channel
          • sign
          • similarity_focus
          • size
          • slice
          • smooth_l1
          • soft_relu
          • softmax
          • space_to_depth
          • spectral_norm
          • split
          • squeeze
          • stack
          • stanh
          • strided_slice
          • sum
          • swish
          • temporal_shift
          • topk
          • transpose
          • unbind
          • unfold
          • uniform_random
          • uniform_random_batch_size_like
          • unique
          • unique_with_counts
          • unsqueeze
          • unstack
          • where
        • ops
          • cumsum
          • erf
          • gelu
          • hard_shrink
          • softshrink
          • thresholded_relu
        • rnn
        • RNNCell
        • SampleEmbeddingHelper
        • sequence_lod
          • sequence_concat
          • sequence_conv
          • sequence_enumerate
          • sequence_expand
          • sequence_expand_as
          • sequence_first_step
          • sequence_last_step
          • sequence_mask
          • sequence_pad
          • sequence_pool
          • sequence_reshape
          • sequence_reverse
          • sequence_scatter
          • sequence_slice
          • sequence_softmax
          • sequence_unpad
        • tan
        • tensor
          • argmax
          • argmin
          • argsort
          • assign
          • cast
          • concat
          • create_parameter
          • create_tensor
          • diag
          • eye
          • fill_constant
          • fill_constant_batch_size_like
          • has_inf
          • has_nan
          • isfinite
          • linspace
          • ones
          • ones_like
          • range
          • reverse
          • sums
          • tensor_array_to_tensor
          • triu
          • zeros
          • zeros_like
        • TrainingHelper
      • lod_tensor
        • create_lod_tensor
        • create_random_int_lodtensor
      • log_helper
        • get_logger
      • metrics
        • Accuracy
        • Auc
        • ChunkEvaluator
        • CompositeMetric
        • DetectionMAP
        • EditDistance
        • MetricBase
        • Precision
        • Recall
      • nets
        • glu
        • img_conv_group
        • scaled_dot_product_attention
        • sequence_conv_pool
        • simple_img_conv_pool
      • optimizer
        • AdadeltaOptimizer
        • AdagradOptimizer
        • AdamaxOptimizer
        • AdamOptimizer
        • DecayedAdagradOptimizer
        • DpsgdOptimizer
        • ExponentialMovingAverage
        • FtrlOptimizer
        • LambOptimizer
        • LarsMomentumOptimizer
        • LookaheadOptimizer
        • ModelAverage
        • MomentumOptimizer
        • PipelineOptimizer
        • RecomputeOptimizer
        • RMSPropOptimizer
        • SGDOptimizer
      • parallel_executor
        • BuildStrategy
        • ExecutionStrategy
      • profiler
        • cuda_profiler
        • profiler
        • reset_profiler
        • start_profiler
        • stop_profiler
      • reader
        • PyReader
      • regularizer
        • L1DecayRegularizer
        • L2DecayRegularizer
      • trainer_desc
        • DistMultiTrainer
        • HeterXpuTrainer
        • MultiTrainer
        • PipelineTrainer
        • TrainerDesc
      • trainer_factory
        • FetchHandlerMonitor
        • TrainerFactory
      • transpiler
        • collective
          • GradAllReduce
          • LocalSGD
        • distribute_transpiler
          • DistributeTranspiler
          • DistributeTranspilerConfig
        • memory_optimization_transpiler
          • memory_optimize
          • release_memory
        • ps_dispatcher
          • HashName
          • RoundRobin
      • wrapped_decorator
        • signature_safe_contextmanager
        • wrap_decorator
    • paddle.framework
      • framework
        • get_default_dtype
        • set_default_dtype
    • paddle.io
      • BatchSampler
      • ChainDataset
      • ComposeDataset
      • DataLoader
      • Dataset
      • DistributedBatchSampler
      • get_worker_info
      • IterableDataset
      • random_split
      • RandomSampler
      • Sampler
      • SequenceSampler
      • TensorDataset
      • WeightedRandomSampler
    • paddle.jit
      • load
      • ProgramTranslator
      • save
      • set_code_level
      • set_verbosity
      • to_static
      • TracedLayer
      • TranslatedLayer
    • paddle.metric
      • accuracy
      • Accuracy
      • Auc
      • Metric
      • Precision
      • Recall
    • paddle.nn
      • AdaptiveAvgPool1D
      • AdaptiveAvgPool2D
      • AdaptiveAvgPool3D
      • AdaptiveMaxPool1D
      • AdaptiveMaxPool2D
      • AdaptiveMaxPool3D
      • AlphaDropout
      • AvgPool1D
      • AvgPool2D
      • AvgPool3D
      • BatchNorm
      • BatchNorm1D
      • BatchNorm2D
      • BatchNorm3D
      • BCELoss
      • BCEWithLogitsLoss
      • BeamSearchDecoder
      • Bilinear
      • BiRNN
      • ClipGradByGlobalNorm
      • ClipGradByNorm
      • ClipGradByValue
      • Conv1D
      • Conv1DTranspose
      • Conv2D
      • Conv2DTranspose
      • Conv3D
      • Conv3DTranspose
      • CosineSimilarity
      • CrossEntropyLoss
      • CTCLoss
      • Dropout
      • Dropout2D
      • Dropout3D
      • dynamic_decode
      • ELU
      • Embedding
      • Flatten
      • functional
        • adaptive_avg_pool1d
        • adaptive_avg_pool2d
        • adaptive_avg_pool3d
        • adaptive_max_pool1d
        • adaptive_max_pool2d
        • adaptive_max_pool3d
        • affine_grid
        • alpha_dropout
        • avg_pool1d
        • avg_pool2d
        • avg_pool3d
        • batch_norm
        • bilinear
        • binary_cross_entropy
        • binary_cross_entropy_with_logits
        • conv1d
        • conv1d_transpose
        • conv2d
        • conv2d_transpose
        • conv3d
        • conv3d_transpose
        • cosine_similarity
        • cross_entropy
        • ctc_loss
        • diag_embed
        • dice_loss
        • dropout
        • dropout2d
        • dropout3d
        • elu
        • elu_
        • embedding
        • gather_tree
        • gelu
        • grid_sample
        • hardshrink
        • hardsigmoid
        • hardswish
        • hardtanh
        • hsigmoid_loss
        • instance_norm
        • interpolate
        • kl_div
        • l1_loss
        • label_smooth
        • layer_norm
        • leaky_relu
        • linear
        • local_response_norm
        • log_loss
        • log_sigmoid
        • log_softmax
        • margin_ranking_loss
        • max_pool1d
        • max_pool2d
        • max_pool3d
        • maxout
        • mse_loss
        • nll_loss
        • normalize
        • npair_loss
        • one_hot
        • pad
        • pixel_shuffle
        • prelu
        • relu
        • relu6
        • relu_
        • selu
        • sigmoid
        • sigmoid_focal_loss
        • smooth_l1_loss
        • softmax
        • softmax_
        • softmax_with_cross_entropy
        • softplus
        • softshrink
        • softsign
        • square_error_cost
        • swish
        • tanhshrink
        • temporal_shift
        • thresholded_relu
        • unfold
        • upsample
      • GELU
      • GroupNorm
      • GRU
      • GRUCell
      • Hardshrink
      • Hardsigmoid
      • Hardswish
      • Hardtanh
      • HSigmoidLoss
      • initializer
        • Assign
        • Bilinear
        • Constant
        • KaimingNormal
        • KaimingUniform
        • Normal
        • set_global_initializer
        • TruncatedNormal
        • Uniform
        • XavierNormal
        • XavierUniform
      • InstanceNorm1D
      • InstanceNorm2D
      • InstanceNorm3D
      • KLDivLoss
      • L1Loss
      • Layer
      • LayerList
      • LayerNorm
      • LeakyReLU
      • Linear
      • LocalResponseNorm
      • LogSigmoid
      • LogSoftmax
      • LSTM
      • LSTMCell
      • MarginRankingLoss
      • Maxout
      • MaxPool1D
      • MaxPool2D
      • MaxPool3D
      • MSELoss
      • MultiHeadAttention
      • NLLLoss
      • Pad1D
      • Pad2D
      • Pad3D
      • PairwiseDistance
      • ParameterList
      • PixelShuffle
      • PReLU
      • ReLU
      • ReLU6
      • RNN
      • RNNCellBase
      • SELU
      • Sequential
      • Sigmoid
      • SimpleRNN
      • SimpleRNNCell
      • SmoothL1Loss
      • Softmax
      • Softplus
      • Softshrink
      • Softsign
      • SpectralNorm
      • Swish
      • SyncBatchNorm
      • Tanh
      • Tanhshrink
      • ThresholdedReLU
      • Transformer
      • TransformerDecoder
      • TransformerDecoderLayer
      • TransformerEncoder
      • TransformerEncoderLayer
      • Upsample
      • UpsamplingBilinear2D
      • UpsamplingNearest2D
      • utils
        • remove_weight_norm
        • weight_norm
    • paddle.onnx
      • export
    • paddle.optimizer
      • Adadelta
      • Adagrad
      • Adam
      • Adamax
      • AdamW
      • Lamb
      • lr
        • CosineAnnealingDecay
        • ExponentialDecay
        • InverseTimeDecay
        • LambdaDecay
        • LinearWarmup
        • LRScheduler
        • MultiStepDecay
        • NaturalExpDecay
        • NoamDecay
        • PiecewiseDecay
        • PolynomialDecay
        • ReduceOnPlateau
        • StepDecay
      • Momentum
      • Optimizer
      • RMSProp
      • SGD
    • paddle.regularizer
      • L1Decay
      • L2Decay
    • paddle.static
      • accuracy
      • append_backward
      • auc
      • BuildStrategy
      • CompiledProgram
      • cpu_places
      • create_global_var
      • create_parameter
      • cuda_places
      • data
      • default_main_program
      • default_startup_program
      • device_guard
      • ExecutionStrategy
      • Executor
      • global_scope
      • gradients
      • InputSpec
      • io
        • deserialize_persistables
        • deserialize_program
        • load_from_file
        • load_inference_model
        • normalize_program
        • save_inference_model
        • save_to_file
        • serialize_persistables
        • serialize_program
      • load
      • load_program_state
      • name_scope
      • nn
        • batch_norm
        • bilinear_tensor_product
        • case
        • conv2d
        • conv2d_transpose
        • conv3d
        • conv3d_transpose
        • crf_decoding
        • data_norm
        • deform_conv2d
        • embedding
        • fc
        • group_norm
        • instance_norm
        • layer_norm
        • multi_box_head
        • nce
        • prelu
        • row_conv
        • spectral_norm
        • switch_case
      • ParallelExecutor
      • Print
      • Program
      • program_guard
      • py_func
      • save
      • scope_guard
      • set_program_state
      • Variable
      • WeightNormParamAttr
      • xpu_places
    • paddle.sysconfig
      • get_include
      • get_lib
    • paddle.tensor
      • random
        • standard_normal
    • paddle.text
      • datasets
        • Conll05st
        • Imdb
        • Imikolov
        • Movielens
        • UCIHousing
        • WMT14
        • WMT16
    • paddle.utils
      • cpp_extension
        • cpp_extension
          • CppExtension
          • CUDAExtension
          • load
          • setup
        • extension_utils
          • get_build_directory
      • deprecated
      • download
        • get_weights_path_from_url
      • profiler
        • get_profiler
        • Profiler
        • ProfilerOptions
      • run_check
      • unique_name
        • generate
        • guard
        • switch
    • paddle.vision
      • datasets
        • Cifar10
        • Cifar100
        • DatasetFolder
        • FashionMNIST
        • Flowers
        • ImageFolder
        • MNIST
        • VOC2012
      • get_image_backend
      • image_load
      • models
        • LeNet
        • mobilenet_v1
        • mobilenet_v2
        • MobileNetV1
        • MobileNetV2
        • ResNet
        • resnet101
        • resnet152
        • resnet18
        • resnet34
        • resnet50
        • VGG
        • vgg11
        • vgg13
        • vgg16
        • vgg19
      • ops
        • deform_conv2d
        • DeformConv2D
        • yolo_box
        • yolo_loss
      • set_image_backend
      • transforms
        • adjust_brightness
        • adjust_contrast
        • adjust_hue
        • BaseTransform
        • BrightnessTransform
        • center_crop
        • CenterCrop
        • ColorJitter
        • Compose
        • ContrastTransform
        • crop
        • functional
          • normalize
        • Grayscale
        • hflip
        • HueTransform
        • Normalize
        • pad
        • RandomCrop
        • RandomHorizontalFli
        • RandomResizedCrop
        • RandomRotation
        • RandomVerticalFlip
        • resize
        • rotate
        • SaturationTransform
        • to_grayscale
        • to_tensor
        • ToTensor
        • transforms
          • Pad
          • transforms
            • Resize
          • Transpose
          • vflip
  • Release Note
  • »
  • <no title>
  • View page source