define fluid alias in paddle.tensor and paddle.nn dir (#24151)

* define fluid alias in paddle.tensor and paddle.nn dir test=develop

* from layer import loss in paddle.nn dir test=develop
revert-22778-infer_var_type
XiaoguangHu 5 years ago committed by GitHub
parent 25a233e46d
commit 526a13ff58
No known key found for this signature in database
GPG Key ID: 4AEE18F83AFDEB23

File diff suppressed because it is too large Load Diff

File diff suppressed because it is too large Load Diff

@ -13,10 +13,17 @@
# limitations under the License.
# TODO: define the functions to clip gradient of parameter
# __all__ = ['ErrorClipByValue',
# 'GradientClipByGlobalNorm',
# 'GradientClipByNorm',
# 'GradientClipByValue',
# 'set_gradient_clip',
# 'clip',
# 'clip_by_norm']
from ..fluid.clip import GradientClipByGlobalNorm #DEFINE_ALIAS
from ..fluid.clip import GradientClipByNorm #DEFINE_ALIAS
from ..fluid.clip import GradientClipByValue #DEFINE_ALIAS
from ..fluid.layers import clip #DEFINE_ALIAS
__all__ = [
# 'ErrorClipByValue',
'GradientClipByGlobalNorm',
'GradientClipByNorm',
'GradientClipByValue',
# 'set_gradient_clip',
'clip',
# 'clip_by_norm'
]

@ -13,10 +13,16 @@
# limitations under the License.
# TODO: define the control flow api
# __all__ = ['case',
# 'cond',
# 'DynamicRNN',
# 'StaticRNN',
# 'switch_case',
# 'while_loop',
# 'rnn']
from ..fluid.layers import case #DEFINE_ALIAS
from ..fluid.layers import cond #DEFINE_ALIAS
from ..fluid.layers import while_loop #DEFINE_ALIAS
__all__ = [
'case',
'cond',
# 'DynamicRNN',
# 'StaticRNN',
# 'switch_case',
'while_loop',
# 'rnn'
]

@ -13,11 +13,16 @@
# limitations under the License.
# TODO: define api to implement decoding algorithm
# __all__ = ['BeamSearchDecoder',
# 'Decoder',
# 'beam_search',
# 'beam_search_decode',
# 'crf_decoding',
# 'ctc_greedy_decoder',
# 'dynamic_decode',
# 'gather_tree']
from ..fluid.layers import beam_search #DEFINE_ALIAS
from ..fluid.layers import beam_search_decode #DEFINE_ALIAS
__all__ = [
# 'BeamSearchDecoder',
# 'Decoder',
'beam_search',
'beam_search_decode',
# 'crf_decoding',
# 'ctc_greedy_decoder',
# 'dynamic_decode',
# 'gather_tree'
]

File diff suppressed because it is too large Load Diff

@ -13,33 +13,55 @@
# limitations under the License.
# TODO: define activation functions of neural network
from ...fluid.layers import brelu #DEFINE_ALIAS
from ...fluid.layers import elu #DEFINE_ALIAS
from ...fluid.layers import erf #DEFINE_ALIAS
from ...fluid.layers import gelu #DEFINE_ALIAS
from ...fluid.layers import hard_shrink #DEFINE_ALIAS
from ...fluid.layers import hard_sigmoid #DEFINE_ALIAS
from ...fluid.layers import hard_swish #DEFINE_ALIAS
from ...fluid.layers import leaky_relu #DEFINE_ALIAS
from ...fluid.layers import logsigmoid #DEFINE_ALIAS
from ...fluid.layers import maxout #DEFINE_ALIAS
from ...fluid.layers import relu6 #DEFINE_ALIAS
from ...fluid.layers import selu #DEFINE_ALIAS
from ...fluid.layers import soft_relu #DEFINE_ALIAS
from ...fluid.layers import softmax #DEFINE_ALIAS
from ...fluid.layers import softplus #DEFINE_ALIAS
from ...fluid.layers import softshrink #DEFINE_ALIAS
from ...fluid.layers import softsign #DEFINE_ALIAS
from ...fluid.layers import swish #DEFINE_ALIAS
from ...fluid.layers import tanh_shrink #DEFINE_ALIAS
from ...fluid.layers import thresholded_relu #DEFINE_ALIAS
__all__ = [
# 'brelu',
# 'elu',
# 'erf',
# 'gelu',
# 'hard_shrink',
# 'hard_sigmoid',
# 'hard_swish',
'brelu',
'elu',
'erf',
'gelu',
'hard_shrink',
'hard_sigmoid',
'hard_swish',
'hsigmoid',
# 'leaky_relu',
# 'logsigmoid',
# 'maxout',
# 'prelu',
'leaky_relu',
'logsigmoid',
'maxout',
# 'prelu',
'relu',
# 'relu6',
# 'selu',
'relu6',
'selu',
'sigmoid',
# 'soft_relu',
# 'softmax',
# 'softplus',
# 'softshrink',
# 'softsign',
# 'swish',
# 'tanh_shrink',
# 'thresholded_relu',
'soft_relu',
'softmax',
'softplus',
'softshrink',
'softsign',
'swish',
'tanh_shrink',
'thresholded_relu',
'log_softmax'
]
import warnings
from ...fluid.layer_helper import LayerHelper
from ...fluid.framework import in_dygraph_mode, convert_np_dtype_to_dtype_

@ -17,20 +17,28 @@ from paddle.fluid.layer_helper import LayerHelper
from paddle.fluid.layers.tensor import Variable, fill_constant
# TODO: define the common functions to build a neural network
# __all__ = ['dropout',
# 'embedding',
# 'fc',
# 'label_smooth',
# 'one_hot',
# 'pad',
# 'pad_constant_like',
# 'pad2d',
# 'unfold',
# 'bilinear_tensor_product',
# 'assign',
# 'interpolate']
__all__ = ['interpolate']
from ...fluid.layers import dropout #DEFINE_ALIAS
from ...fluid.layers import label_smooth #DEFINE_ALIAS
from ...fluid import one_hot #DEFINE_ALIAS
from ...fluid.layers import pad #DEFINE_ALIAS
from ...fluid.layers import pad2d #DEFINE_ALIAS
from ...fluid.layers import unfold #DEFINE_ALIAS
from ...fluid.layers import assign #DEFINE_ALIAS
__all__ = [
'dropout',
# 'embedding',
# 'fc',
'label_smooth',
'one_hot',
'pad',
# 'pad_constant_like',
'pad2d',
'unfold',
# 'bilinear_tensor_product',
'assign',
'interpolate'
]
def interpolate(input,

@ -12,6 +12,7 @@
# See the License for the specific language governing permissions and
# limitations under the License.
from __future__ import print_function
__all__ = ['conv2d', 'conv2d_transpose', 'conv3d', 'conv3d_transpose']
import numpy as np

@ -13,22 +13,27 @@
# limitations under the License.
# TODO: define the extention functions
from ...fluid.layers import add_position_encoding #DEFINE_ALIAS
from ...fluid.layers import multiclass_nms #DEFINE_ALIAS
from ...fluid.layers import target_assign #DEFINE_ALIAS
from ...fluid.layers import temporal_shift #DEFINE_ALIAS
__all__ = [
# 'add_position_encoding',
# 'autoincreased_step_counter',
# 'continuous_value_model',
# 'filter_by_instag',
# 'linear_chain_crf',
# 'merge_selected_rows',
# 'multiclass_nms',
# 'polygon_box_transform',
# 'random_crop',
'add_position_encoding',
# 'autoincreased_step_counter',
# 'continuous_value_model',
# 'filter_by_instag',
# 'linear_chain_crf',
# 'merge_selected_rows',
'multiclass_nms',
# 'polygon_box_transform',
# 'random_crop',
'row_conv',
# 'rpn_target_assign',
# 'similarity_focus',
# 'target_assign',
# 'temporal_shift',
# 'warpctc',
# 'rpn_target_assign',
# 'similarity_focus',
'target_assign',
'temporal_shift',
# 'warpctc',
'diag_embed'
]

@ -13,11 +13,17 @@
# limitations under the License.
# TODO: define learning rate decay
# __all__ = ['cosine_decay',
# 'exponential_decay',
# 'inverse_time_decay',
# 'natural_exp_decay',
# 'noam_decay',
# 'piecewise_decay',
# 'polynomial_decay',
# 'linear_lr_warmup']
from ...fluid.layers import cosine_decay #DEFINE_ALIAS
from ...fluid.layers import exponential_decay #DEFINE_ALIAS
from ...fluid.layers import inverse_time_decay #DEFINE_ALIAS
from ...fluid.layers import natural_exp_decay #DEFINE_ALIAS
from ...fluid.layers import noam_decay #DEFINE_ALIAS
from ...fluid.layers import piecewise_decay #DEFINE_ALIAS
from ...fluid.layers import polynomial_decay #DEFINE_ALIAS
from ...fluid.layers import linear_lr_warmup #DEFINE_ALIAS
__all__ = [
'cosine_decay', 'exponential_decay', 'inverse_time_decay',
'natural_exp_decay', 'noam_decay', 'piecewise_decay', 'polynomial_decay',
'linear_lr_warmup'
]

@ -13,32 +13,36 @@
# limitations under the License.
# TODO: define functions which accept only LoDTensor as input
# __all__ = ['sequence_concat',
# 'sequence_conv',
# 'sequence_enumerate',
# 'sequence_expand_as',
# 'sequence_expand',
# 'sequence_first_step',
# 'sequence_last_step',
# 'sequence_mask',
# 'sequence_pad',
# 'sequence_pool',
# 'sequence_reshape',
# 'sequence_reverse',
# 'sequence_scatter',
# 'sequence_slice',
# 'sequence_softmax',
# 'sequence_unpad',
# 'array_length',
# 'array_read',
# 'array_write',
# 'create_array',
# 'hash',
# 'im2sequence',
# 'lod_append',
# 'lod_reset',
# 'reorder_lod_tensor_by_rank',
# 'tensor_array_to_tensor',
# 'dynamic_gru',
# 'dynamic_lstm',
# 'dynamic_lstmp']
from ...fluid.layers import hash #DEFINE_ALIAS
__all__ = [
# 'sequence_concat',
# 'sequence_conv',
# 'sequence_enumerate',
# 'sequence_expand_as',
# 'sequence_expand',
# 'sequence_first_step',
# 'sequence_last_step',
# 'sequence_mask',
# 'sequence_pad',
# 'sequence_pool',
# 'sequence_reshape',
# 'sequence_reverse',
# 'sequence_scatter',
# 'sequence_slice',
# 'sequence_softmax',
# 'sequence_unpad',
# 'array_length',
# 'array_read',
# 'array_write',
# 'create_array',
'hash',
# 'im2sequence',
# 'lod_append',
# 'lod_reset',
# 'reorder_lod_tensor_by_rank',
# 'tensor_array_to_tensor',
# 'dynamic_gru',
# 'dynamic_lstm',
# 'dynamic_lstmp'
]

@ -13,25 +13,45 @@
# limitations under the License.
# TODO: define loss functions of neural network
# __all__ = ['bpr_loss',
# 'center_loss',
# 'cross_entropy',
# 'dice_loss',
# 'edit_distance',
# 'huber_loss',
# 'iou_similarity',
# 'kldiv_loss',
# 'log_loss',
# 'margin_rank_loss',
# 'mse_loss',
# 'nce',
# 'npair_loss',
# 'rank_loss',
# 'sampled_softmax_with_cross_entropy',
# 'sigmoid_cross_entropy_with_logits',
# 'sigmoid_focal_loss',
# 'smooth_l1',
# 'softmax_with_cross_entropy',
# 'square_error_cost',
# 'ssd_loss',
# 'teacher_student_sigmoid_loss']
from ...fluid.layers import bpr_loss #DEFINE_ALIAS
from ...fluid.layers import center_loss #DEFINE_ALIAS
from ...fluid.layers import cross_entropy #DEFINE_ALIAS
from ...fluid.layers import dice_loss #DEFINE_ALIAS
from ...fluid.layers import iou_similarity #DEFINE_ALIAS
from ...fluid.layers import kldiv_loss #DEFINE_ALIAS
from ...fluid.layers import log_loss #DEFINE_ALIAS
from ...fluid.layers import mse_loss #DEFINE_ALIAS
from ...fluid.layers import npair_loss #DEFINE_ALIAS
from ...fluid.layers import rank_loss #DEFINE_ALIAS
from ...fluid.layers import sigmoid_cross_entropy_with_logits #DEFINE_ALIAS
from ...fluid.layers import sigmoid_focal_loss #DEFINE_ALIAS
from ...fluid.layers import smooth_l1 #DEFINE_ALIAS
from ...fluid.layers import softmax_with_cross_entropy #DEFINE_ALIAS
from ...fluid.layers import square_error_cost #DEFINE_ALIAS
from ...fluid.layers import ssd_loss #DEFINE_ALIAS
from ...fluid.layers import teacher_student_sigmoid_loss #DEFINE_ALIAS
__all__ = [
'bpr_loss',
'center_loss',
'cross_entropy',
'dice_loss',
# 'edit_distance',
# 'huber_loss',
'iou_similarity',
'kldiv_loss',
'log_loss',
# 'margin_rank_loss',
'mse_loss',
# 'nce',
'npair_loss',
'rank_loss',
# 'sampled_softmax_with_cross_entropy',
'sigmoid_cross_entropy_with_logits',
'sigmoid_focal_loss',
'smooth_l1',
'softmax_with_cross_entropy',
'square_error_cost',
'ssd_loss',
'teacher_student_sigmoid_loss'
]

@ -13,11 +13,16 @@
# limitations under the License.
# TODO: define normalization api
# __all__ = ['batch_norm',
# 'data_norm',
# 'group_norm',
# 'instance_norm',
# 'l2_normalize',
# 'layer_norm',
# 'lrn',
# 'spectral_norm']
from ...fluid.layers import l2_normalize #DEFINE_ALIAS
from ...fluid.layers import lrn #DEFINE_ALIAS
__all__ = [
# 'batch_norm',
# 'data_norm',
# 'group_norm',
# 'instance_norm',
'l2_normalize',
# 'layer_norm',
'lrn',
# 'spectral_norm'
]

@ -13,7 +13,9 @@
# limitations under the License.
# TODO: define pooling functions
# __all__ = ['pool2d',
# 'pool3d',
# 'adaptive_pool2d',
# 'adaptive_pool3d']
from ...fluid.layers import pool2d #DEFINE_ALIAS
from ...fluid.layers import pool3d #DEFINE_ALIAS
from ...fluid.layers import adaptive_pool2d #DEFINE_ALIAS
from ...fluid.layers import adaptive_pool3d #DEFINE_ALIAS
__all__ = ['pool2d', 'pool3d', 'adaptive_pool2d', 'adaptive_pool3d']

@ -13,6 +13,9 @@
# limitations under the License.
# TODO: define function of recurrent neural network
# __all__ = ['gru_unit',
# 'lstm',
# 'lstm_unit']
__all__ = [
# 'gru_unit',
# 'lstm',
# 'lstm_unit'
]

@ -13,40 +13,71 @@
# limitations under the License.
# TODO: define specitial functions used in computer vision task
# __all__ = ['affine_channel',
# 'affine_grid',
# 'anchor_generator',
# 'bipartite_match',
# 'box_clip',
# 'box_coder',
# 'box_decoder_and_assign',
# 'collect_fpn_proposals',
# 'deformable_conv',
# 'deformable_roi_pooling',
# 'density_prior_box',
# 'detection_output',
# 'distribute_fpn_proposals',
# 'fsp_matrix',
# 'generate_mask_labels',
# 'generate_proposal_labels',
# 'generate_proposals',
# 'grid_sampler',
# 'image_resize',
# 'image_resize_short',
# 'multi_box_head',
# 'pixel_shuffle',
# 'prior_box',
# 'prroi_pool',
# 'psroi_pool',
# 'resize_bilinear',
# 'resize_nearest',
# 'resize_trilinear',
# 'retinanet_detection_output',
# 'retinanet_target_assign',
# 'roi_align',
# 'roi_perspective_transform',
# 'roi_pool',
# 'shuffle_channel',
# 'space_to_depth',
# 'yolo_box',
# 'yolov3_loss']
from ...fluid.layers import affine_channel #DEFINE_ALIAS
from ...fluid.layers import affine_grid #DEFINE_ALIAS
from ...fluid.layers import anchor_generator #DEFINE_ALIAS
from ...fluid.layers import bipartite_match #DEFINE_ALIAS
from ...fluid.layers import box_clip #DEFINE_ALIAS
from ...fluid.layers import box_coder #DEFINE_ALIAS
from ...fluid.layers import box_decoder_and_assign #DEFINE_ALIAS
from ...fluid.layers import collect_fpn_proposals #DEFINE_ALIAS
from ...fluid.layers import deformable_roi_pooling #DEFINE_ALIAS
from ...fluid.layers import density_prior_box #DEFINE_ALIAS
from ...fluid.layers import detection_output #DEFINE_ALIAS
from ...fluid.layers import distribute_fpn_proposals #DEFINE_ALIAS
from ...fluid.layers import generate_mask_labels #DEFINE_ALIAS
from ...fluid.layers import generate_proposal_labels #DEFINE_ALIAS
from ...fluid.layers import generate_proposals #DEFINE_ALIAS
from ...fluid.layers import grid_sampler #DEFINE_ALIAS
from ...fluid.layers import image_resize #DEFINE_ALIAS
from ...fluid.layers import prior_box #DEFINE_ALIAS
from ...fluid.layers import prroi_pool #DEFINE_ALIAS
from ...fluid.layers import psroi_pool #DEFINE_ALIAS
from ...fluid.layers import resize_bilinear #DEFINE_ALIAS
from ...fluid.layers import resize_nearest #DEFINE_ALIAS
from ...fluid.layers import resize_trilinear #DEFINE_ALIAS
from ...fluid.layers import roi_align #DEFINE_ALIAS
from ...fluid.layers import roi_pool #DEFINE_ALIAS
from ...fluid.layers import space_to_depth #DEFINE_ALIAS
from ...fluid.layers import yolo_box #DEFINE_ALIAS
from ...fluid.layers import yolov3_loss #DEFINE_ALIAS
__all__ = [
'affine_channel',
'affine_grid',
'anchor_generator',
'bipartite_match',
'box_clip',
'box_coder',
'box_decoder_and_assign',
'collect_fpn_proposals',
# 'deformable_conv',
'deformable_roi_pooling',
'density_prior_box',
'detection_output',
'distribute_fpn_proposals',
# 'fsp_matrix',
'generate_mask_labels',
'generate_proposal_labels',
'generate_proposals',
'grid_sampler',
'image_resize',
# 'image_resize_short',
# 'multi_box_head',
# 'pixel_shuffle',
'prior_box',
'prroi_pool',
'psroi_pool',
'resize_bilinear',
'resize_nearest',
'resize_trilinear',
# 'retinanet_detection_output',
# 'retinanet_target_assign',
'roi_align',
# 'roi_perspective_transform',
'roi_pool',
# 'shuffle_channel',
'space_to_depth',
'yolo_box',
'yolov3_loss'
]

@ -13,10 +13,13 @@
# limitations under the License.
# TODO: define the initializers to create a Parameter in neural network
# __all__ = ['Bilinear',
# 'Constant',
# 'MSRA',
# 'Normal',
# 'TruncatedNormal',
# 'Uniform',
# 'Xavier']
__all__ = [
# 'Bilinear',
# 'Constant',
# 'MSRA',
# 'Normal',
# 'TruncatedNormal',
# 'Uniform',
# 'Xavier'
]

@ -13,4 +13,9 @@
# limitations under the License.
# TODO: define input placeholders of neural network
# __all__ = ['data', 'Input']
from ..fluid import data #DEFINE_ALIAS
__all__ = [
'data',
# 'Input'
]

@ -27,3 +27,42 @@ from .conv import *
from .extension import *
from .activation import *
from .norm import *
# from .activation import PReLU #DEFINE_ALIAS
from .activation import ReLU #DEFINE_ALIAS
from .activation import Sigmoid #DEFINE_ALIAS
# from .activation import Softmax #DEFINE_ALIAS
from .activation import LogSoftmax #DEFINE_ALIAS
from .activation import HSigmoid #DEFINE_ALIAS
from .common import BilinearTensorProduct #DEFINE_ALIAS
from .common import Pool2D #DEFINE_ALIAS
from .common import Embedding #DEFINE_ALIAS
from .common import Linear #DEFINE_ALIAS
# from .common import UpSample #DEFINE_ALIAS
from .conv import Conv2D #DEFINE_ALIAS
from .conv import Conv2DTranspose #DEFINE_ALIAS
from .conv import Conv3D #DEFINE_ALIAS
from .conv import Conv3DTranspose #DEFINE_ALIAS
# from .conv import TreeConv #DEFINE_ALIAS
# from .conv import Conv1D #DEFINE_ALIAS
from .extension import RowConv #DEFINE_ALIAS
# from .learning_rate import CosineDecay #DEFINE_ALIAS
# from .learning_rate import ExponentialDecay #DEFINE_ALIAS
# from .learning_rate import InverseTimeDecay #DEFINE_ALIAS
# from .learning_rate import NaturalExpDecay #DEFINE_ALIAS
# from .learning_rate import NoamDecay #DEFINE_ALIAS
# from .learning_rate import PiecewiseDecay #DEFINE_ALIAS
# from .learning_rate import PolynomialDecay #DEFINE_ALIAS
# from .loss import NCELoss #DEFINE_ALIAS
from .loss import CrossEntropyLoss #DEFINE_ALIAS
from .loss import MSELoss #DEFINE_ALIAS
from .loss import L1Loss #DEFINE_ALIAS
from .loss import NLLLoss #DEFINE_ALIAS
from .loss import BCELoss #DEFINE_ALIAS
from .norm import BatchNorm #DEFINE_ALIAS
from .norm import GroupNorm #DEFINE_ALIAS
from .norm import LayerNorm #DEFINE_ALIAS
from .norm import SpectralNorm #DEFINE_ALIAS
from .norm import InstanceNorm #DEFINE_ALIAS
# from .rnn import RNNCell #DEFINE_ALIAS
# from .rnn import GRUCell #DEFINE_ALIAS
# from .rnn import LSTMCell #DEFINE_ALIAS

@ -13,11 +13,12 @@
# limitations under the License.
# TODO: define activation functions of neural network
__all__ = [
# 'PReLU',
# 'PReLU',
'ReLU',
'Sigmoid',
# 'Softmax',
# 'Softmax',
'LogSoftmax',
'HSigmoid'
]

@ -13,8 +13,15 @@
# limitations under the License.
# TODO: define the common classes to build a neural network
# __all__ = ['BilinearTensorProduct',
# 'Pool2D',
# 'Embedding',
# 'Linear',
# 'UpSample']
from ...fluid.dygraph import BilinearTensorProduct #DEFINE_ALIAS
from ...fluid.dygraph import Pool2D #DEFINE_ALIAS
from ...fluid.dygraph import Embedding #DEFINE_ALIAS
from ...fluid.dygraph import Linear #DEFINE_ALIAS
__all__ = [
'BilinearTensorProduct',
'Pool2D',
'Embedding',
'Linear',
# 'UpSample'
]

@ -13,13 +13,14 @@
# limitations under the License.
# TODO: define classes of convolutional neural network
__all__ = [
'Conv2D',
'Conv2DTranspose',
'Conv3D',
'Conv3DTranspose',
# 'TreeConv',
# 'Conv1D'
# 'TreeConv',
# 'Conv1D'
]
import numpy as np

@ -12,7 +12,7 @@
# See the License for the specific language governing permissions and
# limitations under the License.
__all__ = ["RowConv"]
__all__ = ['RowConv']
from ...fluid.dygraph import layers
from .. import functional as F

@ -13,10 +13,13 @@
# limitations under the License.
# TODO: define learning rate decay
# __all__ = ['CosineDecay',
# 'ExponentialDecay',
# 'InverseTimeDecay',
# 'NaturalExpDecay',
# 'NoamDecay',
# 'PiecewiseDecay',
# 'PolynomialDecay']
__all__ = [
# 'CosineDecay',
# 'ExponentialDecay',
# 'InverseTimeDecay',
# 'NaturalExpDecay',
# 'NoamDecay',
# 'PiecewiseDecay',
# 'PolynomialDecay'
]

Some files were not shown because too many files have changed in this diff Show More

Loading…
Cancel
Save