数组转化为tensor
时间: 2023-09-03 11:13:33 浏览: 96
pytorch 实现tensor与numpy数组转换
在PyTorch和TensorFlow中,可以通过torch.tensor()和tf.convert_to_tensor()方法将数组转换为Tensor对象。以下是一个示例:
在PyTorch中:
```python
import torch
import numpy as np
# 创建一个2x3的数组
arr = np.array([[1, 2, 3], [4, 5, 6]])
# 将数组转换为Tensor对象
t = torch.tensor(arr)
# 打印数组和Tensor对象
print("Array:", arr)
print("Tensor:", t)
```
输出:
```
Array: [[1 2 3]
[4 5 6]]
Tensor: tensor([[1, 2, 3],
[4, 5, 6]])
```
在TensorFlow中:
```python
import tensorflow as tf
import numpy as np
# 创建一个2x3的数组
arr = np.array([[1, 2, 3], [4, 5, 6]])
# 将数组转换为Tensor对象
t = tf.convert_to_tensor(arr)
# 打印数组和Tensor对象
print("Array:", arr)
print("Tensor:", t)
```
输出:
```
Array: [[1 2 3]
[4 5 6]]
Tensor: tf.Tensor(
[[1 2 3]
[4 5 6]], shape=(2, 3), dtype=int64)
```
可以看到,两种方法都可以将数组转换为Tensor对象。
阅读全文