import torch, os, cv2 from model.model import parsingNet from utils.common import merge_config from utils.dist_utils import dist_print import torch import scipy.special, tqdm import numpy as np import torchvision.transforms as transforms from data.dataset import LaneTestDataset from data.constant import culane_row_anchor, tusimple_row_anchor if __name__ == "__main__": torch.backends.cudnn.benchmark = True args, cfg = merge_config() dist_print('start testing...') assert cfg.backbone in ['18','34','50','101','152','50next','101next','50wide','101wide'] if cfg.dataset == 'CULane': cls_num_per_lane = 18 elif cfg.dataset == 'Tusimple': cls_num_per_lane = 56 else: raise NotImplementedError net = parsingNet(pretrained = False, backbone=cfg.backbone,cls_dim = (cfg.griding_num+1,cls_num_per_lane,4), use_aux=False).cuda() # we dont need auxiliary segmentation in testing state_dict = torch.load(cfg.test_model, map_location='cpu')['model'] compatible_state_dict = {} for k, v in state_dict.items(): if 'module.' in k: compatible_state_dict[k[7:]] = v else: compatible_state_dict[k] = v net.load_state_dict(compatible_state_dict, strict=False) net.eval() img_transforms = transforms.Compose([ transforms.Resize((288, 800)), transforms.ToTensor(), transforms.Normalize((0.485, 0.456, 0.406), (0.229, 0.224, 0.225)), ]) if cfg.dataset == 'CULane': splits = ['test0_normal.txt', 'test1_crowd.txt', 'test2_hlight.txt', 'test3_shadow.txt', 'test4_noline.txt', 'test5_arrow.txt', 'test6_curve.txt', 'test7_cross.txt', 'test8_night.txt'] datasets = [LaneTestDataset(cfg.data_root,os.path.join(cfg.data_root, 'list/test_split/'+split),img_transform = img_transforms) for split in splits] img_w, img_h = 1640, 590 row_anchor = culane_row_anchor elif cfg.dataset == 'Tusimple': splits = ['test.txt'] datasets = [LaneTestDataset(cfg.data_root,os.path.join(cfg.data_root, split),img_transform = img_transforms) for split in splits] img_w, img_h = 1280, 720 row_anchor = tusimple_row_anchor else: raise NotImplementedError for split, dataset in zip(splits, datasets): loader = torch.utils.data.DataLoader(dataset, batch_size=1, shuffle = False, num_workers=1) fourcc = cv2.VideoWriter_fourcc(*'MJPG') print(split[:-3]+'avi') vout = cv2.VideoWriter(split[:-3]+'avi', fourcc , 30.0, (img_w, img_h)) for i, data in enumerate(tqdm.tqdm(loader)): imgs, names = data imgs = imgs.cuda() with torch.no_grad(): out = net(imgs) col_sample = np.linspace(0, 800 - 1, cfg.griding_num) col_sample_w = col_sample[1] - col_sample[0] out_j = out[0].data.cpu().numpy() out_j = out_j[:, ::-1, :] prob = scipy.special.softmax(out_j[:-1, :, :], axis=0) idx = np.arange(cfg.griding_num) + 1 idx = idx.reshape(-1, 1, 1) loc = np.sum(prob * idx, axis=0) out_j = np.argmax(out_j, axis=0) loc[out_j == cfg.griding_num] = 0 out_j = loc # import pdb; pdb.set_trace() vis = cv2.imread(os.path.join(cfg.data_root,names[0])) for i in range(out_j.shape[1]): if np.sum(out_j[:, i] != 0) > 2: for k in range(out_j.shape[0]): if out_j[k, i] > 0: ppp = (int(out_j[k, i] * col_sample_w * img_w / 800) - 1, int(img_h * (row_anchor[cls_num_per_lane-1-k]/288)) - 1 ) cv2.circle(vis,ppp,5,(0,255,0),-1) vout.write(vis) vout.release()
时间: 2023-06-08 20:09:03 浏览: 365
这段代码使用了PyTorch、OpenCV等库,从模型模块中导入了parsingNet模型,从常用工具模块中导入了merge_config和dist_print等函数。代码还使用了LaneTestDataset数据集和culane_row_anchor、tusimple_row_anchor常量。在if __name__ == "__main__":中,代码设置了torch.backends.cudnn.benchmark为True,合并了配置信息args和cfg,并输出了“start testing...”信息。然后根据配置信息中的backbone选择了不同的通道数,并初始化了一个parsingNet模型。
相关问题
from ..utils.torch_utils import select_device ImportError: attempted relative import with no known parent package
这是因为在您的代码中使用了相对导入语句,但是 Python 解释器并不知道该如何解释它。相对导入只能在一个包内使用,而不能在一个模块中使用。这个错误的原因是找不到相对导入语句的父包。
解决方法是将相对导入语句改为绝对导入语句,或者添加缺失的父包。您可以尝试修改您的代码,将
`from ..utils.torch_utils import select_device`
修改为
`from your_package_name.utils.torch_utils import select_device`
其中 your_package_name 是你当前工程的包名,即存放你的代码的文件夹的名称。
from utils.torch_utils import select_device ModuleNotFoundError: No module named 'utils.torch_utils'
这个错误是因为您的代码中引用了一个名为 `utils.torch_utils` 的模块,但是您的程序中没有这个模块,因此 Python 找不到这个模块。
为了解决这个问题,您需要检查一下您的代码中是否真的有一个名为 `utils.torch_utils` 的模块。如果确实存在,请检查您的 Python 环境是否已经安装了这个模块。如果没有安装,您可以使用 `pip` 命令来安装这个模块:
```
pip install torch-utils
```
如果您的代码中并没有使用到 `utils.torch_utils` 模块,那么可能是您的代码中的其他模块中引用了这个模块。您需要检查一下您的代码中的所有模块,找到并删除所有对 `utils.torch_utils` 模块的引用。
阅读全文