基于卷积神经网络的皮肤病识别系统(pytorch框架,python源码,GUI界面,前端界面)

embedded/2024/11/22 19:02:54/

 更多图像分类、图像识别、目标检测等项目可从主页查看

功能演示:

皮肤病识别系统 vgg16 resnet50 卷积神经网络 GUI界面 前端界面(pytorch框架 python源码)_哔哩哔哩_bilibili

(一)简介

基于卷积神经网络的皮肤病识别系统是在pytorch框架下实现的,系统中有两个模型可选resnet50模型和VGG16模型,这两个模型可用于模型效果对比,增加工作量。

该系统涉及的技术栈有,GUI界面:python + pyqt5,前端界面:python + flask  

该项目是在pycharm和anaconda搭建的虚拟环境执行,pycharm和anaconda安装和配置可观看教程:


超详细的pycharm+anaconda搭建python虚拟环境_pycharm配置anaconda虚拟环境-CSDN博客

pycharm+anaconda搭建python虚拟环境_哔哩哔哩_bilibili

(二)项目介绍

1. 项目结构

2. 数据集 

部分数据展示: 

3.GUI界面(技术栈:pyqt5+python) 

4.前端界面(技术栈:python+flask)

5. 核心代码 
python">class MainProcess:def __init__(self, train_path, test_path, model_name):self.train_path = train_pathself.test_path = test_pathself.model_name = model_nameself.device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")def main(self, epochs):# 记录训练过程log_file_name = './results/vgg16训练和验证过程.txt'# 记录正常的 print 信息sys.stdout = Logger(log_file_name)print("using {} device.".format(self.device))# 开始训练,记录开始时间begin_time = time()# 加载数据train_loader, validate_loader, class_names, train_num, val_num = self.data_load()print("class_names: ", class_names)train_steps = len(train_loader)val_steps = len(validate_loader)# 加载模型model = self.model_load()  # 创建模型# 网络结构可视化x = torch.randn(16, 3, 224, 224)  # 随机生成一个输入model_visual_path = 'results/vgg16_visual.onnx'  # 模型结构保存路径torch.onnx.export(model, x, model_visual_path)  # 将 pytorch 模型以 onnx 格式导出并保存# netron.start(model_visual_path)  # 浏览器会自动打开网络结构# load pretrain weights# download url: https://download.pytorch.org/models/vgg16-397923af.pthmodel_weight_path = "models/vgg16-pre.pth"assert os.path.exists(model_weight_path), "file {} does not exist.".format(model_weight_path)model.load_state_dict(torch.load(model_weight_path, map_location='cpu'))# 更改Vgg16模型的最后一层model.classifier[-1] = nn.Linear(4096, len(class_names), bias=True)# 将模型放入GPU中model.to(self.device)# 定义损失函数loss_function = nn.CrossEntropyLoss()# 定义优化器params = [p for p in model.parameters() if p.requires_grad]optimizer = optim.Adam(params=params, lr=0.0001)train_loss_history, train_acc_history = [], []test_loss_history, test_acc_history = [], []best_acc = 0.0for epoch in range(0, epochs):# 下面是模型训练model.train()running_loss = 0.0train_acc = 0.0train_bar = tqdm(train_loader, file=sys.stdout)# 进来一个batch的数据,计算一次梯度,更新一次网络for step, data in enumerate(train_bar):images, labels = data  # 获取图像及对应的真实标签optimizer.zero_grad()  # 清空过往梯度outputs = model(images.to(self.device))  # 得到预测的标签train_loss = loss_function(outputs, labels.to(self.device))  # 计算损失train_loss.backward()  # 反向传播,计算当前梯度optimizer.step()  # 根据梯度更新网络参数# print statisticsrunning_loss += train_loss.item()predict_y = torch.max(outputs, dim=1)[1]  # 每行最大值的索引# torch.eq()进行逐元素的比较,若相同位置的两个元素相同,则返回True;若不同,返回Falsetrain_acc += torch.eq(predict_y, labels.to(self.device)).sum().item()train_bar.desc = "train epoch[{}/{}] loss:{:.3f}".format(epoch + 1,epochs,train_loss)# 下面是模型验证model.eval()  # 不启用 BatchNormalization 和 Dropout,保证BN和dropout不发生变化val_acc = 0.0  # accumulate accurate number / epochtesting_loss = 0.0with torch.no_grad():  # 张量的计算过程中无需计算梯度val_bar = tqdm(validate_loader, file=sys.stdout)for val_data in val_bar:val_images, val_labels = val_dataoutputs = model(val_images.to(self.device))val_loss = loss_function(outputs, val_labels.to(self.device))  # 计算损失testing_loss += val_loss.item()predict_y = torch.max(outputs, dim=1)[1]  # 每行最大值的索引# torch.eq()进行逐元素的比较,若相同位置的两个元素相同,则返回True;若不同,返回Falseval_acc += torch.eq(predict_y, val_labels.to(self.device)).sum().item()train_loss = running_loss / train_stepstrain_accurate = train_acc / train_numtest_loss = testing_loss / val_stepsval_accurate = val_acc / val_numtrain_loss_history.append(train_loss)train_acc_history.append(train_accurate)test_loss_history.append(test_loss)test_acc_history.append(val_accurate)print('[epoch %d] train_loss: %.3f  val_accuracy: %.3f' %(epoch + 1, train_loss, val_accurate))if val_accurate > best_acc:best_acc = val_accuratetorch.save(model.state_dict(), self.model_name)# 记录结束时间end_time = time()run_time = end_time - begin_timeprint('该循环程序运行时间:', run_time, "s")# 绘制模型训练过程图self.show_loss_acc(train_loss_history, train_acc_history,test_loss_history, test_acc_history)# 画热力图self.heatmaps(model, validate_loader, class_names)

该系统可以训练自己的数据集,训练过程也比较简单,只需指定自己数据集中训练集和测试集的路径,训练后模型名称和指定训练的轮数即可 

训练结束后可输出以下结果:
a. 训练过程的损失曲线

 b. 模型训练过程记录,模型每一轮训练的损失和精度数值记录

c. 模型结构

模型评估可输出:
a. 混淆矩阵

b. 测试过程和精度数值

 c. 准确率、精确率、召回率、F1值 

(三)总结

以上即为整个项目的介绍,整个项目主要包括以下内容:完整的程序代码文件、训练好的模型、数据集、UI界面和各种模型指标图表等。

整个项目包含全部资料,一步到位,省心省力

项目运行过程如出现问题,请及时交流!


http://www.ppmy.cn/embedded/139294.html

相关文章

短视频矩阵系统是什么?有什么功能?

短视频矩阵系统是什么?短视频矩阵系统是一个为视频创作者和运营者提供全面服务的综合平台,它涵盖了多账号管理、人工智能驱动的剪辑制作、定时自动发布功能、智能评论回复、跨平台流量引导及营销成果分析等多项功能。该系统利用先进的技术手段优化、管理…

oracle19c开机自启动

配置 cat > /etc/init.d/oracle19c <<EOF #!/bin/bash # Oracle startup and shutdown scriptexport ORACLE_HOME/opt/oracle/product/19c/dbhome_1 export ORACLE_SIDORCLCDB export LISTENER_NAMELISTENER # General exports and vars export PATH$ORACLE_HOME/bin…

Debezium-BinaryLogClient

文章目录 概要核心流程技术名词解释技术细节小结 概要 BinaryLogClient类&#xff0c;用于连接和监听 MySQL 服务器的二进制日志&#xff08;binlog&#xff09; 核心流程 技术名词解释 ### GTID (Global Transaction Identifier) 理解 #### 定义 GTID&#xff08;Global Tra…

k8s篇之流量转发走向

在 Kubernetes(K8s)中,流量转发通常通过以下几种方式进行管理: 1.Service 这是K8s中定义的一种抽象,用来暴露一组Pod的逻辑集合和访问它们的策略。当创建一个Service时,k8s会自动创建一个虚拟IP地址(ClusterIP),这个地址可以被集群内的其他服务访问。 ClusterIP:默…

JAVA题目笔记(十七)TreeSet对象排序+Map集合练习

一、TreeSet对象排序&#xff1a; 需求&#xff1a; public class Student implements Comparable<Student>{private String name;private int age;private int grade_Yu;private int grade_Shu;private int grade_Yin;private int sumthis.grade_Yinthis.grade_Shuthis…

突破自动驾驶瓶颈!KoMA:多智能体与大模型的完美融合

0.简介 本推文主要介绍了由来自北京航空航天大学的姜克谋、蔡轩和崔智勇教授等共同提出的一种名为KoMA的知识驱动的多智能体框架。论文《KoMA: Knowledge-driven Multi-agent Framework for Autonomous Driving with Large Language Models》提出了KoMA框架&#xff0c;通过结…

Python-简单病毒程序合集(一)

前言&#xff1a;简单又有趣的Python恶搞代码&#xff0c;往往能给我们枯燥无味的生活带来一点乐趣&#xff0c;激发我们对编程的最原始的热爱。那么话不多说&#xff0c;我们直接开始今天的编程之路。 编程思路&#xff1a;本次我们将会用到os,paltform,threading,ctypes,sys,…

golang通用后台管理系统10(退出登录,注销token)

1.实现思路&#xff1a;将登录用户的token加入黑名单 2. //1.2 用户退出 exploreRouter.POST("/logout", sysCtrl.Logout) 3.loginController.go //用户退出 func Logout(c *gin.Context) {logger : commonLog.InitLogger()sysUser : service.GetProfile1(c)fmt.…