123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116 |
- import time
- import skimage
- from models.line_detect.postprocess import show_predict, show_box, show_box_or_line, show_box_and_line, \
- show_line_optimized, show_line
- import os
- import torch
- from PIL import Image
- import matplotlib.pyplot as plt
- import matplotlib as mpl
- import numpy as np
- from models.line_detect.line_net import linenet_resnet50_fpn
- from torchvision import transforms
- # from models.wirenet.postprocess import postprocess
- from models.wirenet.postprocess import postprocess
- from rtree import index
- device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')
- def load_best_model(model, save_path, device):
- if os.path.exists(save_path):
- checkpoint = torch.load(save_path, map_location=device)
- model.load_state_dict(checkpoint['model_state_dict'])
- # if optimizer is not None:
- # optimizer.load_state_dict(checkpoint['optimizer_state_dict'])
- epoch = checkpoint['epoch']
- loss = checkpoint['loss']
- print(f"Loaded best model from {save_path} at epoch {epoch} with loss {loss:.4f}")
- else:
- print(f"No saved model found at {save_path}")
- return model
- def box_line_(imgs, pred):
- im = imgs.permute(1, 2, 0).cpu().numpy()
- line_data = pred[-1]['wires']['lines'][0].cpu().numpy() / 128 * 512
- line_scores = pred[-1]['wires']['score'].cpu().numpy()[0]
- diag = (im.shape[0] ** 2 + im.shape[1] ** 2) ** 0.5
- line, score = postprocess(line_data, line_scores, diag * 0.01, 0, False)
- for idx, box_ in enumerate(pred[0:-1]):
- box = box_['boxes'] # 是一个tensor
- line_ = []
- score_ = []
- for i in box:
- score_max = 0.0
- tmp = [[0.0, 0.0], [0.0, 0.0]]
- for j in range(len(line)):
- if (line[j][0][1] >= i[0] and line[j][1][1] >= i[0] and
- line[j][0][1] <= i[2] and line[j][1][1] <= i[2] and
- line[j][0][0] >= i[1] and line[j][1][0] >= i[1] and
- line[j][0][0] <= i[3] and line[j][1][0] <= i[3]):
- if score[j] > score_max:
- tmp = line[j]
- score_max = score[j]
- line_.append(tmp)
- score_.append(score_max)
- processed_list = torch.tensor(line_)
- pred[idx]['line'] = processed_list
- processed_s_list = torch.tensor(score_)
- pred[idx]['line_score'] = processed_s_list
- return pred
- def predict(pt_path, model, img):
- model = load_best_model(model, pt_path, device)
- model.eval()
- if isinstance(img, str):
- img = Image.open(img).convert("RGB")
- transform = transforms.ToTensor()
- img_tensor = transform(img) # [3, 512, 512]
- # img_ = img_tensor
- # 将图像调整为512x512大小
- t_start = time.time()
- im = img_tensor.permute(1, 2, 0) # [512, 512, 3]
- im_resized = skimage.transform.resize(im.cpu().numpy().astype(np.float32), (512, 512)) # (512, 512, 3)
- img_ = torch.tensor(im_resized).permute(2, 0, 1)
- t_end = time.time()
- print(f'switch img used:{t_end - t_start}')
- with torch.no_grad():
- predictions = model([img_.to(device)])
- # print(predictions)
- t_start = time.time()
- pred = box_line_(img_, predictions)
- t_end = time.time()
- print(f'Matched boxes and lines used: {t_end - t_start:.4f} seconds')
- show_predict(img_, pred, t_start)
- if __name__ == '__main__':
- t_start = time.time()
- print(f'start to predict:{t_start}')
- model = linenet_resnet50_fpn().to(device)
- pt_path = r'D:\python\PycharmProjects\20250214\weight\resnet50_best_e100.pth'
- # img_path = f'D:\python\PycharmProjects\data2\images/train/2024-11-27-15-43-13_SaveImage.png' # 工件图
- # img_path = f'D:\python\PycharmProjects\data\images/train/00558656_3.png' # wireframe图
- img_path = r'C:\Users\m2337\Desktop\p\9.jpg'
- predict(pt_path, model, img_path)
- t_end = time.time()
- print(f'predict used:{t_end - t_start}')
|