博客
关于我
[TensorRT] ERROR: Network must have at least one output
阅读量:155 次
发布时间:2019-02-26

本文共 3909 字,大约阅读时间需要 13 分钟。

 

这个可以,rt6

生成rt,貌似可以

预测:

这个没试:

 

No module named 'pycuda'

 

 

[TensorRT] ERROR: Network must have at least one output

 

yolov3 转 tensorrt,运行onnx转tensorrt 有时会遇到上述错误。

onnx转tensorrt.py文件中,在parser.parse下with循环外添加两行代码

last_layer = network.get_layer(network.num_layers - 1)

network.mark_output(last_layer.get_output(0))
 

 

import loggingimport mathimport osimport pickleimport timeimport cv2import numpy as npimport tensorrt as trtimport torchfrom torchvision import transformslogger = logging.getLogger(__name__)TRT_LOGGER = trt.Logger()  # required by TensorRT def build_engine(onnx_file_path, engine_file_path, precision, max_batch_size, cache_file=None):    """Builds a new TensorRT engine and saves it, if no engine presents"""    if os.path.exists(engine_file_path):        logger.info('{} TensorRT engine already exists. Skip building engine...'.format(precision))        return    logger.info('Building {} TensorRT engine from onnx file...'.format(precision))    with trt.Builder(TRT_LOGGER) as b, b.create_network() as n, trt.OnnxParser(n, TRT_LOGGER) as p:        b.max_workspace_size = 1 << 30  # 1GB        b.max_batch_size = max_batch_size        if precision == 'fp16':            b.fp16_mode = True        elif precision == 'int8':            from ..calibrator import Calibrator            b.int8_mode = True            b.int8_calibrator = Calibrator(cache_file=cache_file)        elif precision == 'fp32':            pass        else:            logger.error('Engine precision not supported: {}'.format(precision))            raise NotImplementedError        # Parse model file        with open(onnx_file_path, 'rb') as model:            p.parse(model.read())        if p.num_errors:            logger.error('Parsing onnx file found {} errors.'.format(p.num_errors))        last_layer = network.get_layer(network.num_layers - 1)        network.mark_output(last_layer.get_output(0))        engine = b.build_cuda_engine(n)        print(engine_file_path)        with open(engine_file_path, "wb") as f:            f.write(engine.serialize())def add_coco_bbox(image, bbox, conf=1):    txt = '{}{:.1f}'.format('person', conf)    font = cv2.FONT_HERSHEY_SIMPLEX    cv2.rectangle(image, (bbox[0], bbox[1]), (bbox[2], bbox[3]), (0, 255, 255), 2)    cv2.putText(image, txt, (bbox[0], bbox[1] - 2),                font, 0.5, (0, 255, 0), thickness=1, lineType=cv2.LINE_AA)def add_coco_hp(image, points, keypoints_prob):    for j in range(5):        if keypoints_prob[j] > 0.5:            cv2.circle(image, (points[j, 0], points[j, 1]), 2, (255, 255, 0), -1)    return imageif __name__ == '__main__':    # 1. build trnsorrt engine    build_engine('mnist_cnn_3.onnx', 'mobile.trt', 'fp32', 1)    print('build trnsorrt engine done')    # 2. load trnsorrt engine    config = '../experiments/mobilenetv2_512x512.yaml'    body_engine = CenterNetTensorRTEngine(weight_file='../models/centerface/mobilenetv2-large/mobile.trt', config_file=config)    print('load trnsorrt engine done')    # 3. video for the tracking    cap = cv2.VideoCapture('/home/sai/YANG/image/video/zhaohang/01/01.mp4')    while (True):        # Capture frame-by-frame        ret, image = cap.read()        rgb_img = cv2.cvtColor(image, cv2.COLOR_BGR2RGB)        start = time.clock()        detections = body_engine.run(image)[1]        print('time is:', time.clock() - start)        for i, bbox in enumerate(detections):            if bbox[4] > 0.7:                body_bbox = np.array(bbox[:4], dtype=np.int32)                body_prob = bbox[4]                add_coco_bbox(image, body_bbox, body_prob)                body_pose = np.array(bbox[5:15], dtype=np.int32)                keypoints = np.array(body_pose, dtype=np.int32).reshape(5, 2)                keypoints_prob = bbox[15:]                image = add_coco_hp(image, keypoints, keypoints_prob)        cv2.imshow('image result', image)        if cv2.waitKey(1) & 0xFF == ord('q'):            break

 

转载地址:http://rlzk.baihongyu.com/

你可能感兴趣的文章
mysql 1593_Linux高可用(HA)之MySQL主从复制中出现1593错误码的低级错误
查看>>
mysql 5.6 修改端口_mysql5.6.24怎么修改端口号
查看>>
MySQL 8.0 恢复孤立文件每表ibd文件
查看>>
MySQL 8.0开始Group by不再排序
查看>>
mysql ansi nulls_SET ANSI_NULLS ON SET QUOTED_IDENTIFIER ON 什么意思
查看>>
multi swiper bug solution
查看>>
MySQL Binlog 日志监听与 Spring 集成实战
查看>>
MySQL binlog三种模式
查看>>
multi-angle cosine and sines
查看>>
Mysql Can't connect to MySQL server
查看>>
mysql case when 乱码_Mysql CASE WHEN 用法
查看>>
Multicast1
查看>>
MySQL Cluster 7.0.36 发布
查看>>
Multimodal Unsupervised Image-to-Image Translation多通道无监督图像翻译
查看>>
MySQL Cluster与MGR集群实战
查看>>
multipart/form-data与application/octet-stream的区别、application/x-www-form-urlencoded
查看>>
mysql cmake 报错,MySQL云服务器应用及cmake报错解决办法
查看>>
Multiple websites on single instance of IIS
查看>>
mysql CONCAT()函数拼接有NULL
查看>>
multiprocessing.Manager 嵌套共享对象不适用于队列
查看>>