updates
Signed-off-by: Glenn Jocher <glenn.jocher@ultralytics.com>
This commit is contained in:
parent
0a725a4bad
commit
38a3c7ff01
|
@ -104,7 +104,7 @@ V100 x2 | 64 (64x1) | 150 | 13 min | $0.36
|
||||||
|
|
||||||
## Webcam
|
## Webcam
|
||||||
|
|
||||||
`python3 detect.py --webcam` shows a live webcam feed.
|
`python3 detect.py --source 0` shows a live webcam feed.
|
||||||
|
|
||||||
# Pretrained Weights
|
# Pretrained Weights
|
||||||
|
|
||||||
|
|
31
detect.py
31
detect.py
|
@ -7,8 +7,9 @@ from utils.datasets import *
|
||||||
from utils.utils import *
|
from utils.utils import *
|
||||||
|
|
||||||
|
|
||||||
def detect(save_txt=False, save_images=True):
|
def detect(save_txt=False, save_img=True, stream_img=False):
|
||||||
img_size = (320, 192) if ONNX_EXPORT else opt.img_size # (320, 192) or (416, 256) or (608, 352) for (height, width)
|
img_size = (320, 192) if ONNX_EXPORT else opt.img_size # (320, 192) or (416, 256) or (608, 352) for (height, width)
|
||||||
|
webcam = opt.source == '0' or opt.source.startswith('rtsp') or opt.source.startswith('http')
|
||||||
out = opt.output
|
out = opt.output
|
||||||
|
|
||||||
# Initialize
|
# Initialize
|
||||||
|
@ -46,11 +47,12 @@ def detect(save_txt=False, save_images=True):
|
||||||
|
|
||||||
# Set Dataloader
|
# Set Dataloader
|
||||||
vid_path, vid_writer = None, None
|
vid_path, vid_writer = None, None
|
||||||
if opt.webcam:
|
if webcam:
|
||||||
save_images = False
|
save_img = False
|
||||||
dataloader = LoadWebcam(img_size=img_size, half=opt.half)
|
stream_img = True
|
||||||
|
dataloader = LoadWebcam(opt.source, img_size=img_size, half=opt.half)
|
||||||
else:
|
else:
|
||||||
dataloader = LoadImages(opt.input, img_size=img_size, half=opt.half)
|
dataloader = LoadImages(opt.source, img_size=img_size, half=opt.half)
|
||||||
|
|
||||||
# Get classes and colors
|
# Get classes and colors
|
||||||
classes = load_classes(parse_data_cfg(opt.data)['names'])
|
classes = load_classes(parse_data_cfg(opt.data)['names'])
|
||||||
|
@ -67,8 +69,8 @@ def detect(save_txt=False, save_images=True):
|
||||||
pred, _ = model(img)
|
pred, _ = model(img)
|
||||||
det = non_max_suppression(pred.float(), opt.conf_thres, opt.nms_thres)[0]
|
det = non_max_suppression(pred.float(), opt.conf_thres, opt.nms_thres)[0]
|
||||||
|
|
||||||
if det is not None and len(det) > 0:
|
if det is not None and len(det):
|
||||||
# Rescale boxes from 416 to true image size
|
# Rescale boxes from img_size to im0 size
|
||||||
det[:, :4] = scale_coords(img.shape[2:], det[:, :4], im0.shape).round()
|
det[:, :4] = scale_coords(img.shape[2:], det[:, :4], im0.shape).round()
|
||||||
|
|
||||||
# Print results to screen
|
# Print results to screen
|
||||||
|
@ -77,22 +79,22 @@ def detect(save_txt=False, save_images=True):
|
||||||
n = (det[:, -1] == c).sum()
|
n = (det[:, -1] == c).sum()
|
||||||
print('%g %ss' % (n, classes[int(c)]), end=', ')
|
print('%g %ss' % (n, classes[int(c)]), end=', ')
|
||||||
|
|
||||||
# Draw bounding boxes and labels of detections
|
# Write results
|
||||||
for *xyxy, conf, cls_conf, cls in det:
|
for *xyxy, conf, _, cls in det:
|
||||||
if save_txt: # Write to file
|
if save_txt: # Write to file
|
||||||
with open(save_path + '.txt', 'a') as file:
|
with open(save_path + '.txt', 'a') as file:
|
||||||
file.write(('%g ' * 6 + '\n') % (*xyxy, cls, conf))
|
file.write(('%g ' * 6 + '\n') % (*xyxy, cls, conf))
|
||||||
|
|
||||||
# Add bbox to the image
|
if save_img or stream_img: # Add bbox to image
|
||||||
label = '%s %.2f' % (classes[int(cls)], conf)
|
label = '%s %.2f' % (classes[int(cls)], conf)
|
||||||
plot_one_box(xyxy, im0, label=label, color=colors[int(cls)])
|
plot_one_box(xyxy, im0, label=label, color=colors[int(cls)])
|
||||||
|
|
||||||
print('Done. (%.3fs)' % (time.time() - t))
|
print('Done. (%.3fs)' % (time.time() - t))
|
||||||
|
|
||||||
if opt.webcam: # Show live webcam
|
if stream_img: # Stream results
|
||||||
cv2.imshow(opt.weights, im0)
|
cv2.imshow(opt.weights, im0)
|
||||||
|
|
||||||
if save_images: # Save image with detections
|
if save_img: # Save image with detections
|
||||||
if dataloader.mode == 'images':
|
if dataloader.mode == 'images':
|
||||||
cv2.imwrite(save_path, im0)
|
cv2.imwrite(save_path, im0)
|
||||||
else:
|
else:
|
||||||
|
@ -107,7 +109,7 @@ def detect(save_txt=False, save_images=True):
|
||||||
vid_writer = cv2.VideoWriter(save_path, cv2.VideoWriter_fourcc(*opt.fourcc), fps, (width, height))
|
vid_writer = cv2.VideoWriter(save_path, cv2.VideoWriter_fourcc(*opt.fourcc), fps, (width, height))
|
||||||
vid_writer.write(im0)
|
vid_writer.write(im0)
|
||||||
|
|
||||||
if save_images:
|
if save_img:
|
||||||
print('Results saved to %s' % os.getcwd() + os.sep + out)
|
print('Results saved to %s' % os.getcwd() + os.sep + out)
|
||||||
if platform == 'darwin': # MacOS
|
if platform == 'darwin': # MacOS
|
||||||
os.system('open ' + out + ' ' + save_path)
|
os.system('open ' + out + ' ' + save_path)
|
||||||
|
@ -120,14 +122,13 @@ if __name__ == '__main__':
|
||||||
parser.add_argument('--cfg', type=str, default='cfg/yolov3-spp.cfg', help='cfg file path')
|
parser.add_argument('--cfg', type=str, default='cfg/yolov3-spp.cfg', help='cfg file path')
|
||||||
parser.add_argument('--data', type=str, default='data/coco.data', help='coco.data file path')
|
parser.add_argument('--data', type=str, default='data/coco.data', help='coco.data file path')
|
||||||
parser.add_argument('--weights', type=str, default='weights/yolov3-spp.weights', help='path to weights file')
|
parser.add_argument('--weights', type=str, default='weights/yolov3-spp.weights', help='path to weights file')
|
||||||
parser.add_argument('--input', type=str, default='data/samples', help='input folder') # input folder
|
parser.add_argument('--source', type=str, default='0', help='source') # input file/folder, 0 for webcam
|
||||||
parser.add_argument('--output', type=str, default='output', help='output folder') # output folder
|
parser.add_argument('--output', type=str, default='output', help='output folder') # output folder
|
||||||
parser.add_argument('--img-size', type=int, default=416, help='inference size (pixels)')
|
parser.add_argument('--img-size', type=int, default=416, help='inference size (pixels)')
|
||||||
parser.add_argument('--conf-thres', type=float, default=0.3, help='object confidence threshold')
|
parser.add_argument('--conf-thres', type=float, default=0.3, help='object confidence threshold')
|
||||||
parser.add_argument('--nms-thres', type=float, default=0.5, help='iou threshold for non-maximum suppression')
|
parser.add_argument('--nms-thres', type=float, default=0.5, help='iou threshold for non-maximum suppression')
|
||||||
parser.add_argument('--fourcc', type=str, default='mp4v', help='output video codec (verify ffmpeg support)')
|
parser.add_argument('--fourcc', type=str, default='mp4v', help='output video codec (verify ffmpeg support)')
|
||||||
parser.add_argument('--half', action='store_true', help='half precision FP16 inference')
|
parser.add_argument('--half', action='store_true', help='half precision FP16 inference')
|
||||||
parser.add_argument('--webcam', action='store_true', help='use webcam')
|
|
||||||
opt = parser.parse_args()
|
opt = parser.parse_args()
|
||||||
print(opt)
|
print(opt)
|
||||||
|
|
||||||
|
|
|
@ -117,10 +117,11 @@ class LoadImages: # for inference
|
||||||
|
|
||||||
|
|
||||||
class LoadWebcam: # for inference
|
class LoadWebcam: # for inference
|
||||||
def __init__(self, img_size=416, half=False):
|
def __init__(self, pipe=0, img_size=416, half=False):
|
||||||
self.img_size = img_size
|
self.img_size = img_size
|
||||||
self.half = half # half precision fp16 images
|
self.half = half # half precision fp16 images
|
||||||
|
|
||||||
|
if pipe == '0':
|
||||||
pipe = 0 # local camera
|
pipe = 0 # local camera
|
||||||
# pipe = 'rtsp://192.168.1.64/1' # IP camera
|
# pipe = 'rtsp://192.168.1.64/1' # IP camera
|
||||||
# pipe = 'rtsp://username:password@192.168.1.64/1' # IP camera with login
|
# pipe = 'rtsp://username:password@192.168.1.64/1' # IP camera with login
|
||||||
|
@ -162,7 +163,7 @@ class LoadWebcam: # for inference
|
||||||
break
|
break
|
||||||
|
|
||||||
# Print
|
# Print
|
||||||
assert ret_val, 'Webcam Error'
|
assert ret_val, 'Camera Error %s' % self.pipe
|
||||||
img_path = 'webcam_%g.jpg' % self.count
|
img_path = 'webcam_%g.jpg' % self.count
|
||||||
print('webcam %g: ' % self.count, end='')
|
print('webcam %g: ' % self.count, end='')
|
||||||
|
|
||||||
|
|
Loading…
Reference in New Issue