Skip to content
体验新版
项目
组织
正在加载...
登录
切换导航
打开侧边栏
BaiXuePrincess
Paddle
提交
058aa381
P
Paddle
项目概览
BaiXuePrincess
/
Paddle
与 Fork 源项目一致
Fork自
PaddlePaddle / Paddle
通知
1
Star
1
Fork
0
代码
文件
提交
分支
Tags
贡献者
分支图
Diff
Issue
0
列表
看板
标记
里程碑
合并请求
0
Wiki
0
Wiki
分析
仓库
DevOps
项目成员
Pages
P
Paddle
项目概览
项目概览
详情
发布
仓库
仓库
文件
提交
分支
标签
贡献者
分支图
比较
Issue
0
Issue
0
列表
看板
标记
里程碑
合并请求
0
合并请求
0
Pages
分析
分析
仓库分析
DevOps
Wiki
0
Wiki
成员
成员
收起侧边栏
关闭侧边栏
动态
分支图
创建新Issue
提交
Issue看板
未验证
提交
058aa381
编写于
11月 18, 2022
作者:
傅
傅剑寒
提交者:
GitHub
11月 18, 2022
浏览文件
操作
浏览文件
下载
电子邮件补丁
差异文件
(fluid清理)remove stack in nn.py under fluid (#47942)
上级
b0e28540
变更
12
显示空白变更内容
内联
并排
Showing
12 changed file
with
25 addition
and
163 deletion
+25
-163
python/paddle/fluid/dataloader/collate.py
python/paddle/fluid/dataloader/collate.py
+1
-1
python/paddle/fluid/layers/nn.py
python/paddle/fluid/layers/nn.py
+0
-142
python/paddle/fluid/layers/rnn.py
python/paddle/fluid/layers/rnn.py
+5
-3
python/paddle/fluid/layers/tensor.py
python/paddle/fluid/layers/tensor.py
+2
-1
python/paddle/fluid/tests/unittests/dygraph_to_static/bert_dygraph_model.py
...d/tests/unittests/dygraph_to_static/bert_dygraph_model.py
+1
-1
python/paddle/fluid/tests/unittests/dygraph_to_static/seq2seq_dygraph_model.py
...ests/unittests/dygraph_to_static/seq2seq_dygraph_model.py
+7
-7
python/paddle/fluid/tests/unittests/dygraph_to_static/test_list.py
...ddle/fluid/tests/unittests/dygraph_to_static/test_list.py
+1
-1
python/paddle/fluid/tests/unittests/dygraph_to_static/transformer_dygraph_model.py
.../unittests/dygraph_to_static/transformer_dygraph_model.py
+3
-3
python/paddle/fluid/tests/unittests/ipu/test_stack_op_ipu.py
python/paddle/fluid/tests/unittests/ipu/test_stack_op_ipu.py
+1
-1
python/paddle/fluid/tests/unittests/npu/test_stack_op_npu.py
python/paddle/fluid/tests/unittests/npu/test_stack_op_npu.py
+1
-1
python/paddle/fluid/tests/unittests/test_dynamic_rnn_stop_gradient.py
...e/fluid/tests/unittests/test_dynamic_rnn_stop_gradient.py
+2
-1
python/paddle/fluid/tests/unittests/test_stack_op.py
python/paddle/fluid/tests/unittests/test_stack_op.py
+1
-1
未找到文件。
python/paddle/fluid/dataloader/collate.py
浏览文件 @
058aa381
...
...
@@ -58,7 +58,7 @@ def default_collate_fn(batch):
batch
=
np
.
stack
(
batch
,
axis
=
0
)
return
batch
elif
isinstance
(
sample
,
(
paddle
.
Tensor
,
core
.
eager
.
Tensor
)):
return
layers
.
stack
(
batch
,
axis
=
0
)
return
paddle
.
stack
(
batch
,
axis
=
0
)
elif
isinstance
(
sample
,
numbers
.
Number
):
batch
=
np
.
array
(
batch
)
return
batch
...
...
python/paddle/fluid/layers/nn.py
浏览文件 @
058aa381
...
...
@@ -137,7 +137,6 @@ __all__ = [
'brelu',
'leaky_relu',
'flatten',
'stack',
'pad2d',
'unique',
'unique_with_counts',
...
...
@@ -10247,147 +10246,6 @@ def flatten(x, axis=1, name=None):
return out
def stack(x, axis=0, name=None):
"""
This OP stacks all the inputs :code:`x` along axis.
.. code-block:: text
Case 1:
Input:
x[0].shape = [1, 2]
x[0].data = [ [1.0 , 2.0 ] ]
x[1].shape = [1, 2]
x[1].data = [ [3.0 , 4.0 ] ]
x[2].shape = [1, 2]
x[2].data = [ [5.0 , 6.0 ] ]
Attrs:
axis = 0
Output:
Out.dims = [3, 1, 2]
Out.data =[ [ [1.0, 2.0] ],
[ [3.0, 4.0] ],
[ [5.0, 6.0] ] ]
Case 2:
Input:
x[0].shape = [1, 2]
x[0].data = [ [1.0 , 2.0 ] ]
x[1].shape = [1, 2]
x[1].data = [ [3.0 , 4.0 ] ]
x[2].shape = [1, 2]
x[2].data = [ [5.0 , 6.0 ] ]
Attrs:
axis = 1 or axis = -2
Output:
Out.shape = [1, 3, 2]
Out.data =[ [ [1.0, 2.0]
[3.0, 4.0]
[5.0, 6.0] ] ]
Args:
x (list(Variable)|tuple(Variable)): Input :code:`x` can be a :code:`list` or :code:`tuple` of Tensors, the shapes of all these Tensors
must be the same. Supposing input is N dims
Tensors :math:`[d_0, d_1, ..., d_{n-1}]`, the output is N+1 dims
Tensor :math:`[d_0, d_1, d_{axis-1}, len(x), d_{axis}, ..., d_{n-1}]`.
Supported data types: float32, float64, int32, int64.
axis (int, optional): The axis along which all inputs are stacked. ``axis`` range is ``[-(R+1), R+1)``,
where ``R`` is the number of dimensions of the first input tensor ``x[0]``.
If ``axis < 0``, ``axis = axis+R+1``. The default value of axis is 0.
name (str, optional): Please refer to :ref:`api_guide_Name`, Default None.
Returns:
Variable: The stacked Tensor, has same data type with input Tensors. Output dim is :math:`rank(x[0])+1`.
Examples:
.. code-block:: python
import paddle.fluid as fluid
import paddle.fluid.layers as layers
# set batch size=None
x1 = fluid.data(name='x1', shape=[None, 1, 2], dtype='int32')
x2 = fluid.data(name='x2', shape=[None, 1, 2], dtype='int32')
# stack Tensor list
data = layers.stack([x1,x2]) # stack according to axis 0, data.shape=[2, None, 1, 2]
data = layers.stack([x1,x2], axis=1) # stack according to axis 1, data.shape=[None, 2, 1, 2]
"""
axis = 0 if axis is None else axis
if in_dygraph_mode():
return _C_ops.stack(x, axis)
if _in_legacy_dygraph():
return _legacy_C_ops.stack(x, 'axis', axis)
if not isinstance(x, list) and not isinstance(x, tuple):
# NOTE:(zhiqiu) Only support Variable as input if the Variable is a LOD_TENSOR_ARRAY create by create_array, array_write, array_read, etc.
# In that case, Variable is array of tensors indeed.
if (
isinstance(x, Variable)
and x.desc.type() == core.VarDesc.VarType.LOD_TENSOR_ARRAY
):
x = [x]
else:
raise TypeError(
"The type of '%s' in %s must be %s, but received %s"
% (
'x',
'stack',
'list[Tensor], tuple[Tensor] or TensorArray',
type(x),
)
)
helper = LayerHelper('stack', **locals())
out = helper.create_variable_for_type_inference(x[0].dtype)
if x[0].desc.type() == core.VarDesc.VarType.LOD_TENSOR_ARRAY:
assert len(x) == 1, (
"If the elements of 'x' in stack are Variable(LoDTensorArray), "
"number of the elements must be 1, but received %s." % len(x)
)
out_index = helper.create_variable_for_type_inference(dtype="int32")
for i in x:
check_variable_and_dtype(
i,
'x',
['float16', 'float32', 'float64', 'int32', 'int64'],
'stack',
)
helper.append_op(
type='tensor_array_to_tensor',
inputs={'X': x[0]},
outputs={'Out': [out], 'OutIndex': [out_index]},
attrs={'axis': axis, 'use_stack': True},
)
else:
helper.append_op(
type='stack',
inputs={'X': x},
outputs={'Y': out},
attrs={'axis': axis},
)
return out
@templatedoc(op_type="filter_by_instag")
def filter_by_instag(ins, ins_tag, filter_tag, is_lod, out_val_if_empty=0):
"""
...
...
python/paddle/fluid/layers/rnn.py
浏览文件 @
058aa381
...
...
@@ -623,7 +623,7 @@ def _rnn_dynamic_graph(
)
final_outputs
=
map_structure
(
lambda
x
:
nn
.
stack
(
x
.
array
,
axis
=
time_step_index
),
outputs
lambda
x
:
paddle
.
stack
(
x
.
array
,
axis
=
time_step_index
),
outputs
)
if
is_reverse
:
...
...
@@ -1167,7 +1167,7 @@ class BeamSearchDecoder(Decoder):
),
[
1
,
self
.
beam_size
],
)
topk_coordinates
=
nn
.
stack
([
batch_pos
,
indices
],
axis
=
2
)
topk_coordinates
=
paddle
.
stack
([
batch_pos
,
indices
],
axis
=
2
)
topk_coordinates
.
stop_gradient
=
True
return
nn
.
gather_nd
(
x
,
topk_coordinates
)
...
...
@@ -1546,7 +1546,9 @@ def _dynamic_decode_imperative(
if
max_step_num
is
not
None
and
step_idx
>
max_step_num
:
break
final_outputs
=
map_structure
(
lambda
x
:
nn
.
stack
(
x
.
array
,
axis
=
0
),
outputs
)
final_outputs
=
map_structure
(
lambda
x
:
paddle
.
stack
(
x
.
array
,
axis
=
0
),
outputs
)
final_states
=
states
try
:
...
...
python/paddle/fluid/layers/tensor.py
浏览文件 @
058aa381
...
...
@@ -571,8 +571,9 @@ def tensor_array_to_tensor(input, axis=1, name=None, use_stack=False):
assert
isinstance
(
input
,
list
),
"The 'input' in tensor_array_to_tensor must be list"
from
.nn
import
stack
,
concat
from
.nn
import
concat
from
..dygraph
import
to_variable
from
paddle
import
stack
op
=
stack
if
use_stack
else
concat
res
=
op
(
input
,
axis
=
axis
)
...
...
python/paddle/fluid/tests/unittests/dygraph_to_static/bert_dygraph_model.py
浏览文件 @
058aa381
...
...
@@ -279,7 +279,7 @@ class BertModelLayer(Layer):
self_attn_mask
=
fluid
.
layers
.
scale
(
x
=
self_attn_mask
,
scale
=
10000.0
,
bias
=-
1.0
,
bias_after_scale
=
False
)
n_head_self_attn_mask
=
fluid
.
layers
.
stack
(
n_head_self_attn_mask
=
paddle
.
stack
(
x
=
[
self_attn_mask
]
*
self
.
_n_head
,
axis
=
1
)
n_head_self_attn_mask
.
stop_gradient
=
True
...
...
python/paddle/fluid/tests/unittests/dygraph_to_static/seq2seq_dygraph_model.py
浏览文件 @
058aa381
...
...
@@ -196,7 +196,7 @@ class BaseModel(fluid.dygraph.Layer):
return
new_state
def
_gather
(
self
,
x
,
indices
,
batch_pos
):
topk_coordinates
=
fluid
.
layers
.
stack
([
batch_pos
,
indices
],
axis
=
2
)
topk_coordinates
=
paddle
.
stack
([
batch_pos
,
indices
],
axis
=
2
)
return
fluid
.
layers
.
gather_nd
(
x
,
topk_coordinates
)
@
declarative
...
...
@@ -288,7 +288,7 @@ class BaseModel(fluid.dygraph.Layer):
step_input
=
new_hidden
dec_output
.
append
(
step_input
)
dec_output
=
fluid
.
layers
.
stack
(
dec_output
)
dec_output
=
paddle
.
stack
(
dec_output
)
dec_output
=
self
.
fc
(
self
.
_transpose_batch_time
(
dec_output
))
loss
=
fluid
.
layers
.
softmax_with_cross_entropy
(
logits
=
dec_output
,
label
=
label
,
soft_label
=
False
...
...
@@ -498,8 +498,8 @@ class BaseModel(fluid.dygraph.Layer):
predicted_ids
.
append
(
token_indices
)
parent_ids
.
append
(
beam_indices
)
predicted_ids
=
fluid
.
layers
.
stack
(
predicted_ids
)
parent_ids
=
fluid
.
layers
.
stack
(
parent_ids
)
predicted_ids
=
paddle
.
stack
(
predicted_ids
)
parent_ids
=
paddle
.
stack
(
parent_ids
)
predicted_ids
=
fluid
.
layers
.
gather_tree
(
predicted_ids
,
parent_ids
)
predicted_ids
=
self
.
_transpose_batch_time
(
predicted_ids
)
return
predicted_ids
...
...
@@ -680,7 +680,7 @@ class AttentionModel(fluid.dygraph.Layer):
return
new_state
def
_gather
(
self
,
x
,
indices
,
batch_pos
):
topk_coordinates
=
fluid
.
layers
.
stack
([
batch_pos
,
indices
],
axis
=
2
)
topk_coordinates
=
paddle
.
stack
([
batch_pos
,
indices
],
axis
=
2
)
return
fluid
.
layers
.
gather_nd
(
x
,
topk_coordinates
)
def
attention
(
self
,
query
,
enc_output
,
mask
=
None
):
...
...
@@ -774,7 +774,7 @@ class AttentionModel(fluid.dygraph.Layer):
enc_outputs
.
append
(
enc_step_input
)
enc_hidden
,
enc_cell
=
new_enc_hidden
,
new_enc_cell
enc_outputs
=
fluid
.
layers
.
stack
(
enc_outputs
)
enc_outputs
=
paddle
.
stack
(
enc_outputs
)
enc_outputs
=
self
.
_transpose_batch_time
(
enc_outputs
)
# train
...
...
@@ -815,7 +815,7 @@ class AttentionModel(fluid.dygraph.Layer):
dec_output
.
append
(
out
)
dec_hidden
,
dec_cell
=
new_dec_hidden
,
new_dec_cell
dec_output
=
fluid
.
layers
.
stack
(
dec_output
)
dec_output
=
paddle
.
stack
(
dec_output
)
dec_output
=
self
.
fc
(
self
.
_transpose_batch_time
(
dec_output
))
loss
=
fluid
.
layers
.
softmax_with_cross_entropy
(
logits
=
dec_output
,
label
=
label
,
soft_label
=
False
...
...
python/paddle/fluid/tests/unittests/dygraph_to_static/test_list.py
浏览文件 @
058aa381
...
...
@@ -121,7 +121,7 @@ def test_list_append_in_while_loop_with_stack(x, iter_num):
while
i
<
iter_num
.
numpy
()[
0
]:
a
.
append
(
x
)
i
+=
1
out
=
fluid
.
layers
.
stack
(
a
,
axis
=
1
)
out
=
paddle
.
stack
(
a
,
axis
=
1
)
return
out
...
...
python/paddle/fluid/tests/unittests/dygraph_to_static/transformer_dygraph_model.py
浏览文件 @
058aa381
...
...
@@ -762,7 +762,7 @@ class Transformer(Layer):
return
probs
def
gather
(
input
,
indices
,
batch_pos
):
topk_coordinates
=
fluid
.
layers
.
stack
([
batch_pos
,
indices
],
axis
=
2
)
topk_coordinates
=
paddle
.
stack
([
batch_pos
,
indices
],
axis
=
2
)
return
layers
.
gather_nd
(
input
,
topk_coordinates
)
# run encoder
...
...
@@ -876,8 +876,8 @@ class Transformer(Layer):
if
layers
.
reduce_all
(
finished
).
numpy
():
break
predict_ids
=
layers
.
stack
(
predict_ids
,
axis
=
0
)
parent_ids
=
layers
.
stack
(
parent_ids
,
axis
=
0
)
predict_ids
=
paddle
.
stack
(
predict_ids
,
axis
=
0
)
parent_ids
=
paddle
.
stack
(
parent_ids
,
axis
=
0
)
finished_seq
=
layers
.
transpose
(
layers
.
gather_tree
(
predict_ids
,
parent_ids
),
[
1
,
2
,
0
]
)
...
...
python/paddle/fluid/tests/unittests/ipu/test_stack_op_ipu.py
浏览文件 @
058aa381
...
...
@@ -62,7 +62,7 @@ class TestBase(IPUOpTest):
z
=
paddle
.
static
.
data
(
name
=
self
.
feed_list
[
2
],
shape
=
self
.
feed_shape
[
2
],
dtype
=
'float32'
)
out
=
paddle
.
fluid
.
layers
.
stack
([
x
,
y
,
z
],
**
self
.
attrs
)
out
=
paddle
.
stack
([
x
,
y
,
z
],
**
self
.
attrs
)
self
.
fetch_list
=
[
out
.
name
]
def
run_model
(
self
,
exec_mode
):
...
...
python/paddle/fluid/tests/unittests/npu/test_stack_op_npu.py
浏览文件 @
058aa381
...
...
@@ -144,7 +144,7 @@ class TestStackAPIWithLoDTensorArray(unittest.TestCase):
for
i
in
range
(
self
.
iter_num
):
fluid
.
layers
.
array_write
(
input
,
zero
+
i
,
tensor_array
)
self
.
out_var
=
fluid
.
layers
.
stack
(
tensor_array
,
axis
=
self
.
axis
)
self
.
out_var
=
paddle
.
stack
(
tensor_array
,
axis
=
self
.
axis
)
def
test_case
(
self
):
self
.
assertTrue
(
self
.
out_var
.
shape
[
self
.
axis
]
==
-
1
)
...
...
python/paddle/fluid/tests/unittests/test_dynamic_rnn_stop_gradient.py
浏览文件 @
058aa381
...
...
@@ -16,6 +16,7 @@ import numpy as np
import
paddle.fluid
as
fluid
import
paddle.fluid.layers
as
layers
import
unittest
import
paddle
def
build_and_run_program
(
place
,
batch_size
,
beam_size
,
stop_gradient
=
False
):
...
...
@@ -45,7 +46,7 @@ def build_and_run_program(place, batch_size, beam_size, stop_gradient=False):
layers
.
unsqueeze
(
layers
.
range
(
0
,
bs
,
1
,
dtype
=
bs
.
dtype
),
[
1
]),
[
1
,
beam_size
],
)
topk_coordinates
=
layers
.
stack
([
batch_pos
,
indices
],
axis
=
2
)
topk_coordinates
=
paddle
.
stack
([
batch_pos
,
indices
],
axis
=
2
)
topk_coordinates
.
stop_gradient
=
stop_gradient
score
=
layers
.
gather_nd
(
x
,
topk_coordinates
)
layers
.
increment
(
x
=
step_idx
,
value
=
1.0
,
in_place
=
True
)
...
...
python/paddle/fluid/tests/unittests/test_stack_op.py
浏览文件 @
058aa381
...
...
@@ -172,7 +172,7 @@ class TestStackAPIWithLoDTensorArray(unittest.TestCase):
for
i
in
range
(
self
.
iter_num
):
fluid
.
layers
.
array_write
(
input
,
zero
+
i
,
tensor_array
)
self
.
out_var
=
fluid
.
layers
.
stack
(
tensor_array
,
axis
=
self
.
axis
)
self
.
out_var
=
paddle
.
stack
(
tensor_array
,
axis
=
self
.
axis
)
def
test_case
(
self
):
self
.
assertTrue
(
self
.
out_var
.
shape
[
self
.
axis
]
==
-
1
)
...
...
编辑
预览
Markdown
is supported
0%
请重试
或
添加新附件
.
添加附件
取消
You are about to add
0
people
to the discussion. Proceed with caution.
先完成此消息的编辑!
取消
想要评论请
注册
或
登录