Python+Yolov5跌倒检测 摔倒检测 人物目标行为 人体特征识别

Python+Yolov5跌倒检测 摔倒检测 人物目标行为 人体特征识别

如需安装运行环境或远程调试,见文章底部个人QQ名片,由专业技术人员远程协助!

前言

这篇博客针对<<Python+Yolov5跌倒摔倒人体特征识别>>编写代码,代码整洁,规则,易读。 学习与应用推荐首选。

文章目录

一、所需工具软件

二、使用步骤

1. 引入库

2. 识别图像特征

3. 参数设置

4. 运行结果

三、在线协助

一、所需工具软件

1. Pycharm, Python

2. Qt, OpenCV

二、使用步骤

1.引入库

代码如下(示例):

import cv2
import torch
from numpy import randomfrom models.experimental import attempt_load
from utils.datasets import LoadStreams, LoadImages
from utils.general import check_img_size, check_requirements, check_imshow, non_max_suppression, apply_classifier, \scale_coords, xyxy2xywh, strip_optimizer, set_logging, increment_path
from utils.plots import plot_one_box
from utils.torch_utils import select_device, load_classifier, time_synchronized

2.识别图像特征

代码如下(示例):

defdetect(save_img=False):source, weights, view_img, save_txt, imgsz = opt.source, opt.weights, opt.view_img, opt.save_txt, opt.img_sizewebcam = source.isnumeric() or source.endswith('.txt') or source.lower().startswith(('rtsp://', 'rtmp://', 'http://'))# Directoriessave_dir = Path(increment_path(Path(opt.project) / opt.name, exist_ok=opt.exist_ok))  # increment run(save_dir / 'labels'if save_txt else save_dir).mkdir(parents=True, exist_ok=True)  # make dir# Initializeset_logging()device = select_device(opt.device)half = device.type != 'cpu'# half precision only supported on CUDA# Load modelmodel = attempt_load(weights, map_location=device)  # load FP32 modelstride = int(model.stride.max())  # model strideimgsz = check_img_size(imgsz, s=stride)  # check img_sizeif half:model.half()  # to FP16# Second-stage classifierclassify = Falseif classify:modelc = load_classifier(name='resnet101', n=2)  # initializemodelc.load_state_dict(torch.load('weights/resnet101.pt', map_location=device)['model']).to(device).eval()# Set Dataloadervid_path, vid_writer = None, Noneif webcam:view_img = check_imshow()cudnn.benchmark = True# set True to speed up constant image size inferencedataset = LoadStreams(source, img_size=imgsz, stride=stride)else:save_img = Truedataset = LoadImages(source, img_size=imgsz, stride=stride)# Get names and colorsnames = model.module.names ifhasattr(model, 'module') else model.namescolors = [[random.randint(0, 255) for _ inrange(3)] for _ in names]# Run inferenceif device.type != 'cpu':model(torch.zeros(1, 3, imgsz, imgsz).to(device).type_as(next(model.parameters())))  # run oncet0 = time.time()for path, img, im0s, vid_cap in dataset:img = torch.from_numpy(img).to(device)img = img.half() if half else img.float()  # uint8 to fp16/32img /= 255.0# 0 - 255 to 0.0 - 1.0if img.ndimension() == 3:img = img.unsqueeze(0)# Inferencet1 = time_synchronized()pred = model(img, augment=opt.augment)[0]# Apply NMSpred = non_max_suppression(pred, opt.conf_thres, opt.iou_thres, classes=opt.classes, agnostic=opt.agnostic_nms)t2 = time_synchronized()# Apply Classifierif classify:pred = apply_classifier(pred, modelc, img, im0s)# Process detectionsfor i, det inenumerate(pred):  # detections per imageif webcam:  # batch_size >= 1p, s, im0, frame = path[i], '%g: ' % i, im0s[i].copy(), dataset.countelse:p, s, im0, frame = path, '', im0s, getattr(dataset, 'frame', 0)p = Path(p)  # to Pathsave_path = str(save_dir / p.name)  # img.jpgtxt_path = str(save_dir / 'labels' / p.stem) + (''if dataset.mode == 'image'elsef'_{frame}')  # img.txts += '%gx%g ' % img.shape[2:]  # print stringgn = torch.tensor(im0.shape)[[1, 0, 1, 0]]  # normalization gain whwhiflen(det):# Rescale boxes from img_size to im0 sizedet[:, :4] = scale_coords(img.shape[2:], det[:, :4], im0.shape).round()# Write resultsfor *xyxy, conf, cls inreversed(det):if save_txt:  # Write to filexywh = (xyxy2xywh(torch.tensor(xyxy).view(1, 4)) / gn).view(-1).tolist()  # normalized xywhline = (cls, *xywh, conf) if opt.save_conf else (cls, *xywh)  # label formatwithopen(txt_path + '.txt', 'a') as f:f.write(('%g ' * len(line)).rstrip() % line + '\n')if save_img or view_img:  # Add bbox to imagelabel = f'{names[int(cls)]}{conf:.2f}'plot_one_box(xyxy, im0, label=label, color=colors[int(cls)], line_thickness=3)# Print time (inference + NMS)print(f'{s}Done. ({t2 - t1:.3f}s)')# Save results (image with detections)if save_img:if dataset.mode == 'image':cv2.imwrite(save_path, im0)else:  # 'video'if vid_path != save_path:  # new videovid_path = save_pathifisinstance(vid_writer, cv2.VideoWriter):vid_writer.release()  # release previous video writerfourcc = 'mp4v'# output video codecfps = vid_cap.get(cv2.CAP_PROP_FPS)w = int(vid_cap.get(cv2.CAP_PROP_FRAME_WIDTH))h = int(vid_cap.get(cv2.CAP_PROP_FRAME_HEIGHT))vid_writer = cv2.VideoWriter(save_path, cv2.VideoWriter_fourcc(*fourcc), fps, (w, h))vid_writer.write(im0)if save_txt or save_img:s = f"\n{len(list(save_dir.glob('labels/*.txt')))} labels saved to {save_dir / 'labels'}"if save_txt else''print(f"Results saved to {save_dir}{s}")print(f'Done. ({time.time() - t0:.3f}s)')print(opt)check_requirements()with torch.no_grad():if opt.update:  # update all models (to fix SourceChangeWarning)for opt.weights in ['yolov5s.pt', 'yolov5m.pt', 'yolov5l.pt', 'yolov5x.pt']:detect()strip_optimizer(opt.weights)else:detect()

3.参数定义

代码如下(示例):

if __name__ == '__main__':parser = argparse.ArgumentParser()parser.add_argument('--weights', nargs='+', type=str, default='yolov5_best_road_crack_recog.pt', help='model.pt path(s)')parser.add_argument('--img-size', type=int, default=640, help='inference size (pixels)')parser.add_argument('--conf-thres', type=float, default=0.25, help='object confidence threshold')parser.add_argument('--iou-thres', type=float, default=0.45, help='IOU threshold for NMS')parser.add_argument('--view-img', action='store_true', help='display results')parser.add_argument('--save-txt', action='store_true', help='save results to *.txt')parser.add_argument('--classes', nargs='+', type=int, default='0', help='filter by class: --class 0, or --class 0 2 3')parser.add_argument('--agnostic-nms', action='store_true', help='class-agnostic NMS')parser.add_argument('--augment', action='store_true', help='augmented inference')parser.add_argument('--update', action='store_true', help='update all models')parser.add_argument('--project', default='runs/detect', help='save results to project/name')parser.add_argument('--name', default='exp', help='save results to project/name')parser.add_argument('--exist-ok', action='store_true', help='existing project/name ok, do not increment')opt = parser.parse_args()print(opt)check_requirements()with torch.no_grad():if opt.update:  # update all models (to fix SourceChangeWarning)for opt.weights in ['yolov5s.pt', 'yolov5m.pt', 'yolov5l.pt', 'yolov5x.pt']:detect()strip_optimizer(opt.weights)else:detect()
  1. 运行结果如下

三、在线协助:

如需安装运行环境或远程调试,见文章底部个人 QQ 名片,由专业技术人员远程协助!
1)远程安装运行环境,代码调试
2)Qt, C++, Python入门指导
3)界面美化
4)软件制作

博主推荐文章:https://blog.csdn.net/alicema1111/article/details/123851014

个人博客主页:https://blog.csdn.net/alicema1111?type=blog

博主所有文章点这里:https://blog.csdn.net/alicema1111?type=blog

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.rhkb.cn/news/17686.html

如若内容造成侵权/违法违规/事实不符,请联系长河编程网进行投诉反馈email:809451989@qq.com,一经查实,立即删除!

相关文章

ArcGISPRO 和 ChatGPT集成思路

“我们如何一起使用 ArcGIS PRO 和 ChatGPT&#xff1f;”ArcGIS Pro 是一款功能强大的桌面 GIS 软件&#xff0c;用于制图、空间分析和数据管理。ChatGPT 是一种 AI 语言模型&#xff0c;可用于自然语言处理任务&#xff0c;例如文本生成和响应。 结合使用 ArcGIS Pro 和 Chat…

可真刑!两高中生用 AI 生成涩图,疯狂变现

&#x1f447;&#x1f447;关注后回复 “进群” &#xff0c;拉你进程序员交流群&#x1f447;&#x1f447; 转自&#xff1a;新智元 【导读】生成式AI火了以后&#xff0c;限制输出内容的就只剩人们的想象力了。这不&#xff0c;两个高中生用AI生成裸照&#xff0c;疯狂在道…

滥用GPT,被抓了.....

程序员的成长之路 互联网/程序员/技术/资料共享 关注 阅读本文大概需要 2.8 分钟。 来自&#xff1a;IT之家 IT之家 5 月 7 日消息&#xff0c;IT之家从甘肃公安官方获悉&#xff0c;近日&#xff0c;甘肃省平凉市公安局网安大队成功侦破了一起利用人工智能技术制造虚假新闻的…

基于GPT API开发的软硬件产品的合规风险分析

随着OpenAI提供的ChatGPT产品在国内爆火&#xff0c;目前国内很多企业都已开始研究基于ChatGPT引擎为用户提供AIGC内容。ChatGPT背后的运营公司OpenAI也非常贴心的提供了GPT-3.5、GPT-4等模型的API供开发者调用&#xff0c;笔者预计国内接下来会有很多基于GPT-3.5、GPT-4模型的…

大数据技术闲侃之岗位选择解惑

前言 写下这篇文章是因为五一节前给群友的承诺&#xff0c;当然按照以往的惯例&#xff0c;也是我背后看到的这个现象&#xff0c;我发现大部分同学在投递岗位的时候都是投递数据分析岗位&#xff0c;其实背后并不是很清楚背后的岗位是做啥的&#xff0c;想想我自己的工作生涯…

给AI降温!多国机构出手开启ChatGPT调查,立法、监管一个不落

自从硅谷科技大佬们公开呼吁暂停AI训练的提议之后&#xff0c;人类与超强AI之间的争议直接被摆上了台面。 围绕着支持与反对的态度&#xff0c;多方展开了激烈辩论&#xff0c;这一网络论战甚至惊动了各国的监管部门。 3月底&#xff0c;意大利数据保护局率先行动下线了当地的…

chatgpt赋能python:Python破解wifi:真相与方法探讨

Python破解wifi&#xff1a;真相与方法探讨 作为一种通用、易学、灵活的编程语言&#xff0c;Python已经在各种领域得到了广泛应用&#xff0c;其中一项重要应用是网络安全。在网络安全方面&#xff0c;Python可以被用来进行许多操作&#xff0c;包括破解wifi密码。本文将探讨…

开发者-ChatGPT meets Web3.0 用AI赋能去中心化应用

ChatGPT meets Web3.0: 用AI赋能去中心化应用 随着Web3.0的到来&#xff0c;去中心化应用&#xff08;dApps&#xff09;正在成为新的热点。与传统的Web2.0应用相比&#xff0c;Web3.0应用具有更高的安全性、更好的隐私保护、更好的用户掌控和更广阔的应用场景等优势。作为一种…

GPT能给审计带来什么

ChatGPT的出现&#xff0c;让人工智能再次站在了聚光灯下&#xff0c;引发持续性的热议和关注。GPT模型作为重要的支撑&#xff0c;国内外近段时间密集性地发布了众多的大语言模型&#xff0c;OpenAI推出GPT-4、谷歌推出LaMDA和PaLM等大模型、Meta推出开源大模型LLaMA&#xff…

一次小破站JS代码审计出XSS漏洞思路学习

今天看了小破站一个大佬的分析&#xff0c;感觉思路很有意思&#xff0c;感兴趣的xdm可以到大佬视频下提供的链接进行测试&#xff08;传送门&#xff09;这类社交平台的XSS漏洞利用起来其实危害是特别大的&#xff0c;利用XSS能在社交平台上呈现蠕虫式的扩散&#xff0c;大部分…

自动化代码审计工具-ChatGPT-codeReview

今天体验了一下自动化审计工具-ChatGPT-CodeReview。https://github.com/anc95/ChatGPT-CodeReview/blob/main/README.zh-CN.md 首先说一下体验感&#xff0c;不太行。只能作为一个编程基本代码补充工具&#xff0c;在安全这块的功能不太突出。 缺点&#xff1a; 它是一个文件…

ChatGPT爆火的时代,教育的路怎么选?

最近热门的一个话题就是ChatGPT&#xff0c;那么你知道ChatGPT是什么吗&#xff1f;它有多强大&#xff1f;对教育带来了多大的影响呢&#xff1f; ChatGPT是由人工智能研究实验室OpenAI在2022年11月30日发布的全新聊天机器人模型。它的强大不止于搜索引擎&#xff0c;可以搜索…

在教育领域中使用ChatGPT有哪些优点?

人工智能在教育领域的应用正在迅速增加。OpenAI于2022年11月开发的聊天机器人ChatGPT在全球范围内广受欢迎。 由于其受欢迎程度以及生成类似人类问题的回答的能力&#xff0c;ChatGPT正在成为许多学习者和教育工作者值得信赖的伴侣。然而&#xff0c;与任何新兴技术一样&#x…

二月券商金工精选

✦研报目录✦ ✦简述✦ 按发布时间排序 中信期货 组合优化专题&#xff08;一&#xff09;&#xff1a;截面回归与因子正交的二重奏——【中信期货金融工程】 发布日期&#xff1a;2023-02-01 关键词&#xff1a;期货、截面回归、因子正交 主要内容&#xff1a;本报告处理“…

LCHub:网易数帆汪源:低代码仍然被“误会”,市场明年会迎拐点

LCHub:2023年四月底,在北京见到网易副总裁、网易杭州研究院执行院长、网易数帆总经理汪源,他展现出对于低代码、生成式AI技术非常开放的分享状态。汪源是网易杭州研究院执行院长,他负责的研究院在2006年已经成立,早期的网易数帆就是研究院的技术团队,支撑网易公司的数个主…

msn邮箱在哪里登录?

MSN是微软公司旗下的门户网站&#xff0c;涵盖了我们生活的方方面面&#xff0c;沟通、社交、出行、娱乐等等。下面&#xff0c;我就给大家介绍一下MSN邮箱的登陆方法。如果你也想知道&#xff0c;就一起来详细了解下吧。 1、网页搜索MSN官网将其打开&#xff0c;如果你有账号&…

outlook邮箱收件服务器密码,微软邮箱(hotmail+outlook):应用密码获取+STARTTLS加密...

本文针对hotmail/outlook邮箱的登录进行详细说明 微软邮箱官网(HOTMAIL/OUTLOOK)&#xff1a;http://outlook.com # 一、畅邮设置 # 1.1、输入邮箱 # 1.2、输入密码 部分账户开启了 两步验证 &#xff0c;请使用 应用密码 登陆 # 1.2.1、应用密码 创建新应用密码 创建其他应用密…

微软邮箱(hotmail/outlook):应用密码获取+STARTTLS加密

本文针对hotmail/outlook邮箱的登录进行详细说明 微软邮箱官网&#xff08;HOTMAIL/OUTLOOK&#xff09;&#xff1a;http://outlook.com 一、畅邮设置 1.1、输入邮箱 1.2、输入密码 请先开启 双重验证 &#xff0c;请使用 应用密码 登陆 。 1.2.1、双重验证 开启入口&…

hotmail接收邮件服务器(pop),Microsoft微软邮箱 outlook、hotmail 打开pop和imap的方法

分享个微软邮箱 outlook、hotmail 打开pop和imap的方法 只有打开了pop或者imap &#xff0c; foxmail一类的邮件管理客户端才能正常收邮件&#xff1b;打开了smtp才能正常发邮件。 设置方法如图&#xff1a; 1.登录进去账户以后&#xff0c;点击右上角的设置&#xff0c;齿轮图…

ChatGPT爆火 Meta有哪些新举动?

2023年初&#xff0c;人工智能聊天程序ChatGPT爆火&#xff0c;随后国内外众多科技行业巨头都开始纷纷入局人工智能赛道&#xff0c;这其中也包括Meta。近日&#xff0c;Meta创始人扎克伯格宣称正在整合团队力量&#xff0c;致力于构建生成式人工智能。Mete究竟在人工智能领域有…