PyTorch資料和NumPy資料之間的互操作
說明,由於Python的快取協議,只要PyTorch的資料是在cpu上,不是在GPU上,那麼torch.Tensor型別的資料和numpy.ndarray的資料是共享記憶體的,相互之間的改變相互影響.This zero-copy interoperability with NumPy arrays is due to the storage system working with the Python buffer protocol (https://docs.python.org/3/c-api/buffer.html).
numpy轉為torch:
(ssd4pytorch1_2_0) C:\Users\chenxuqi>
(ssd4pytorch1_2_0) C:\Users\chenxuqi>python
Python 3.7.7 (default, May 6 2020, 11:45:54) [MSC v.1916 64 bit (AMD64)] :: Anaconda, Inc. on win32
Type "help", "copyright", "credits" or "license" for more information.
>>> import numpy as np
>>> import torch
>>> points_np = np.ones(12).reshape(3,4)
>>> points_np
array([[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]])
>>> points = torch.from_numpy(points_np)
>>> points_cuda = torch.from_numpy(points_np).cuda()
>>> ##########################################################
>>> points_np
array([[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]])
>>> points
tensor([[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]], dtype=torch.float64)
>>> points_cuda
tensor([[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]], device='cuda:0', dtype=torch.float64)
>>> points_np[0][0]=999
>>> points[0][1]=888
>>> points_cuda[0][2]=777
>>> points_np
array([[999., 888., 1., 1.],
[ 1., 1., 1., 1.],
[ 1., 1., 1., 1.]])
>>> points
tensor([[999., 888., 1., 1.],
[ 1., 1., 1., 1.],
[ 1., 1., 1., 1.]], dtype=torch.float64)
>>> points_cuda
tensor([[ 1., 1., 777., 1.],
[ 1., 1., 1., 1.],
[ 1., 1., 1., 1.]], device='cuda:0', dtype=torch.float64)
>>> id(points_np)
1999751313328
>>> id(points)
1999751939640
>>> id(points_cuda)
1999804358072
>>>
>>> ^Z
torchGPU轉為numpy:
(ssd4pytorch1_2_0) C:\Users\chenxuqi>python
Python 3.7.7 (default, May 6 2020, 11:45:54) [MSC v.1916 64 bit (AMD64)] :: Anaconda, Inc. on win32
Type "help", "copyright", "credits" or "license" for more information.
>>> import torch
>>> points_cuda = torch.ones(3, 4).cuda()
>>> points_cpu = points_cuda.cpu()
>>> points_np = points_cuda.numpy()
Traceback (most recent call last):
File "<stdin>", line 1, in <module>
TypeError: can't convert CUDA tensor to numpy. Use Tensor.cpu() to copy the tensor to host memory first.
>>> points_np = points_cuda.cpu().numpy()
>>> id(points_np)
1990030518992
>>> id(points_cpu)
1989698386344
>>> id(points_cuda)
1990030519736
>>> points_cuda
tensor([[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]], device='cuda:0')
>>> points_cpu
tensor([[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]])
>>> points_np
array([[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]], dtype=float32)
>>> points_cuda[0][0] = 99
>>> points_cpu[0][1]=88
>>> points_np[0][2]=77
>>> points_cuda
tensor([[99., 1., 1., 1.],
[ 1., 1., 1., 1.],
[ 1., 1., 1., 1.]], device='cuda:0')
>>> points_cpu
tensor([[ 1., 88., 1., 1.],
[ 1., 1., 1., 1.],
[ 1., 1., 1., 1.]])
>>> points_np
array([[ 1., 1., 77., 1.],
[ 1., 1., 1., 1.],
[ 1., 1., 1., 1.]], dtype=float32)
>>>
torchCPU轉為numpy:
(ssd4pytorch1_2_0) C:\Users\chenxuqi>python
Python 3.7.7 (default, May 6 2020, 11:45:54) [MSC v.1916 64 bit (AMD64)] :: Anaconda, Inc. on win32
Type "help", "copyright", "credits" or "license" for more information.
>>> import torch
>>> points_cpu = torch.ones(3, 4)
>>> points_np = points_cpu.numpy()
>>> points_cpu
tensor([[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]])
>>> points_np
array([[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]], dtype=float32)
>>> id(points_cpu)==id(points_np)
False
>>> points_cpu[0][0]=999
>>> points_np[0][1]=888
>>> points_np
array([[999., 888., 1., 1.],
[ 1., 1., 1., 1.],
[ 1., 1., 1., 1.]], dtype=float32)
>>> points_cpu
tensor([[999., 888., 1., 1.],
[ 1., 1., 1., 1.],
[ 1., 1., 1., 1.]])
>>>
>>> type(points_cpu)
<class 'torch.Tensor'>
>>> id(points_np)
1291906427600
>>> type(points_np)
<class 'numpy.ndarray'>
>>>
>>>
相關文章
- Python資料分析之numpyPython
- NumPy之:資料型別資料型別
- (pytorch-深度學習系列)pytorch資料操作PyTorch深度學習
- 【Python資料科學】之NumpyPython資料科學
- BI、資料倉儲和資料分析之間的區別
- 資料結構之資料、資料元素、資料項、資料物件之間的關係資料結構物件
- NumPy之:使用genfromtxt匯入資料
- NumPy之:資料型別物件dtype資料型別物件
- Python資料分析與展示之『Numpy』Python
- pytorch和tensorflow的愛恨情仇之基本資料型別PyTorch資料型別
- 資料分析——numpy
- Anaconda3-大資料之Numpy(1)大資料
- Apache Spark:資料框,資料集和RDD之間的區別 - BaeldungApacheSpark
- Python資料分析 | Numpy與1維陣列操作Python陣列
- Python資料分析 – numpyPython
- NumPy 資料型別資料型別
- numpy資料型別資料型別
- 表空間與資料檔案的offline和online操作
- Vue元件之間的資料傳遞(通訊、互動)詳解Vue元件
- fragment之間相互傳資料、共享資料Fragment
- python序列資料型別之序列資料的基本操作Python資料型別
- MySQL之json資料操作MySqlJSON
- Go之資料庫操作Go資料庫
- Python資料分析--Numpy常用函式介紹(4)--Numpy中的線性關係和資料修剪壓縮Python函式
- C++ 與 QML 之間進行資料互動的幾種方法C++
- python資料分析之Numpy資料庫第三期陣列的運算Python資料庫陣列
- HHDESK埠轉發監控服務獲取客戶端和資料庫之間的互動資訊客戶端資料庫
- Python之 操作 MySQL 資料庫PythonMySql資料庫
- python 操作 excel 之資料清洗PythonExcel
- 資料浪潮之間的前端工程師前端工程師
- vue元件之間的資料傳遞Vue元件
- mxnet資料格式轉換為tensorflow,pytorch資料PyTorch
- 資料互動
- Python資料分析 numpy 筆記Python筆記
- 值得白嫖的資料庫常用操作語句彙總(資料庫、資料表、資料操作)資料庫
- 【轉】numpy:python資料領域的功臣Python
- PyTorch 自定義資料集PyTorch
- T-SQL之資料庫操作SQL資料庫