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. # limitations under the License.
# TODO: define the functions to clip gradient of parameter # TODO: define the functions to clip gradient of parameter
# __all__ = ['ErrorClipByValue', from ..fluid.clip import GradientClipByGlobalNorm #DEFINE_ALIAS
# 'GradientClipByGlobalNorm', from ..fluid.clip import GradientClipByNorm #DEFINE_ALIAS
# 'GradientClipByNorm', from ..fluid.clip import GradientClipByValue #DEFINE_ALIAS
# 'GradientClipByValue', from ..fluid.layers import clip #DEFINE_ALIAS
# 'set_gradient_clip',
# 'clip', __all__ = [
# 'clip_by_norm'] # 'ErrorClipByValue',
'GradientClipByGlobalNorm',
'GradientClipByNorm',
'GradientClipByValue',
# 'set_gradient_clip',
'clip',
# 'clip_by_norm'
]

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

@ -13,11 +13,16 @@
# limitations under the License. # limitations under the License.
# TODO: define api to implement decoding algorithm # TODO: define api to implement decoding algorithm
# __all__ = ['BeamSearchDecoder', from ..fluid.layers import beam_search #DEFINE_ALIAS
# 'Decoder', from ..fluid.layers import beam_search_decode #DEFINE_ALIAS
# 'beam_search',
# 'beam_search_decode', __all__ = [
# 'crf_decoding', # 'BeamSearchDecoder',
# 'ctc_greedy_decoder', # 'Decoder',
# 'dynamic_decode', 'beam_search',
# 'gather_tree'] '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. # limitations under the License.
# TODO: define activation functions of neural network # 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__ = [ __all__ = [
# 'brelu', 'brelu',
# 'elu', 'elu',
# 'erf', 'erf',
# 'gelu', 'gelu',
# 'hard_shrink', 'hard_shrink',
# 'hard_sigmoid', 'hard_sigmoid',
# 'hard_swish', 'hard_swish',
'hsigmoid', 'hsigmoid',
# 'leaky_relu', 'leaky_relu',
# 'logsigmoid', 'logsigmoid',
# 'maxout', 'maxout',
# 'prelu', # 'prelu',
'relu', 'relu',
# 'relu6', 'relu6',
# 'selu', 'selu',
'sigmoid', 'sigmoid',
# 'soft_relu', 'soft_relu',
# 'softmax', 'softmax',
# 'softplus', 'softplus',
# 'softshrink', 'softshrink',
# 'softsign', 'softsign',
# 'swish', 'swish',
# 'tanh_shrink', 'tanh_shrink',
# 'thresholded_relu', 'thresholded_relu',
'log_softmax' 'log_softmax'
] ]
import warnings import warnings
from ...fluid.layer_helper import LayerHelper from ...fluid.layer_helper import LayerHelper
from ...fluid.framework import in_dygraph_mode, convert_np_dtype_to_dtype_ 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 from paddle.fluid.layers.tensor import Variable, fill_constant
# TODO: define the common functions to build a neural network # TODO: define the common functions to build a neural network
# __all__ = ['dropout', from ...fluid.layers import dropout #DEFINE_ALIAS
# 'embedding', from ...fluid.layers import label_smooth #DEFINE_ALIAS
# 'fc', from ...fluid import one_hot #DEFINE_ALIAS
# 'label_smooth', from ...fluid.layers import pad #DEFINE_ALIAS
# 'one_hot', from ...fluid.layers import pad2d #DEFINE_ALIAS
# 'pad', from ...fluid.layers import unfold #DEFINE_ALIAS
# 'pad_constant_like', from ...fluid.layers import assign #DEFINE_ALIAS
# 'pad2d',
# 'unfold', __all__ = [
# 'bilinear_tensor_product', 'dropout',
# 'assign', # 'embedding',
# 'interpolate'] # 'fc',
'label_smooth',
__all__ = ['interpolate'] 'one_hot',
'pad',
# 'pad_constant_like',
'pad2d',
'unfold',
# 'bilinear_tensor_product',
'assign',
'interpolate'
]
def interpolate(input, def interpolate(input,

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

@ -13,22 +13,27 @@
# limitations under the License. # limitations under the License.
# TODO: define the extention functions # 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__ = [ __all__ = [
# 'add_position_encoding', 'add_position_encoding',
# 'autoincreased_step_counter', # 'autoincreased_step_counter',
# 'continuous_value_model', # 'continuous_value_model',
# 'filter_by_instag', # 'filter_by_instag',
# 'linear_chain_crf', # 'linear_chain_crf',
# 'merge_selected_rows', # 'merge_selected_rows',
# 'multiclass_nms', 'multiclass_nms',
# 'polygon_box_transform', # 'polygon_box_transform',
# 'random_crop', # 'random_crop',
'row_conv', 'row_conv',
# 'rpn_target_assign', # 'rpn_target_assign',
# 'similarity_focus', # 'similarity_focus',
# 'target_assign', 'target_assign',
# 'temporal_shift', 'temporal_shift',
# 'warpctc', # 'warpctc',
'diag_embed' 'diag_embed'
] ]

@ -13,11 +13,17 @@
# limitations under the License. # limitations under the License.
# TODO: define learning rate decay # TODO: define learning rate decay
# __all__ = ['cosine_decay', from ...fluid.layers import cosine_decay #DEFINE_ALIAS
# 'exponential_decay', from ...fluid.layers import exponential_decay #DEFINE_ALIAS
# 'inverse_time_decay', from ...fluid.layers import inverse_time_decay #DEFINE_ALIAS
# 'natural_exp_decay', from ...fluid.layers import natural_exp_decay #DEFINE_ALIAS
# 'noam_decay', from ...fluid.layers import noam_decay #DEFINE_ALIAS
# 'piecewise_decay', from ...fluid.layers import piecewise_decay #DEFINE_ALIAS
# 'polynomial_decay', from ...fluid.layers import polynomial_decay #DEFINE_ALIAS
# 'linear_lr_warmup'] 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. # limitations under the License.
# TODO: define functions which accept only LoDTensor as input # TODO: define functions which accept only LoDTensor as input
# __all__ = ['sequence_concat', from ...fluid.layers import hash #DEFINE_ALIAS
# 'sequence_conv',
# 'sequence_enumerate', __all__ = [
# 'sequence_expand_as', # 'sequence_concat',
# 'sequence_expand', # 'sequence_conv',
# 'sequence_first_step', # 'sequence_enumerate',
# 'sequence_last_step', # 'sequence_expand_as',
# 'sequence_mask', # 'sequence_expand',
# 'sequence_pad', # 'sequence_first_step',
# 'sequence_pool', # 'sequence_last_step',
# 'sequence_reshape', # 'sequence_mask',
# 'sequence_reverse', # 'sequence_pad',
# 'sequence_scatter', # 'sequence_pool',
# 'sequence_slice', # 'sequence_reshape',
# 'sequence_softmax', # 'sequence_reverse',
# 'sequence_unpad', # 'sequence_scatter',
# 'array_length', # 'sequence_slice',
# 'array_read', # 'sequence_softmax',
# 'array_write', # 'sequence_unpad',
# 'create_array', # 'array_length',
# 'hash', # 'array_read',
# 'im2sequence', # 'array_write',
# 'lod_append', # 'create_array',
# 'lod_reset', 'hash',
# 'reorder_lod_tensor_by_rank', # 'im2sequence',
# 'tensor_array_to_tensor', # 'lod_append',
# 'dynamic_gru', # 'lod_reset',
# 'dynamic_lstm', # 'reorder_lod_tensor_by_rank',
# 'dynamic_lstmp'] # 'tensor_array_to_tensor',
# 'dynamic_gru',
# 'dynamic_lstm',
# 'dynamic_lstmp'
]

@ -13,25 +13,45 @@
# limitations under the License. # limitations under the License.
# TODO: define loss functions of neural network # TODO: define loss functions of neural network
# __all__ = ['bpr_loss', from ...fluid.layers import bpr_loss #DEFINE_ALIAS
# 'center_loss', from ...fluid.layers import center_loss #DEFINE_ALIAS
# 'cross_entropy', from ...fluid.layers import cross_entropy #DEFINE_ALIAS
# 'dice_loss', from ...fluid.layers import dice_loss #DEFINE_ALIAS
# 'edit_distance', from ...fluid.layers import iou_similarity #DEFINE_ALIAS
# 'huber_loss', from ...fluid.layers import kldiv_loss #DEFINE_ALIAS
# 'iou_similarity', from ...fluid.layers import log_loss #DEFINE_ALIAS
# 'kldiv_loss', from ...fluid.layers import mse_loss #DEFINE_ALIAS
# 'log_loss', from ...fluid.layers import npair_loss #DEFINE_ALIAS
# 'margin_rank_loss', from ...fluid.layers import rank_loss #DEFINE_ALIAS
# 'mse_loss', from ...fluid.layers import sigmoid_cross_entropy_with_logits #DEFINE_ALIAS
# 'nce', from ...fluid.layers import sigmoid_focal_loss #DEFINE_ALIAS
# 'npair_loss', from ...fluid.layers import smooth_l1 #DEFINE_ALIAS
# 'rank_loss', from ...fluid.layers import softmax_with_cross_entropy #DEFINE_ALIAS
# 'sampled_softmax_with_cross_entropy', from ...fluid.layers import square_error_cost #DEFINE_ALIAS
# 'sigmoid_cross_entropy_with_logits', from ...fluid.layers import ssd_loss #DEFINE_ALIAS
# 'sigmoid_focal_loss', from ...fluid.layers import teacher_student_sigmoid_loss #DEFINE_ALIAS
# 'smooth_l1',
# 'softmax_with_cross_entropy', __all__ = [
# 'square_error_cost', 'bpr_loss',
# 'ssd_loss', 'center_loss',
# 'teacher_student_sigmoid_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. # limitations under the License.
# TODO: define normalization api # TODO: define normalization api
# __all__ = ['batch_norm', from ...fluid.layers import l2_normalize #DEFINE_ALIAS
# 'data_norm', from ...fluid.layers import lrn #DEFINE_ALIAS
# 'group_norm',
# 'instance_norm', __all__ = [
# 'l2_normalize', # 'batch_norm',
# 'layer_norm', # 'data_norm',
# 'lrn', # 'group_norm',
# 'spectral_norm'] # 'instance_norm',
'l2_normalize',
# 'layer_norm',
'lrn',
# 'spectral_norm'
]

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

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

@ -13,40 +13,71 @@
# limitations under the License. # limitations under the License.
# TODO: define specitial functions used in computer vision task # TODO: define specitial functions used in computer vision task
# __all__ = ['affine_channel', from ...fluid.layers import affine_channel #DEFINE_ALIAS
# 'affine_grid', from ...fluid.layers import affine_grid #DEFINE_ALIAS
# 'anchor_generator', from ...fluid.layers import anchor_generator #DEFINE_ALIAS
# 'bipartite_match', from ...fluid.layers import bipartite_match #DEFINE_ALIAS
# 'box_clip', from ...fluid.layers import box_clip #DEFINE_ALIAS
# 'box_coder', from ...fluid.layers import box_coder #DEFINE_ALIAS
# 'box_decoder_and_assign', from ...fluid.layers import box_decoder_and_assign #DEFINE_ALIAS
# 'collect_fpn_proposals', from ...fluid.layers import collect_fpn_proposals #DEFINE_ALIAS
# 'deformable_conv', from ...fluid.layers import deformable_roi_pooling #DEFINE_ALIAS
# 'deformable_roi_pooling', from ...fluid.layers import density_prior_box #DEFINE_ALIAS
# 'density_prior_box', from ...fluid.layers import detection_output #DEFINE_ALIAS
# 'detection_output', from ...fluid.layers import distribute_fpn_proposals #DEFINE_ALIAS
# 'distribute_fpn_proposals', from ...fluid.layers import generate_mask_labels #DEFINE_ALIAS
# 'fsp_matrix', from ...fluid.layers import generate_proposal_labels #DEFINE_ALIAS
# 'generate_mask_labels', from ...fluid.layers import generate_proposals #DEFINE_ALIAS
# 'generate_proposal_labels', from ...fluid.layers import grid_sampler #DEFINE_ALIAS
# 'generate_proposals', from ...fluid.layers import image_resize #DEFINE_ALIAS
# 'grid_sampler', from ...fluid.layers import prior_box #DEFINE_ALIAS
# 'image_resize', from ...fluid.layers import prroi_pool #DEFINE_ALIAS
# 'image_resize_short', from ...fluid.layers import psroi_pool #DEFINE_ALIAS
# 'multi_box_head', from ...fluid.layers import resize_bilinear #DEFINE_ALIAS
# 'pixel_shuffle', from ...fluid.layers import resize_nearest #DEFINE_ALIAS
# 'prior_box', from ...fluid.layers import resize_trilinear #DEFINE_ALIAS
# 'prroi_pool', from ...fluid.layers import roi_align #DEFINE_ALIAS
# 'psroi_pool', from ...fluid.layers import roi_pool #DEFINE_ALIAS
# 'resize_bilinear', from ...fluid.layers import space_to_depth #DEFINE_ALIAS
# 'resize_nearest', from ...fluid.layers import yolo_box #DEFINE_ALIAS
# 'resize_trilinear', from ...fluid.layers import yolov3_loss #DEFINE_ALIAS
# 'retinanet_detection_output',
# 'retinanet_target_assign', __all__ = [
# 'roi_align', 'affine_channel',
# 'roi_perspective_transform', 'affine_grid',
# 'roi_pool', 'anchor_generator',
# 'shuffle_channel', 'bipartite_match',
# 'space_to_depth', 'box_clip',
# 'yolo_box', 'box_coder',
# 'yolov3_loss'] '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. # limitations under the License.
# TODO: define the initializers to create a Parameter in neural network # TODO: define the initializers to create a Parameter in neural network
# __all__ = ['Bilinear',
# 'Constant', __all__ = [
# 'MSRA', # 'Bilinear',
# 'Normal', # 'Constant',
# 'TruncatedNormal', # 'MSRA',
# 'Uniform', # 'Normal',
# 'Xavier'] # 'TruncatedNormal',
# 'Uniform',
# 'Xavier'
]

@ -13,4 +13,9 @@
# limitations under the License. # limitations under the License.
# TODO: define input placeholders of neural network # 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 .extension import *
from .activation import * from .activation import *
from .norm 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. # limitations under the License.
# TODO: define activation functions of neural network # TODO: define activation functions of neural network
__all__ = [ __all__ = [
# 'PReLU', # 'PReLU',
'ReLU', 'ReLU',
'Sigmoid', 'Sigmoid',
# 'Softmax', # 'Softmax',
'LogSoftmax', 'LogSoftmax',
'HSigmoid' 'HSigmoid'
] ]

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

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

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

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

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

Loading…
Cancel
Save