修改image1 = torch.from_numpy(np.ascontiguousarray(image1.astype(np.uint8))).permute(2, 0, 1).unsqueeze(0).to(device) image2 = torch.from_numpy(np.ascontiguousarray( image2.astype(np.uint8)).permute(2, 0, 1).unsqueeze(0).to(device) image3 = torch.from_numpy(np.ascontiguousarray(image3.astype(np.uint8))). permute(2, 0, 1).unsqueeze(0).to(device)报AttributeError: 'Tensor' object has no attribute 'astype'
时间: 2024-01-21 15:04:03 浏览: 165
这个错误是因为在将numpy数组转换为PyTorch张量时,您使用了一个Tensor对象而不是一个numpy数组。Tensor对象没有astype()方法,因此会出现这个错误。要解决这个问题,您需要确保您的输入是numpy数组,而不是Tensor对象。您可以使用.detach().cpu().numpy()方法将Tensor对象转换回numpy数组,或者在转换为张量之前确保您的输入是numpy数组。例如,您可以这样修改代码:
image1 = torch.from_numpy(np.ascontiguousarray(image1)).permute(2, 0, 1).unsqueeze(0).to(device)
image2 = torch.from_numpy(np.ascontiguousarray(image2)).permute(2, 0, 1).unsqueeze(0).to(device)
image3 = torch.from_numpy(np.ascontiguousarray(image3)).permute(2, 0, 1).unsqueeze(0).to(device)
相关问题
把下面的代码用c++实现 import numpy as np import torch import cv2 result = np.fromfile('permute_1_0.raw', dtype=np.float32) img = result.reshape((2,480,480)) torch_img = torch.from_numpy(img) index = torch.max(torch_img, dim=0)[1].numpy().astype(np.uint8) index[index > 0] = 255 # 白色 cv2.imshow('out', index) cv2.waitKey(0)
以下是用C++实现的代码:
```
#include <opencv2/opencv.hpp>
#include <torch/torch.h>
int main() {
// 读取数据
std::ifstream input("permute_1_0.raw", std::ios::binary);
std::vector<float> data(2 * 480 * 480);
input.read(reinterpret_cast<char*>(data.data()), data.size() * sizeof(float));
input.close();
// 转换数据类型
torch::Tensor tensor = torch::from_blob(data.data(), {2, 480, 480}, torch::kFloat32).clone();
// 获取最大值索引
torch::Tensor max = std::get<0>(torch::max(tensor, 0));
torch::Tensor index = max.argmax(0).to(torch::kUInt8);
// 去除背景
index.masked_fill_(index == 0, 255);
// 转换为OpenCV格式
cv::Mat out(index.sizes()[0], index.sizes()[1], CV_8UC1, index.data_ptr());
// 显示图像
cv::imshow("out", out);
cv::waitKey(0);
return 0;
}
```
注意需要安装OpenCV和PyTorch C++ API,并且需要将`permute_1_0.raw`文件放在当前目录下。
把下面的代码用c++实现,不使用torch import numpy as np import torch import cv2 result = np.fromfile('permute_1_0.raw', dtype=np.float32) img = result.reshape((2,480,480)) torch_img = torch.from_numpy(img) index = torch.max(torch_img, dim=0)[1].numpy().astype(np.uint8) index[index > 0] = 255 # 白色 cv2.imshow('out', index) cv2.waitKey(0)
以下是使用 C++ 实现的代码:
```cpp
#include <iostream>
#include <fstream>
#include <opencv2/opencv.hpp>
#include <torch/torch.h>
using namespace std;
using namespace cv;
int main() {
// 读取二进制文件
ifstream fin("permute_1_0.raw", ios::in | ios::binary);
if (!fin) {
cerr << "Failed to open file." << endl;
return -1;
}
// 读取数据到数组
const int channels = 2;
const int height = 480;
const int width = 480;
float data[channels * height * width];
fin.read(reinterpret_cast<char*>(data), channels * height * width * sizeof(float));
fin.close();
// 将数组转为 OpenCV Mat 对象
Mat img(channels, cv::Size(width, height), CV_32F, data);
// 将 Mat 转为 Tensor 对象
auto tensor_img = torch::from_blob(img.data, {channels, height, width}, torch::kFloat).clone();
// 求取最大值对应的索引
auto indices = torch::argmax(tensor_img, 0, false).to(torch::kByte);
// 将 Tensor 转为 OpenCV Mat 对象
Mat index(height, width, CV_8UC1, indices.data_ptr());
// 处理结果并显示
threshold(index, index, 0, 255, THRESH_BINARY);
imshow("out", index);
waitKey(0);
return 0;
}
```
需要注意的是,本例中使用了 OpenCV 和 PyTorch C++ API。在编译时需要添加相应的头文件和库文件,并确保环境配置正确。
阅读全文