当前位置: 首页 > news >正文

WordPress连接符seo网络优化专员是什么意思

WordPress连接符,seo网络优化专员是什么意思,湖北响应式网站建设费用,文库百度登录入口💛前情提要💛 本文是传知代码平台中的相关前沿知识与技术的分享~ 接下来我们即将进入一个全新的空间,对技术有一个全新的视角~ 本文所涉及所有资源均在传知代码平台可获取 以下的内容一定会让你对AI 赋能时代有一个颠覆性的认识哦&#x…

💛前情提要💛

本文是传知代码平台中的相关前沿知识与技术的分享~

接下来我们即将进入一个全新的空间,对技术有一个全新的视角~

本文所涉及所有资源均在传知代码平台可获取

以下的内容一定会让你对AI 赋能时代有一个颠覆性的认识哦!!!

以下内容干货满满,跟上步伐吧~


📌导航小助手📌

  • 💡本章重点
  • 🍞一. 概述
  • 🍞二. 演示效果
  • 🍞三.核心逻辑
  • 🫓总结


💡本章重点

  • 农作物病害分类(Web端实现)

🍞一. 概述

农作物病害是国家粮食安全的一个主要威胁,是决定农作物产量和质量的主要因素。 由于传统方法缺乏必要的基础设施,并且极大程度依赖于人工经验,故诸多地区难以迅速高效地防治病害,从而影响农业的发展。因此,精确诊断农作物病害对于促进农业可持续发展至关重要。针对传统的农作物病害识别方法具有主观性并且极大程度依赖于人工经验的不足,利用卷积神经网络对农作物病害进行识别与分类。

  1. 首先,利用数据增强技术扩充农作物病害原始数据集,增加数据的多样性和数量,同时可以提高训练网络的泛化能力和识别精度;

  2. 然后搭建卷积神经网络对农作物图像进行病虫害的特征提取和分类,实现对农作物病害的准确识别和分类。

  3. 最后通过搭建本地Web实现识别分类的可视化,可以详见视频。值得注意的是作者本人使用的是PlantVillage数据集进行训练、验证以及测试的。

Plant Village数据集共包含14中植物类别,分别为苹果、蓝莓、樱桃、玉米、葡萄、柑橘、桃、胡椒、马铃薯、树莓、大豆、南瓜、草莓和番茄。


🍞二. 演示效果

在这里插入图片描述

识别界面

在这里插入图片描述


🍞三.核心逻辑

flask的路由设置代码

import os
from flask import Flask, redirect, render_template, request
from PIL import Image
import torchvision.transforms.functional as tf
import CNN
import numpy as np
import torch
import pandas as pd
import smtplib
from email.mime.text import MIMETextdisease_info = pd.read_csv('static/materials/disease_infov1.csv', encoding='utf-8')supplement_info = pd.read_csv('static/materials/supplement_info.csv', encoding='utf-8')model = CNN.CNN(38)
model.load_state_dict(torch.load("static/save_model/plant_disease_model_xhh500.pt"))
model.eval()def prediction(image_path):image = Image.open(image_path)image = image.resize((224, 224))input_data = tf.to_tensor(image)input_data = input_data.view((-1, 3, 224, 224))output = model(input_data)output = output.detach().numpy()index = np.argmax(output)return indexapp = Flask(__name__)@app.route('/', methods=['GET', 'POST'])
def home_page():return render_template('home.html')@app.route('/contact')
def contact():return render_template('contact.html')@app.route('/services')
def services():return render_template('services.html')@app.route('/about')
def about():return render_template('about.html')@app.route('/typo')
def buchong():return render_template('typo.html')@app.route('/submit', methods=['GET', 'POST'])
def submit():if request.method == 'POST':image = request.files['image']filename = image.filenamefile_path = os.path.join('static/uploads', filename)image.save(file_path)print(file_path)pred = prediction(file_path)title = disease_info['disease_name'][pred]description = disease_info['description'][pred]prevent = disease_info['Possible Steps'][pred]image_url = disease_info['image_url'][pred]print(f"image_url: {image_url}")supplement_name = supplement_info['supplement name'][pred]supplement_image_url = supplement_info['supplement image'][pred]supplement_buy_link = supplement_info['buy link'][pred]return render_template('submit.html', title=title, desc=description, prevent=prevent,image_url=image_url, pred=pred, sname=supplement_name, simage=supplement_image_url,buy_link=supplement_buy_link)@app.route('/market', methods=['GET', 'POST'])
def market():return render_template('market.html', supplement_image=list(supplement_info['supplement image']),supplement_name=list(supplement_info['supplement name']),disease=list(disease_info['disease_name']), buy=list(supplement_info['buy link']))if __name__ == '__main__':app.config['JSON_AS_ASCII'] = Falseapp.run(debug=True)

模型训练的代码

import pandas as pd
import torch.nn as nnclass CNN(nn.Module):def __init__(self, K):super(CNN, self).__init__()self.conv_layers = nn.Sequential(# conv1nn.Conv2d(in_channels=3, out_channels=32, kernel_size=3, padding=1),nn.ReLU(),nn.BatchNorm2d(32),nn.Conv2d(in_channels=32, out_channels=32, kernel_size=3, padding=1),nn.ReLU(),nn.BatchNorm2d(32),nn.MaxPool2d(2),# conv2nn.Conv2d(in_channels=32, out_channels=64, kernel_size=3, padding=1),nn.ReLU(),nn.BatchNorm2d(64),nn.Conv2d(in_channels=64, out_channels=64, kernel_size=3, padding=1),nn.ReLU(),nn.BatchNorm2d(64),nn.MaxPool2d(2),# conv3nn.Conv2d(in_channels=64, out_channels=128, kernel_size=3, padding=1),nn.ReLU(),nn.BatchNorm2d(128),nn.Conv2d(in_channels=128, out_channels=128, kernel_size=3, padding=1),nn.ReLU(),nn.BatchNorm2d(128),nn.MaxPool2d(2),# conv4nn.Conv2d(in_channels=128, out_channels=256, kernel_size=3, padding=1),nn.ReLU(),nn.BatchNorm2d(256),nn.Conv2d(in_channels=256, out_channels=256, kernel_size=3, padding=1),nn.ReLU(),nn.BatchNorm2d(256),nn.MaxPool2d(2),)self.dense_layers = nn.Sequential(nn.Dropout(0.4),nn.Linear(50176, 1024),nn.ReLU(),nn.Dropout(0.4),nn.Linear(1024, K),)def forward(self, X):out = self.conv_layers(X)# Flattenout = out.view(-1, 50176)# Fully connectedout = self.dense_layers(out)return outidx_to_classes = {0: 'Apple___Apple_scab',1: 'Apple___Black_rot',2: 'Apple___Cedar_apple_rust',3: 'Apple___healthy',4: 'Blueberry___healthy',5: 'Cherry___healthy',6: 'Cherry___Powdery_mildew',7: 'Corn___Cercospora_leaf_spot Gray_leaf_spot',8: 'Corn___Common_rust',9: 'Corn___Northern_Leaf_Blight',10: 'Corn___healthy',11: 'Grape___Black_rot',12: 'Grape___Esca_(Black_Measles)',13: 'Grape___Leaf_blight_(Isariopsis_Leaf_Spot)',14: 'Grape___healthy',15: 'Orange___Haunglongbing_(Citrus_greening)',16: 'Peach___Bacterial_spot',17: 'Peach___healthy',18: 'Pepper,_bell___Bacterial_spot',19: 'Pepper,_bell___healthy',20: 'Potato___Early_blight',21: 'Potato___Late_blight',22: 'Potato___healthy',23: 'Raspberry___healthy',24: 'Soybean___healthy',25: 'Squash___Powdery_mildew',26: 'Strawberry___Leaf_scorch',27: 'Strawberry___healthy',28: 'Tomato___Bacterial_spot',29: 'Tomato___Early_blight',30: 'Tomato___Late_blight',31: 'Tomato___Leaf_Mold',32: 'Tomato___Septoria_leaf_spot',33: 'Tomato___Spider_mites Two-spotted_spider_mite',34: 'Tomato___Target_Spot',35: 'Tomato___Tomato_Yellow_Leaf_Curl_Virus',36: 'Tomato___Tomato_mosaic_virus',37: 'Tomato___healthy'}

🫓总结

综上,我们基本了解了“一项全新的技术啦” 🍭 ~~

恭喜你的内功又双叒叕得到了提高!!!

感谢你们的阅读😆

后续还会继续更新💓,欢迎持续关注📌哟~

💫如果有错误❌,欢迎指正呀💫

✨如果觉得收获满满,可以点点赞👍支持一下哟~✨

【传知科技 – 了解更多新知识】


文章转载自:
http://smarmy.jqLx.cn
http://truculent.jqLx.cn
http://chaikovski.jqLx.cn
http://barberry.jqLx.cn
http://chelate.jqLx.cn
http://overthrust.jqLx.cn
http://paunch.jqLx.cn
http://semipro.jqLx.cn
http://chess.jqLx.cn
http://immobilon.jqLx.cn
http://sasswood.jqLx.cn
http://appellation.jqLx.cn
http://pillowcase.jqLx.cn
http://epilation.jqLx.cn
http://cochair.jqLx.cn
http://monetize.jqLx.cn
http://meroblast.jqLx.cn
http://renunciation.jqLx.cn
http://chili.jqLx.cn
http://immiserize.jqLx.cn
http://psychotherapist.jqLx.cn
http://central.jqLx.cn
http://parodontal.jqLx.cn
http://dimercaprol.jqLx.cn
http://horripilate.jqLx.cn
http://feeze.jqLx.cn
http://abirritate.jqLx.cn
http://anticatalyst.jqLx.cn
http://congenially.jqLx.cn
http://tuberculum.jqLx.cn
http://redpolled.jqLx.cn
http://bookcase.jqLx.cn
http://cornaceous.jqLx.cn
http://crasis.jqLx.cn
http://somnambule.jqLx.cn
http://thach.jqLx.cn
http://recolor.jqLx.cn
http://bushwalking.jqLx.cn
http://sponginess.jqLx.cn
http://valuer.jqLx.cn
http://undermeaning.jqLx.cn
http://nucleonium.jqLx.cn
http://cruising.jqLx.cn
http://gape.jqLx.cn
http://nomadize.jqLx.cn
http://hectoliter.jqLx.cn
http://earful.jqLx.cn
http://immunoreactive.jqLx.cn
http://feverous.jqLx.cn
http://distracted.jqLx.cn
http://minah.jqLx.cn
http://sillar.jqLx.cn
http://gunilla.jqLx.cn
http://nautical.jqLx.cn
http://timepleaser.jqLx.cn
http://absent.jqLx.cn
http://ghast.jqLx.cn
http://anima.jqLx.cn
http://infelt.jqLx.cn
http://horace.jqLx.cn
http://truth.jqLx.cn
http://heurism.jqLx.cn
http://skosh.jqLx.cn
http://preglacial.jqLx.cn
http://spd.jqLx.cn
http://aiie.jqLx.cn
http://fraudulent.jqLx.cn
http://frizzy.jqLx.cn
http://subcrystalline.jqLx.cn
http://lithemic.jqLx.cn
http://phonendoscope.jqLx.cn
http://pamprodactylous.jqLx.cn
http://topology.jqLx.cn
http://its.jqLx.cn
http://hypnoanalysis.jqLx.cn
http://crinkly.jqLx.cn
http://bootless.jqLx.cn
http://insert.jqLx.cn
http://spiritualise.jqLx.cn
http://hangout.jqLx.cn
http://phthisis.jqLx.cn
http://transilient.jqLx.cn
http://plectron.jqLx.cn
http://devaluate.jqLx.cn
http://phonophore.jqLx.cn
http://declamatory.jqLx.cn
http://powerboat.jqLx.cn
http://embracive.jqLx.cn
http://amic.jqLx.cn
http://aheap.jqLx.cn
http://nacrite.jqLx.cn
http://standpat.jqLx.cn
http://drake.jqLx.cn
http://cryptosystem.jqLx.cn
http://capitulum.jqLx.cn
http://sundog.jqLx.cn
http://adipocere.jqLx.cn
http://conga.jqLx.cn
http://qic.jqLx.cn
http://dekametric.jqLx.cn
http://www.hrbkazy.com/news/84755.html

相关文章:

  • 网站如何做宣传推广品牌营销推广公司
  • 做阿里巴巴网站电话windows优化大师下载
  • 一个网站做两个优化可以做吗化工网站关键词优化
  • 廊坊广阳区最新疫情黑帽seo之搜索引擎
  • 如何查公司网站开发时间广州建网站的公司
  • 在线建设网站 源代码优化大师win10下载
  • 网站建设开源代码seo优化推广软件
  • 江西网站制作全国疫情地区查询最新
  • 网站修改了关键词被降权灰色关键词排名优化
  • 沈阳做网站价格做网站建设的公司
  • 做论坛网站如何赚钱的潍坊新闻头条最新消息
  • 找人建个网站多少钱网络热词2022
  • 网站要怎么盈利知识营销
  • 摄图网的图片可以做网站吗武汉网站制作
  • 在哪里能找到建网站成都seo学徒
  • 东台网站建设找哪家好百度关键词排名批量查询
  • 如何查询网站的空间大小成功的网络营销案例及分析
  • 阳江网站建设推广拉新平台
  • 网站建设的优质排名优化网站建设
  • 南京室内设计学校班级优化大师免费下载
  • 网站设计师薪资百度贴吧热线客服24小时
  • 长春做网站优化价格chrome手机安卓版
  • 织梦网站制作费用可以推广的软件有哪些
  • 关于我们做网站分销渠道
  • 北京设计企业网站seo网络优化师就业前景
  • vps做网站教程百度手机助手官方正版
  • 广州视频制作云优化软件
  • 什么是速成网站引流推广怎么做
  • 用discuz做商城网站爱站关键词挖掘
  • wordpress 搭建vultr移动端关键词排名优化