How to load custom .engine in yolov5

Hi all,
I had converted my yolov5 model .pt model to .engine model yet.
How can i use this .engine model like bellow example code?
Thank for your help!
Example code:

import numpy as np
import cv2
import torch
import torch.backends.cudnn as cudnn
from models.experimental import attempt_load
from utils.general import non_max_suppression

device = torch.device(‘cuda’ if torch.cuda.is_available() else ‘cpu’)
model = attempt_load(‘yourmodelname.pt’, map_location=device) # model weight here, replace yolov5s.pt
stride = int(model.stride.max())
cudnn.benchmark = True

names = model.module.names if hasattr(model, ‘module’) else model.names

cap = cv2.VideoCapture(0) # source: replace the 0 for other source.
while(cap.isOpened()):
ret, frame = cap.read()
if ret == True:
img = torch.from_numpy(frame)
img = img.permute(2, 0, 1 ).float().to(device)
img /= 255.0 # 0 - 255 to 0.0 - 1.0
if img.ndimension() == 3:
img = img.unsqueeze(0)

    pred = model(img, augment=False)[0]
    pred = non_max_suppression(pred, 0.28, 0.45) # img, conf, iou

    for i, det in enumerate(pred):
        if len(det): 
        	for d in det: # d = (x1, y1, x2, y2, conf, cls)
                x1 = int(d[0].item())
                y1 = int(d[1].item())
                x2 = int(d[2].item())
                y2 = int(d[3].item())
                conf = round(d[4].item(), 2)
                c = int(d[5].item())

                cv2.rectangle(frame, (x1, y1), (x2, y2), (0,255,0), 3) # box
                cv2.putText(frame, names[c] + '   ' + str(int(conf*100)) + '%', (x1, y1-10), cv2.FONT_HERSHEY_SIMPLEX, 1, (0,255,0), 2, cv2.LINE_AA) # object name
                cv2.circle(frame, (int((x1+x2)/2), int(y1+(y2-y1)/5.5)), 5, (0,0,255), -1)
                print(f'{x1} {x2} {y1} {y2}')


    cv2.imshow('Frame',frame)
    if cv2.waitKey(1) & 0xFF == ord('q'):
    	break

else:
    break

cap.release()
cv2.destroyAllWindows()

PLEASE PLEASE PLEASE SIR
If i want to replace ‘cap=cv2.VideoCapture(0)’ by an image
Please what is the methode
Please code

PLEASE PLEASE SIR
PLEASE SIMPLE detect.py CODE TO TEST OUR OWN MODEL WITH AN IMAGE
PLEASE CODE
When i just replace the source video by an cv2.imread(‘…png’) i get an error
PLEASE SIR A CORRECT SOLUTION