未验证 提交 2aefc45b 编写于 作者: Z zqw_1997 提交者: GitHub

[Cherry-pick 2.5][Zero-Dim] paddle.to_tensor support 0D (#53599)

* fix doc erros, test=allcase

* conflict

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* test=allcase

* fix doc erros, test=allcase

* fix the to_tensor error
上级 3ffe8f36
...@@ -1351,7 +1351,7 @@ void BindImperative(py::module *m_ptr) { ...@@ -1351,7 +1351,7 @@ void BindImperative(py::module *m_ptr) {
import paddle import paddle
x = paddle.to_tensor(1.0, stop_gradient=False) x = paddle.to_tensor([1.0], stop_gradient=False)
detach_x = x.detach() detach_x = x.detach()
detach_x[:] = 10.0 detach_x[:] = 10.0
print(x) # Tensor(shape=[1], dtype=float32, place=CPUPlace, stop_gradient=False, print(x) # Tensor(shape=[1], dtype=float32, place=CPUPlace, stop_gradient=False,
......
...@@ -13,6 +13,8 @@ ...@@ -13,6 +13,8 @@
import math import math
from typing import List, Tuple, Union from typing import List, Tuple, Union
import numpy as np
import paddle import paddle
from paddle import Tensor from paddle import Tensor
...@@ -38,7 +40,12 @@ window_function_register = WindowFunctionRegister() ...@@ -38,7 +40,12 @@ window_function_register = WindowFunctionRegister()
@window_function_register.register() @window_function_register.register()
def _cat(x: List[Tensor], data_type: str) -> Tensor: def _cat(x: List[Tensor], data_type: str) -> Tensor:
l = [paddle.to_tensor(_, data_type) for _ in x] l = []
for t in x:
if np.isscalar(t) and not isinstance(t, str):
l.append(paddle.to_tensor([t], data_type))
else:
l.append(paddle.to_tensor(t, data_type))
return paddle.concat(l) return paddle.concat(l)
......
...@@ -117,7 +117,7 @@ class SendRecvMeta: ...@@ -117,7 +117,7 @@ class SendRecvMeta:
def _send_dims_shape_dtype(self, tensor, group): def _send_dims_shape_dtype(self, tensor, group):
# send len(shape) # send len(shape)
dims = paddle.to_tensor(len(tensor.shape)) dims = paddle.to_tensor([len(tensor.shape)])
dst_rank = _hcg._get_p2p_next_rank() dst_rank = _hcg._get_p2p_next_rank()
paddle.distributed.send(dims, dst=dst_rank, group=group) paddle.distributed.send(dims, dst=dst_rank, group=group)
...@@ -127,11 +127,11 @@ class SendRecvMeta: ...@@ -127,11 +127,11 @@ class SendRecvMeta:
paddle.distributed.send(shape, dst=dst_rank, group=group) paddle.distributed.send(shape, dst=dst_rank, group=group)
# send dtype # send dtype
dtype = paddle.to_tensor(paddle_2_number(tensor.dtype)) dtype = paddle.to_tensor([paddle_2_number(tensor.dtype)])
paddle.distributed.send(dtype, dst=dst_rank, group=group) paddle.distributed.send(dtype, dst=dst_rank, group=group)
# send trainable # send trainable
stop_grad = paddle.to_tensor(int(tensor.stop_gradient)) stop_grad = paddle.to_tensor([int(tensor.stop_gradient)])
paddle.distributed.send(stop_grad, dst=dst_rank, group=group) paddle.distributed.send(stop_grad, dst=dst_rank, group=group)
def send_meta(self, tensor, group): def send_meta(self, tensor, group):
...@@ -148,7 +148,7 @@ class SendRecvMeta: ...@@ -148,7 +148,7 @@ class SendRecvMeta:
# send tensor type # send tensor type
paddle.distributed.send(tensor_type, dst=dst_rank, group=group) paddle.distributed.send(tensor_type, dst=dst_rank, group=group)
nums = paddle.to_tensor(len(tensor)) nums = paddle.to_tensor([len(tensor)])
paddle.distributed.send(nums, dst=dst_rank, group=group) paddle.distributed.send(nums, dst=dst_rank, group=group)
for d in tensor: for d in tensor:
......
...@@ -82,7 +82,7 @@ class TestRandomControl(unittest.TestCase): ...@@ -82,7 +82,7 @@ class TestRandomControl(unittest.TestCase):
): ):
for np_mask in [mask_np_list[i] for i in comapre_idx]: for np_mask in [mask_np_list[i] for i in comapre_idx]:
mask_tensor_local = paddle.to_tensor(np_mask.astype("float32")) mask_tensor_local = paddle.to_tensor([np_mask.astype("float32")])
if rank == 0: if rank == 0:
mask_tensor_remote = paddle.ones_like(mask_tensor_local) mask_tensor_remote = paddle.ones_like(mask_tensor_local)
dy_broadcast_helper(mask_tensor_remote) dy_broadcast_helper(mask_tensor_remote)
......
...@@ -233,7 +233,7 @@ class MultiHeadAttention(nn.Layer): ...@@ -233,7 +233,7 @@ class MultiHeadAttention(nn.Layer):
product = paddle.matmul(x=q, y=k, transpose_y=True) product = paddle.matmul(x=q, y=k, transpose_y=True)
product = paddle.multiply( product = paddle.multiply(
product, product,
paddle.to_tensor(self.head_dim**-0.5, dtype=product.dtype), paddle.to_tensor([self.head_dim**-0.5], dtype=product.dtype),
) )
if attn_mask is not None: if attn_mask is not None:
product = product + attn_mask product = product + attn_mask
......
...@@ -184,10 +184,10 @@ class BernoulliTest(unittest.TestCase): ...@@ -184,10 +184,10 @@ class BernoulliTest(unittest.TestCase):
('probs_00', 0.0, 'float64', 'float32'), ('probs_00', 0.0, 'float64', 'float32'),
('probs_03', 0.3, 'float64', 'float32'), ('probs_03', 0.3, 'float64', 'float32'),
('probs_10', 1.0, 'float64', 'float32'), ('probs_10', 1.0, 'float64', 'float32'),
('probs_tensor_03_32', paddle.to_tensor(0.3), 'float32', 'float32'), ('probs_tensor_03_32', paddle.to_tensor([0.3]), 'float32', 'float32'),
( (
'probs_tensor_03_64', 'probs_tensor_03_64',
paddle.to_tensor(0.3, dtype='float64'), paddle.to_tensor([0.3], dtype='float64'),
'float64', 'float64',
'float64', 'float64',
), ),
...@@ -257,11 +257,11 @@ class BernoulliTestFeature(BernoulliTest): ...@@ -257,11 +257,11 @@ class BernoulliTestFeature(BernoulliTest):
), ),
( (
paddle.to_tensor( paddle.to_tensor(
0.0, [0.0],
), ),
), ),
(paddle.to_tensor(1.0),), (paddle.to_tensor([1.0]),),
(paddle.to_tensor(0.0, dtype='float64'),), (paddle.to_tensor([0.0], dtype='float64'),),
] ]
) )
def test_log_prob(self, value): def test_log_prob(self, value):
...@@ -291,9 +291,9 @@ class BernoulliTestFeature(BernoulliTest): ...@@ -291,9 +291,9 @@ class BernoulliTestFeature(BernoulliTest):
] ]
), ),
), ),
(paddle.to_tensor(0.0),), (paddle.to_tensor([0.0]),),
(paddle.to_tensor(1.0),), (paddle.to_tensor([1.0]),),
(paddle.to_tensor(0.0, dtype='float64'),), (paddle.to_tensor([0.0], dtype='float64'),),
] ]
) )
def test_prob(self, value): def test_prob(self, value):
...@@ -323,11 +323,11 @@ class BernoulliTestFeature(BernoulliTest): ...@@ -323,11 +323,11 @@ class BernoulliTestFeature(BernoulliTest):
] ]
), ),
), ),
(paddle.to_tensor(0.0),), (paddle.to_tensor([0.0]),),
(paddle.to_tensor(0.3),), (paddle.to_tensor([0.3]),),
(paddle.to_tensor(0.7),), (paddle.to_tensor([0.7]),),
(paddle.to_tensor(1.0),), (paddle.to_tensor([1.0]),),
(paddle.to_tensor(0.0, dtype='float64'),), (paddle.to_tensor([0.0], dtype='float64'),),
] ]
) )
def test_cdf(self, value): def test_cdf(self, value):
...@@ -359,7 +359,7 @@ class BernoulliTestFeature(BernoulliTest): ...@@ -359,7 +359,7 @@ class BernoulliTestFeature(BernoulliTest):
def test_kl_divergence(self): def test_kl_divergence(self):
with paddle.fluid.dygraph.guard(self.place): with paddle.fluid.dygraph.guard(self.place):
other_probs = paddle.to_tensor(0.9, dtype=self.dtype) other_probs = paddle.to_tensor([0.9], dtype=self.dtype)
rv_paddle_other = Bernoulli(other_probs) rv_paddle_other = Bernoulli(other_probs)
rv_np_other = BernoulliNumpy(other_probs) rv_np_other = BernoulliNumpy(other_probs)
...@@ -422,7 +422,7 @@ class BernoulliTestFeature(BernoulliTest): ...@@ -422,7 +422,7 @@ class BernoulliTestFeature(BernoulliTest):
# 1-D probs # 1-D probs
( (
'probs_1d_1d_32', 'probs_1d_1d_32',
paddle.to_tensor(0.3), paddle.to_tensor([0.3]),
'float32', 'float32',
'float32', 'float32',
[ [
...@@ -432,7 +432,7 @@ class BernoulliTestFeature(BernoulliTest): ...@@ -432,7 +432,7 @@ class BernoulliTestFeature(BernoulliTest):
), ),
( (
'probs_1d_1d_64', 'probs_1d_1d_64',
paddle.to_tensor(0.3, dtype='float64'), paddle.to_tensor([0.3], dtype='float64'),
'float64', 'float64',
'float64', 'float64',
paddle.to_tensor( paddle.to_tensor(
...@@ -444,7 +444,7 @@ class BernoulliTestFeature(BernoulliTest): ...@@ -444,7 +444,7 @@ class BernoulliTestFeature(BernoulliTest):
), ),
( (
'probs_1d_2d', 'probs_1d_2d',
paddle.to_tensor(0.3), paddle.to_tensor([0.3]),
'float32', 'float32',
'float32', 'float32',
[100, 2], [100, 2],
...@@ -452,7 +452,7 @@ class BernoulliTestFeature(BernoulliTest): ...@@ -452,7 +452,7 @@ class BernoulliTestFeature(BernoulliTest):
), ),
( (
'probs_1d_3d', 'probs_1d_3d',
paddle.to_tensor(0.3), paddle.to_tensor([0.3]),
'float32', 'float32',
'float32', 'float32',
[100, 2, 3], [100, 2, 3],
......
...@@ -523,7 +523,7 @@ class TestChainTransform(unittest.TestCase): ...@@ -523,7 +523,7 @@ class TestChainTransform(unittest.TestCase):
transform.ChainTransform( transform.ChainTransform(
( (
transform.AffineTransform( transform.AffineTransform(
paddle.to_tensor(0.0), paddle.to_tensor(1.0) paddle.to_tensor([0.0]), paddle.to_tensor([1.0])
), ),
transform.ExpTransform(), transform.ExpTransform(),
) )
...@@ -560,7 +560,7 @@ class TestChainTransform(unittest.TestCase): ...@@ -560,7 +560,7 @@ class TestChainTransform(unittest.TestCase):
transform.ChainTransform( transform.ChainTransform(
( (
transform.AffineTransform( transform.AffineTransform(
paddle.to_tensor(0.0), paddle.to_tensor(-1.0) paddle.to_tensor([0.0]), paddle.to_tensor([-1.0])
), ),
transform.ExpTransform(), transform.ExpTransform(),
) )
...@@ -595,9 +595,9 @@ class TestChainTransform(unittest.TestCase): ...@@ -595,9 +595,9 @@ class TestChainTransform(unittest.TestCase):
transform.ChainTransform( transform.ChainTransform(
( (
transform.AffineTransform( transform.AffineTransform(
paddle.to_tensor(0.0), paddle.to_tensor(-1.0) paddle.to_tensor([0.0]), paddle.to_tensor([-1.0])
), ),
transform.PowerTransform(paddle.to_tensor(2.0)), transform.PowerTransform(paddle.to_tensor([2.0])),
) )
), ),
np.array([1.0, 2.0, 3.0]), np.array([1.0, 2.0, 3.0]),
...@@ -619,7 +619,7 @@ class TestChainTransform(unittest.TestCase): ...@@ -619,7 +619,7 @@ class TestChainTransform(unittest.TestCase):
transform.ChainTransform( transform.ChainTransform(
( (
transform.AffineTransform( transform.AffineTransform(
paddle.to_tensor(0.0), paddle.to_tensor(-1.0) paddle.to_tensor([0.0]), paddle.to_tensor([-1.0])
), ),
transform.ExpTransform(), transform.ExpTransform(),
) )
...@@ -638,7 +638,7 @@ class TestChainTransform(unittest.TestCase): ...@@ -638,7 +638,7 @@ class TestChainTransform(unittest.TestCase):
transform.ChainTransform( transform.ChainTransform(
( (
transform.AffineTransform( transform.AffineTransform(
paddle.to_tensor(0.0), paddle.to_tensor(-1.0) paddle.to_tensor([0.0]), paddle.to_tensor([-1.0])
), ),
transform.ExpTransform(), transform.ExpTransform(),
) )
...@@ -743,7 +743,7 @@ class TestIndependentTransform(unittest.TestCase): ...@@ -743,7 +743,7 @@ class TestIndependentTransform(unittest.TestCase):
@param.place(config.DEVICES) @param.place(config.DEVICES)
class TestPowerTransform(unittest.TestCase): class TestPowerTransform(unittest.TestCase):
def setUp(self): def setUp(self):
self._t = transform.PowerTransform(paddle.to_tensor(2.0)) self._t = transform.PowerTransform(paddle.to_tensor([2.0]))
def test_init(self): def test_init(self):
with self.assertRaises(TypeError): with self.assertRaises(TypeError):
......
...@@ -41,7 +41,7 @@ class TestIndependent(unittest.TestCase): ...@@ -41,7 +41,7 @@ class TestIndependent(unittest.TestCase):
return np.sum(value, tuple(range(-n, 0))) if n > 0 else value return np.sum(value, tuple(range(-n, 0))) if n > 0 else value
def test_log_prob(self): def test_log_prob(self):
value = paddle.to_tensor(0.5) value = paddle.to_tensor([0.5])
np.testing.assert_allclose( np.testing.assert_allclose(
self.simple_log_prob(value, self.base, self.transforms), self.simple_log_prob(value, self.base, self.transforms),
self._t.log_prob(value), self._t.log_prob(value),
......
...@@ -139,8 +139,8 @@ class TestDispatch(unittest.TestCase): ...@@ -139,8 +139,8 @@ class TestDispatch(unittest.TestCase):
), ),
( (
'test-same-dist', 'test-same-dist',
mock.Exponential(paddle.to_tensor(1.0)), mock.Exponential(paddle.to_tensor([1.0])),
mock.Exponential(paddle.to_tensor(1.0)), mock.Exponential(paddle.to_tensor([1.0])),
), ),
], ],
) )
......
...@@ -40,7 +40,7 @@ class SimpleNet(paddle.nn.Layer): ...@@ -40,7 +40,7 @@ class SimpleNet(paddle.nn.Layer):
self.step = 0 self.step = 0
def forward(self, x): def forward(self, x):
return paddle.to_tensor(0.0, dtype='float32') return paddle.to_tensor([0.0], dtype='float32')
def fake_sample_reader(): def fake_sample_reader():
......
...@@ -104,7 +104,7 @@ class TestDygraph(unittest.TestCase): ...@@ -104,7 +104,7 @@ class TestDygraph(unittest.TestCase):
a = np.random.rand(3, 3) a = np.random.rand(3, 3)
a_t = np.transpose(a, [1, 0]) a_t = np.transpose(a, [1, 0])
x_data = np.matmul(a, a_t) + 1e-03 x_data = np.matmul(a, a_t) + 1e-03
x = paddle.to_tensor(x_data) x = paddle.to_tensor([x_data])
out = paddle.cholesky(x, upper=False) out = paddle.cholesky(x, upper=False)
......
...@@ -74,7 +74,7 @@ class TestDeg2radAPI2(TestDeg2radAPI): ...@@ -74,7 +74,7 @@ class TestDeg2radAPI2(TestDeg2radAPI):
def test_dygraph(self): def test_dygraph(self):
paddle.disable_static() paddle.disable_static()
x2 = paddle.to_tensor(180) x2 = paddle.to_tensor([180])
result2 = paddle.deg2rad(x2) result2 = paddle.deg2rad(x2)
np.testing.assert_allclose(np.pi, result2.numpy(), rtol=1e-05) np.testing.assert_allclose(np.pi, result2.numpy(), rtol=1e-05)
......
...@@ -111,7 +111,7 @@ class TestDeprecatedDocorator(unittest.TestCase): ...@@ -111,7 +111,7 @@ class TestDeprecatedDocorator(unittest.TestCase):
def test_tensor_gradient(self): def test_tensor_gradient(self):
paddle.__version__ = '2.1.0' paddle.__version__ = '2.1.0'
x = paddle.to_tensor(5.0, stop_gradient=False) x = paddle.to_tensor([5.0], stop_gradient=False)
y = paddle.pow(x, 4.0) y = paddle.pow(x, 4.0)
y.backward() y.backward()
......
...@@ -553,7 +553,7 @@ class TestBF16(unittest.TestCase): ...@@ -553,7 +553,7 @@ class TestBF16(unittest.TestCase):
B = paddle.to_tensor(np.array([2.0, 3.0])).astype(paddle.bfloat16) B = paddle.to_tensor(np.array([2.0, 3.0])).astype(paddle.bfloat16)
B = B.cuda() B = B.cuda()
C = paddle.einsum('i,i->', A, B) C = paddle.einsum('i,i->', A, B)
D = paddle.to_tensor(8.0).astype(paddle.bfloat16) D = paddle.to_tensor([8.0]).astype(paddle.bfloat16)
self.assertEqual(C.item(), D.item()) self.assertEqual(C.item(), D.item())
......
...@@ -259,11 +259,11 @@ class TestDygraphInplaceReshape(TestDygraphInplace): ...@@ -259,11 +259,11 @@ class TestDygraphInplaceReshape(TestDygraphInplace):
class TestDygraphInplaceReshapeTensor(TestDygraphInplace): class TestDygraphInplaceReshapeTensor(TestDygraphInplace):
def non_inplace_api_processing(self, var): def non_inplace_api_processing(self, var):
shape = paddle.to_tensor(-1) shape = paddle.to_tensor([-1])
return paddle.reshape(var, shape) return paddle.reshape(var, shape)
def inplace_api_processing(self, var): def inplace_api_processing(self, var):
shape = paddle.to_tensor(-1) shape = paddle.to_tensor([-1])
return paddle.reshape_(var, shape) return paddle.reshape_(var, shape)
......
...@@ -283,7 +283,7 @@ class LinearNetWithMultiStaticFunc(paddle.nn.Layer): ...@@ -283,7 +283,7 @@ class LinearNetWithMultiStaticFunc(paddle.nn.Layer):
super().__init__() super().__init__()
self._linear_0 = Linear(in_size, out_size) self._linear_0 = Linear(in_size, out_size)
self._linear_1 = Linear(in_size, out_size) self._linear_1 = Linear(in_size, out_size)
self._scale = paddle.to_tensor(9.9) self._scale = paddle.to_tensor([9.9])
@paddle.jit.to_static @paddle.jit.to_static
def forward(self, x): def forward(self, x):
...@@ -1196,7 +1196,7 @@ class LayerSaved(paddle.nn.Layer): ...@@ -1196,7 +1196,7 @@ class LayerSaved(paddle.nn.Layer):
self._linear_1_0 = Linear(self.hidden, self.hidden) self._linear_1_0 = Linear(self.hidden, self.hidden)
self._linear_1_1 = Linear(self.hidden, self.hidden) self._linear_1_1 = Linear(self.hidden, self.hidden)
self._linear_2 = Linear(self.hidden, out_size) self._linear_2 = Linear(self.hidden, out_size)
self._scale = paddle.to_tensor(9.9) self._scale = paddle.to_tensor([9.9])
@paddle.jit.to_static @paddle.jit.to_static
def forward(self, x): def forward(self, x):
...@@ -1319,7 +1319,7 @@ class LayerLoadFinetune(paddle.nn.Layer): ...@@ -1319,7 +1319,7 @@ class LayerLoadFinetune(paddle.nn.Layer):
self._linear_1_0 = Linear(out_size, in_size) self._linear_1_0 = Linear(out_size, in_size)
self._linear_1_1 = Linear(out_size, in_size) self._linear_1_1 = Linear(out_size, in_size)
self._linear_2 = Linear(out_size, out_size) self._linear_2 = Linear(out_size, out_size)
self._scale = paddle.to_tensor(9.9) self._scale = paddle.to_tensor([9.9])
# Load multiple times # Load multiple times
self._load_l1 = paddle.jit.load(load_path) self._load_l1 = paddle.jit.load(load_path)
......
...@@ -206,75 +206,75 @@ class TestLbfgs(unittest.TestCase): ...@@ -206,75 +206,75 @@ class TestLbfgs(unittest.TestCase):
def test_line_search_incubate(self): def test_line_search_incubate(self):
def func1(x, alpha, d): def func1(x, alpha, d):
return paddle.to_tensor(x + alpha * d), paddle.to_tensor(0.0) return paddle.to_tensor(x + alpha * d), paddle.to_tensor([0.0])
def func2(x, alpha, d): def func2(x, alpha, d):
return paddle.to_tensor(x + alpha * d), paddle.to_tensor(1.0) return paddle.to_tensor(x + alpha * d), paddle.to_tensor([1.0])
def func3(x, alpha, d): def func3(x, alpha, d):
return paddle.to_tensor(x + alpha * d), paddle.to_tensor(-1.0) return paddle.to_tensor(x + alpha * d), paddle.to_tensor([-1.0])
line_search_dygraph._strong_wolfe( line_search_dygraph._strong_wolfe(
func1, func1,
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(0.001), paddle.to_tensor([0.001]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
max_ls=1, max_ls=1,
) )
line_search_dygraph._strong_wolfe( line_search_dygraph._strong_wolfe(
func1, func1,
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(0.001), paddle.to_tensor([0.001]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
max_ls=0, max_ls=0,
) )
line_search_dygraph._strong_wolfe( line_search_dygraph._strong_wolfe(
func2, func2,
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(-0.001), paddle.to_tensor([-0.001]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
max_ls=1, max_ls=1,
) )
line_search_dygraph._strong_wolfe( line_search_dygraph._strong_wolfe(
func3, func3,
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(-0.001), paddle.to_tensor([-0.001]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
max_ls=1, max_ls=1,
) )
line_search_dygraph._cubic_interpolate( line_search_dygraph._cubic_interpolate(
paddle.to_tensor(2.0), paddle.to_tensor([2.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(2.0), paddle.to_tensor([2.0]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
[0.1, 0.5], [0.1, 0.5],
) )
line_search_dygraph._cubic_interpolate( line_search_dygraph._cubic_interpolate(
paddle.to_tensor(2.0), paddle.to_tensor([2.0]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
paddle.to_tensor(-3.0), paddle.to_tensor([-3.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(-0.1), paddle.to_tensor([-0.1]),
[0.1, 0.5], [0.1, 0.5],
) )
...@@ -456,75 +456,75 @@ class TestLbfgs(unittest.TestCase): ...@@ -456,75 +456,75 @@ class TestLbfgs(unittest.TestCase):
def test_line_search(self): def test_line_search(self):
def func1(x, alpha, d): def func1(x, alpha, d):
return paddle.to_tensor(x + alpha * d), paddle.to_tensor(0.0) return paddle.to_tensor(x + alpha * d), paddle.to_tensor([0.0])
def func2(x, alpha, d): def func2(x, alpha, d):
return paddle.to_tensor(x + alpha * d), paddle.to_tensor(1.0) return paddle.to_tensor(x + alpha * d), paddle.to_tensor([1.0])
def func3(x, alpha, d): def func3(x, alpha, d):
return paddle.to_tensor(x + alpha * d), paddle.to_tensor(-1.0) return paddle.to_tensor(x + alpha * d), paddle.to_tensor([-1.0])
lbfgs._strong_wolfe( lbfgs._strong_wolfe(
func1, func1,
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(0.001), paddle.to_tensor([0.001]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
max_ls=1, max_ls=1,
) )
lbfgs._strong_wolfe( lbfgs._strong_wolfe(
func1, func1,
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(0.001), paddle.to_tensor([0.001]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
max_ls=0, max_ls=0,
) )
lbfgs._strong_wolfe( lbfgs._strong_wolfe(
func2, func2,
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(-0.001), paddle.to_tensor([-0.001]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
max_ls=1, max_ls=1,
) )
lbfgs._strong_wolfe( lbfgs._strong_wolfe(
func3, func3,
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(-0.001), paddle.to_tensor([-0.001]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
max_ls=1, max_ls=1,
) )
lbfgs._cubic_interpolate( lbfgs._cubic_interpolate(
paddle.to_tensor(2.0), paddle.to_tensor([2.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(2.0), paddle.to_tensor([2.0]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
[0.1, 0.5], [0.1, 0.5],
) )
lbfgs._cubic_interpolate( lbfgs._cubic_interpolate(
paddle.to_tensor(2.0), paddle.to_tensor([2.0]),
paddle.to_tensor(0.0), paddle.to_tensor([0.0]),
paddle.to_tensor(-3.0), paddle.to_tensor([-3.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(1.0), paddle.to_tensor([1.0]),
paddle.to_tensor(-0.1), paddle.to_tensor([-0.1]),
[0.1, 0.5], [0.1, 0.5],
) )
......
...@@ -73,7 +73,7 @@ class TestRad2degAPI2(TestRad2degAPI): ...@@ -73,7 +73,7 @@ class TestRad2degAPI2(TestRad2degAPI):
def test_dygraph(self): def test_dygraph(self):
paddle.disable_static() paddle.disable_static()
x2 = paddle.to_tensor(np.pi / 2) x2 = paddle.to_tensor([np.pi / 2])
result2 = paddle.rad2deg(x2) result2 = paddle.rad2deg(x2)
np.testing.assert_allclose(90, result2.numpy(), rtol=1e-05) np.testing.assert_allclose(90, result2.numpy(), rtol=1e-05)
...@@ -91,7 +91,7 @@ class TestRad2degAPI3(TestRad2degAPI): ...@@ -91,7 +91,7 @@ class TestRad2degAPI3(TestRad2degAPI):
def test_dygraph(self): def test_dygraph(self):
paddle.disable_static() paddle.disable_static()
x2 = paddle.to_tensor(1) x2 = paddle.to_tensor([1])
result2 = paddle.rad2deg(x2) result2 = paddle.rad2deg(x2)
np.testing.assert_allclose(180 / np.pi, result2.numpy(), rtol=1e-05) np.testing.assert_allclose(180 / np.pi, result2.numpy(), rtol=1e-05)
......
...@@ -88,7 +88,7 @@ class TestStateDictReturn(unittest.TestCase): ...@@ -88,7 +88,7 @@ class TestStateDictReturn(unittest.TestCase):
def test_missing_keys_and_unexpected_keys(self): def test_missing_keys_and_unexpected_keys(self):
model1 = MyModel2() model1 = MyModel2()
tmp_dict = {} tmp_dict = {}
tmp_dict["unexpected_keys"] = paddle.to_tensor(1) tmp_dict["unexpected_keys"] = paddle.to_tensor([1])
missing_keys, unexpected_keys = model1.set_state_dict(tmp_dict) missing_keys, unexpected_keys = model1.set_state_dict(tmp_dict)
self.assertEqual(len(missing_keys), 2) self.assertEqual(len(missing_keys), 2)
self.assertEqual(missing_keys[0], "linear.weight") self.assertEqual(missing_keys[0], "linear.weight")
......
...@@ -553,7 +553,7 @@ class TestTensorRegisterBackwardHook(unittest.TestCase): ...@@ -553,7 +553,7 @@ class TestTensorRegisterBackwardHook(unittest.TestCase):
global HOOK_INIT_VALUE global HOOK_INIT_VALUE
global HOOK_IS_CALLED global HOOK_IS_CALLED
for device in self.devices: for device in self.devices:
x = paddle.to_tensor(5.0, stop_gradient=False) x = paddle.to_tensor([5.0], stop_gradient=False)
x._register_backward_hook(global_void_hook) x._register_backward_hook(global_void_hook)
for i in range(5): for i in range(5):
y = paddle.pow(x, 4.0) y = paddle.pow(x, 4.0)
...@@ -567,14 +567,14 @@ class TestTensorRegisterBackwardHook(unittest.TestCase): ...@@ -567,14 +567,14 @@ class TestTensorRegisterBackwardHook(unittest.TestCase):
HOOK_IS_CALLED = False HOOK_IS_CALLED = False
def test_register_backward_hook_for_interior_var(self): def test_register_backward_hook_for_interior_var(self):
x = paddle.to_tensor(5.0, stop_gradient=False) x = paddle.to_tensor([5.0], stop_gradient=False)
y = paddle.pow(x, 4.0) y = paddle.pow(x, 4.0)
with self.assertRaises(ValueError): with self.assertRaises(ValueError):
y._register_backward_hook(global_void_hook) y._register_backward_hook(global_void_hook)
def test_register_backward_hook_for_var_without_gradient(self): def test_register_backward_hook_for_var_without_gradient(self):
x = paddle.to_tensor(5.0) x = paddle.to_tensor([5.0])
y = paddle.pow(x, 4.0) y = paddle.pow(x, 4.0)
with self.assertRaises(ValueError): with self.assertRaises(ValueError):
......
...@@ -114,7 +114,7 @@ class TestVarBase(unittest.TestCase): ...@@ -114,7 +114,7 @@ class TestVarBase(unittest.TestCase):
) )
np.testing.assert_array_equal(x.numpy(), [1.0]) np.testing.assert_array_equal(x.numpy(), [1.0])
self.assertEqual(x.dtype, core.VarDesc.VarType.FP32) self.assertEqual(x.dtype, core.VarDesc.VarType.FP32)
self.assertEqual(x.shape, [1]) self.assertEqual(x.shape, [])
self.assertEqual(x.stop_gradient, False) self.assertEqual(x.stop_gradient, False)
self.assertEqual(x.type, core.VarDesc.VarType.LOD_TENSOR) self.assertEqual(x.type, core.VarDesc.VarType.LOD_TENSOR)
...@@ -387,7 +387,7 @@ class TestVarBase(unittest.TestCase): ...@@ -387,7 +387,7 @@ class TestVarBase(unittest.TestCase):
def test_detach(self): def test_detach(self):
with fluid.dygraph.guard(): with fluid.dygraph.guard():
x = paddle.to_tensor(1.0, dtype="float64", stop_gradient=False) x = paddle.to_tensor([1.0], dtype="float64", stop_gradient=False)
detach_x = x.detach() detach_x = x.detach()
self.assertTrue(detach_x.stop_gradient, True) self.assertTrue(detach_x.stop_gradient, True)
......
...@@ -2560,6 +2560,20 @@ class TestSundryAPI(unittest.TestCase): ...@@ -2560,6 +2560,20 @@ class TestSundryAPI(unittest.TestCase):
self.assertEqual(xt_1_out.shape, []) self.assertEqual(xt_1_out.shape, [])
self.assertEqual(xt_1.grad.shape, [3, 3]) self.assertEqual(xt_1.grad.shape, [3, 3])
def test_to_tensor(self):
out1 = paddle.to_tensor(1)
out2 = paddle.to_tensor(2.5)
out1.retain_grads()
out1.backward()
out2.retain_grads()
out2.backward()
self.assertEqual(out1.shape, [])
self.assertEqual(out1, 1)
self.assertEqual(out2.shape, [])
self.assertEqual(out2, 2.5)
class TestSundryAPIStatic(unittest.TestCase): class TestSundryAPIStatic(unittest.TestCase):
def setUp(self): def setUp(self):
...@@ -4577,6 +4591,19 @@ class TestSundryAPIStatic(unittest.TestCase): ...@@ -4577,6 +4591,19 @@ class TestSundryAPIStatic(unittest.TestCase):
self.assertEqual(res[0].shape, ()) self.assertEqual(res[0].shape, ())
self.assertEqual(res[1].shape, (3, 3)) self.assertEqual(res[1].shape, (3, 3))
@prog_scope()
def test_to_tensor(self):
out1 = paddle.to_tensor(1)
out2 = paddle.to_tensor(2.5)
prog = paddle.static.default_main_program()
res = self.exe.run(prog, fetch_list=[out1, out2])
self.assertEqual(res[0].shape, ())
self.assertEqual(res[0], 1)
self.assertEqual(res[1].shape, ())
self.assertEqual(res[1], 2.5)
# Use to test API whose zero-dim input tensors don't have grad and not need to test backward in OpTest. # Use to test API whose zero-dim input tensors don't have grad and not need to test backward in OpTest.
class TestNoBackwardAPI(unittest.TestCase): class TestNoBackwardAPI(unittest.TestCase):
......
...@@ -554,7 +554,7 @@ def _to_tensor_non_static(data, dtype=None, place=None, stop_gradient=True): ...@@ -554,7 +554,7 @@ def _to_tensor_non_static(data, dtype=None, place=None, stop_gradient=True):
return data return data
if np.isscalar(data) and not isinstance(data, str): if np.isscalar(data) and not isinstance(data, str):
data = np.array([data]) data = np.array(data)
elif isinstance(data, (list, tuple)): elif isinstance(data, (list, tuple)):
data = np.array(data) data = np.array(data)
if data.dtype == np.object_: if data.dtype == np.object_:
...@@ -644,7 +644,7 @@ def _to_tensor_static(data, dtype=None, stop_gradient=None): ...@@ -644,7 +644,7 @@ def _to_tensor_static(data, dtype=None, stop_gradient=None):
if not isinstance(data, np.ndarray): if not isinstance(data, np.ndarray):
if np.isscalar(data) and not isinstance(data, str): if np.isscalar(data) and not isinstance(data, str):
data = np.array([data]) data = np.array(data)
elif isinstance(data, (list, tuple)): elif isinstance(data, (list, tuple)):
data = np.array(data) data = np.array(data)
...@@ -672,12 +672,6 @@ def _to_tensor_static(data, dtype=None, stop_gradient=None): ...@@ -672,12 +672,6 @@ def _to_tensor_static(data, dtype=None, stop_gradient=None):
and len(data.shape) > 0 and len(data.shape) > 0
and any(isinstance(x, Variable) for x in data) and any(isinstance(x, Variable) for x in data)
): ):
if not all(
[x.shape == (1,) for x in data if isinstance(x, Variable)]
):
raise TypeError(
"Unsupport paddle.to_tensor([Variable, Variable...]) with non-scalar variable."
)
to_stack_list = [None] * data.shape[0] to_stack_list = [None] * data.shape[0]
for idx, d in enumerate(data): for idx, d in enumerate(data):
to_stack_list[idx] = _to_tensor_static(d, dtype, stop_gradient) to_stack_list[idx] = _to_tensor_static(d, dtype, stop_gradient)
...@@ -712,7 +706,7 @@ def to_tensor(data, dtype=None, place=None, stop_gradient=True): ...@@ -712,7 +706,7 @@ def to_tensor(data, dtype=None, place=None, stop_gradient=True):
(0D-Tensor) (0D-Tensor)
default_dtype default_dtype
Python Number ───────────────► paddle.Tensor Python Number ───────────────► paddle.Tensor
(1D-Tensor) (0D-Tensor)
Keep dtype Keep dtype
np.ndarray ───────────► paddle.Tensor np.ndarray ───────────► paddle.Tensor
...@@ -741,17 +735,17 @@ def to_tensor(data, dtype=None, place=None, stop_gradient=True): ...@@ -741,17 +735,17 @@ def to_tensor(data, dtype=None, place=None, stop_gradient=True):
# <class 'paddle.Tensor'> # <class 'paddle.Tensor'>
paddle.to_tensor(1) paddle.to_tensor(1)
# Tensor(shape=[1], dtype=int64, place=CPUPlace, stop_gradient=True, # Tensor(shape=[], dtype=int64, place=CPUPlace, stop_gradient=True,
# [1]) # 1)
x = paddle.to_tensor(1, stop_gradient=False) x = paddle.to_tensor(1, stop_gradient=False)
print(x) print(x)
# Tensor(shape=[1], dtype=int64, place=CPUPlace, stop_gradient=False, # Tensor(shape=[], dtype=int64, place=CPUPlace, stop_gradient=False,
# [1]) # 1)
paddle.to_tensor(x) # A new tensor will be created with default stop_gradient=True paddle.to_tensor(x) # A new tensor will be created with default stop_gradient=True
# Tensor(shape=[1], dtype=int64, place=CPUPlace, stop_gradient=True, # Tensor(shape=[], dtype=int64, place=CPUPlace, stop_gradient=True,
# [1]) # 1)
paddle.to_tensor([[0.1, 0.2], [0.3, 0.4]], place=paddle.CPUPlace(), stop_gradient=False) paddle.to_tensor([[0.1, 0.2], [0.3, 0.4]], place=paddle.CPUPlace(), stop_gradient=False)
# Tensor(shape=[2, 2], dtype=float32, place=CPUPlace, stop_gradient=False, # Tensor(shape=[2, 2], dtype=float32, place=CPUPlace, stop_gradient=False,
......
...@@ -4428,8 +4428,8 @@ def rad2deg(x, name=None): ...@@ -4428,8 +4428,8 @@ def rad2deg(x, name=None):
x3 = paddle.to_tensor(1) x3 = paddle.to_tensor(1)
result3 = paddle.rad2deg(x3) result3 = paddle.rad2deg(x3)
print(result3) print(result3)
# Tensor(shape=[1], dtype=float32, place=CUDAPlace(0), stop_gradient=True, # Tensor(shape=[], dtype=float32, place=CUDAPlace(0), stop_gradient=True,
# [57.29578018]) # 57.29578018)
""" """
rad2deg_scale = 180 / np.pi rad2deg_scale = 180 / np.pi
if in_dygraph_mode(): if in_dygraph_mode():
...@@ -4492,8 +4492,8 @@ def deg2rad(x, name=None): ...@@ -4492,8 +4492,8 @@ def deg2rad(x, name=None):
x2 = paddle.to_tensor(180) x2 = paddle.to_tensor(180)
result2 = paddle.deg2rad(x2) result2 = paddle.deg2rad(x2)
print(result2) print(result2)
# Tensor(shape=[1], dtype=float32, place=CUDAPlace(0), stop_gradient=True, # Tensor(shape=[], dtype=float32, place=CUDAPlace(0), stop_gradient=True,
# [3.14159274]) # 3.14159274)
""" """
deg2rad_scale = np.pi / 180.0 deg2rad_scale = np.pi / 180.0
if in_dygraph_mode(): if in_dygraph_mode():
...@@ -4552,8 +4552,8 @@ def gcd(x, y, name=None): ...@@ -4552,8 +4552,8 @@ def gcd(x, y, name=None):
x1 = paddle.to_tensor(12) x1 = paddle.to_tensor(12)
x2 = paddle.to_tensor(20) x2 = paddle.to_tensor(20)
paddle.gcd(x1, x2) paddle.gcd(x1, x2)
# Tensor(shape=[1], dtype=int64, place=CUDAPlace(0), stop_gradient=True, # Tensor(shape=[], dtype=int64, place=CUDAPlace(0), stop_gradient=True,
# [4]) # 4)
x3 = paddle.arange(6) x3 = paddle.arange(6)
paddle.gcd(x3, x2) paddle.gcd(x3, x2)
...@@ -4562,17 +4562,17 @@ def gcd(x, y, name=None): ...@@ -4562,17 +4562,17 @@ def gcd(x, y, name=None):
x4 = paddle.to_tensor(0) x4 = paddle.to_tensor(0)
paddle.gcd(x4, x2) paddle.gcd(x4, x2)
# Tensor(shape=[1], dtype=int64, place=CUDAPlace(0), stop_gradient=True, # Tensor(shape=[], dtype=int64, place=CUDAPlace(0), stop_gradient=True,
# [20]) # 20)
paddle.gcd(x4, x4) paddle.gcd(x4, x4)
# Tensor(shape=[1], dtype=int64, place=CUDAPlace(0), stop_gradient=True, # Tensor(shape=[], dtype=int64, place=CUDAPlace(0), stop_gradient=True,
# [0]) # 0)
x5 = paddle.to_tensor(-20) x5 = paddle.to_tensor(-20)
paddle.gcd(x1, x5) paddle.gcd(x1, x5)
# Tensor(shape=[1], dtype=int64, place=CUDAPlace(0), stop_gradient=True, # Tensor(shape=[], dtype=int64, place=CUDAPlace(0), stop_gradient=True,
# [4]) # 4)
""" """
shape = paddle.broadcast_shape(x.shape, y.shape) shape = paddle.broadcast_shape(x.shape, y.shape)
x = paddle.broadcast_to(x, shape) x = paddle.broadcast_to(x, shape)
...@@ -4637,8 +4637,8 @@ def lcm(x, y, name=None): ...@@ -4637,8 +4637,8 @@ def lcm(x, y, name=None):
x1 = paddle.to_tensor(12) x1 = paddle.to_tensor(12)
x2 = paddle.to_tensor(20) x2 = paddle.to_tensor(20)
paddle.lcm(x1, x2) paddle.lcm(x1, x2)
# Tensor(shape=[1], dtype=int64, place=CUDAPlace(0), stop_gradient=True, # Tensor(shape=[], dtype=int64, place=CUDAPlace(0), stop_gradient=True,
# [60]) # 60)
x3 = paddle.arange(6) x3 = paddle.arange(6)
paddle.lcm(x3, x2) paddle.lcm(x3, x2)
...@@ -4647,17 +4647,17 @@ def lcm(x, y, name=None): ...@@ -4647,17 +4647,17 @@ def lcm(x, y, name=None):
x4 = paddle.to_tensor(0) x4 = paddle.to_tensor(0)
paddle.lcm(x4, x2) paddle.lcm(x4, x2)
# Tensor(shape=[1], dtype=int64, place=CUDAPlace(0), stop_gradient=True, # Tensor(shape=[], dtype=int64, place=CUDAPlace(0), stop_gradient=True,
# [0]) # 0)
paddle.lcm(x4, x4) paddle.lcm(x4, x4)
# Tensor(shape=[1], dtype=int64, place=CUDAPlace(0), stop_gradient=True, # Tensor(shape=[], dtype=int64, place=CUDAPlace(0), stop_gradient=True,
# [0]) # 0)
x5 = paddle.to_tensor(-20) x5 = paddle.to_tensor(-20)
paddle.lcm(x1, x5) paddle.lcm(x1, x5)
# Tensor(shape=[1], dtype=int64, place=CUDAPlace(0), stop_gradient=True, # Tensor(shape=[], dtype=int64, place=CUDAPlace(0), stop_gradient=True,
# [60]) # 60)
""" """
d = paddle.gcd(x, y) d = paddle.gcd(x, y)
# paddle.mod will raise an error when any element of y is 0. To avoid # paddle.mod will raise an error when any element of y is 0. To avoid
......
...@@ -35,8 +35,8 @@ class TestCpuCuda(unittest.TestCase): ...@@ -35,8 +35,8 @@ class TestCpuCuda(unittest.TestCase):
class TestToTensor(unittest.TestCase): class TestToTensor(unittest.TestCase):
def test_to_tensor_with_variable_list(self): def test_to_tensor_with_variable_list(self):
def func(x): def func(x):
ones = paddle.to_tensor([1]) ones = paddle.to_tensor(1)
twos = paddle.to_tensor([2]) twos = paddle.to_tensor(2)
x = paddle.to_tensor([ones, twos, 3, 4]) x = paddle.to_tensor([ones, twos, 3, 4])
return x return x
......
...@@ -52,7 +52,7 @@ class UnsuppportNet(paddle.nn.Layer): ...@@ -52,7 +52,7 @@ class UnsuppportNet(paddle.nn.Layer):
class TestFallback(unittest.TestCase): class TestFallback(unittest.TestCase):
def setUp(self): def setUp(self):
self.x = paddle.to_tensor(2).astype('int') self.x = paddle.to_tensor([2]).astype('int')
def tearDown(self): def tearDown(self):
pass pass
......
...@@ -84,6 +84,12 @@ def case6(x): ...@@ -84,6 +84,12 @@ def case6(x):
return a return a
def case7(x):
a = paddle.to_tensor(10.0)
return a
class TestToTensorReturnVal(unittest.TestCase): class TestToTensorReturnVal(unittest.TestCase):
def test_to_tensor_badreturn(self): def test_to_tensor_badreturn(self):
paddle.disable_static() paddle.disable_static()
...@@ -131,6 +137,12 @@ class TestToTensorReturnVal(unittest.TestCase): ...@@ -131,6 +137,12 @@ class TestToTensorReturnVal(unittest.TestCase):
self.assertTrue(a.stop_gradient == b.stop_gradient) self.assertTrue(a.stop_gradient == b.stop_gradient)
self.assertTrue(a.place._equals(b.place)) self.assertTrue(a.place._equals(b.place))
a = paddle.jit.to_static(case7)(x)
b = case7(x)
self.assertTrue(a.dtype == b.dtype)
self.assertTrue(a.stop_gradient == b.stop_gradient)
self.assertTrue(a.place._equals(b.place))
class TestStatic(unittest.TestCase): class TestStatic(unittest.TestCase):
def test_static(self): def test_static(self):
......
...@@ -60,7 +60,7 @@ class TestAudioFuncitons(unittest.TestCase): ...@@ -60,7 +60,7 @@ class TestAudioFuncitons(unittest.TestCase):
def test_audio_function(self, val: float, htk_flag: bool): def test_audio_function(self, val: float, htk_flag: bool):
mel_paddle = paddle.audio.functional.hz_to_mel(val, htk_flag) mel_paddle = paddle.audio.functional.hz_to_mel(val, htk_flag)
mel_paddle_tensor = paddle.audio.functional.hz_to_mel( mel_paddle_tensor = paddle.audio.functional.hz_to_mel(
paddle.to_tensor(val), htk_flag paddle.to_tensor([val]), htk_flag
) )
mel_librosa = librosa.hz_to_mel(val, htk_flag) mel_librosa = librosa.hz_to_mel(val, htk_flag)
np.testing.assert_almost_equal(mel_paddle, mel_librosa, decimal=5) np.testing.assert_almost_equal(mel_paddle, mel_librosa, decimal=5)
...@@ -70,7 +70,7 @@ class TestAudioFuncitons(unittest.TestCase): ...@@ -70,7 +70,7 @@ class TestAudioFuncitons(unittest.TestCase):
hz_paddle = paddle.audio.functional.mel_to_hz(val, htk_flag) hz_paddle = paddle.audio.functional.mel_to_hz(val, htk_flag)
hz_paddle_tensor = paddle.audio.functional.mel_to_hz( hz_paddle_tensor = paddle.audio.functional.mel_to_hz(
paddle.to_tensor(val), htk_flag paddle.to_tensor([val]), htk_flag
) )
hz_librosa = librosa.mel_to_hz(val, htk_flag) hz_librosa = librosa.mel_to_hz(val, htk_flag)
np.testing.assert_almost_equal(hz_paddle, hz_librosa, decimal=4) np.testing.assert_almost_equal(hz_paddle, hz_librosa, decimal=4)
...@@ -79,7 +79,7 @@ class TestAudioFuncitons(unittest.TestCase): ...@@ -79,7 +79,7 @@ class TestAudioFuncitons(unittest.TestCase):
) )
decibel_paddle = paddle.audio.functional.power_to_db( decibel_paddle = paddle.audio.functional.power_to_db(
paddle.to_tensor(val) paddle.to_tensor([val])
) )
decibel_librosa = librosa.power_to_db(val) decibel_librosa = librosa.power_to_db(val)
np.testing.assert_almost_equal( np.testing.assert_almost_equal(
......
...@@ -165,7 +165,7 @@ class ImperativeLenet(paddle.nn.Layer): ...@@ -165,7 +165,7 @@ class ImperativeLenet(paddle.nn.Layer):
x = self.features(x) x = self.features(x)
x = paddle.flatten(x, 1) x = paddle.flatten(x, 1)
x = self.add(x, paddle.to_tensor(0.0)) # For CI x = self.add(x, paddle.to_tensor([0.0])) # For CI
x = self.fc(x) x = self.fc(x)
return x return x
......
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册