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

建立网站服务器营销软文500字范文

建立网站服务器,营销软文500字范文,免费发布信息网站大全,网站设计团队介绍1 前言 Hi#xff0c;大家好#xff0c;这里是丹成学长#xff0c;今天做一个 基于深度学习的水果识别demo 这是一个较为新颖的竞赛课题方向#xff0c;学长非常推荐#xff01; #x1f9ff; 更多资料, 项目分享#xff1a; https://gitee.com/dancheng-senior/pos…1 前言 Hi大家好这里是丹成学长今天做一个 基于深度学习的水果识别demo 这是一个较为新颖的竞赛课题方向学长非常推荐 更多资料, 项目分享 https://gitee.com/dancheng-senior/postgraduate 2 开发简介 深度学习作为机器学习领域内新兴并且蓬勃发展的一门学科 它不仅改变着传统的机器学习方法 也影响着我们对人类感知的理解 已经在图像识别和语音识别等领域取得广泛的应用。 因此 本文在深入研究深度学习理论的基础上 将深度学习应用到水果图像识别中 以此来提高了水果图像的识别性能。 3 识别原理 3.1 传统图像识别原理 传统的水果图像识别系统的一般过程如下图所示主要工作集中在图像预处理和特征提取阶段。 在大多数的识别任务中 实验所用图像往往是在严格限定的环境中采集的 消除了外界环境对图像的影响。 但是实际环境中图像易受到光照变化、 水果反光、 遮挡等因素的影响 这在不同程度上影响着水果图像的识别准确率。 在传统的水果图像识别系统中 通常是对水果的纹理、 颜色、 形状等特征进行提取和识别。 3.2 深度学习水果识别 CNN 是一种专门为识别二维特征而设计的多层神经网络 它的结构如下图所示这种结构对平移、 缩放、 旋转等变形具有高度的不变性。 学长本次采用的 CNN 架构如图 4 数据集 数据库分为训练集(train)和测试集(test)两部分 训练集包含四类apple,orange,banana,mixed(多种水果混合)四类237张图片测试集包含每类图片各两张。图片集如下图所示。 图片类别可由图片名称中提取。 训练集图片预览 测试集预览 数据集目录结构 5 部分关键代码 5.1 处理训练集的数据结构 import os import pandas as pd train_dir ./Training/ test_dir ./Test/ fruits [] fruits_image []for i in os.listdir(train_dir):for image_filename in os.listdir(train_dir i):fruits.append(i) # name of the fruitfruits_image.append(i / image_filename) train_fruits pd.DataFrame(fruits, columns[Fruits]) train_fruits[Fruits Image] fruits_imageprint(train_fruits)5.2 模型网络结构 ​ import matplotlib.pyplot as plt ​ import seaborn as sns ​ from keras.preprocessing.image import ImageDataGenerator, img_to_array, load_img ​ from glob import glob ​ from keras.models import Sequential ​ from keras.layers import Conv2D, MaxPooling2D, Activation, Dropout, Flatten, Dense ​ img load_img(train_dir Cantaloupe 1/r_234_100.jpg) ​ plt.imshow(img) ​ plt.axis(off) ​ plt.show() ​ array_image img_to_array(img)# shape (100,100)print(Image Shape -- , array_image.shape)# 131个类目fruitCountUnique glob(train_dir /* )numberOfClass len(fruitCountUnique)print(How many different fruits are there -- ,numberOfClass)# 构建模型model Sequential()model.add(Conv2D(32,(3,3),input_shape array_image.shape))model.add(Activation(relu))model.add(MaxPooling2D())model.add(Conv2D(32,(3,3)))model.add(Activation(relu))model.add(MaxPooling2D())model.add(Conv2D(64,(3,3)))model.add(Activation(relu))model.add(MaxPooling2D())model.add(Flatten())model.add(Dense(1024))model.add(Activation(relu))model.add(Dropout(0.5))# 区分131类model.add(Dense(numberOfClass)) # outputmodel.add(Activation(softmax))model.compile(loss categorical_crossentropy,optimizer rmsprop,metrics [accuracy])print(Target Size -- , array_image.shape[:2])## 5.3 训练模型 ​ train_datagen ImageDataGenerator(rescale 1./255, ​ shear_range 0.3, ​ horizontal_flipTrue, ​ zoom_range 0.3) ​ test_datagen ImageDataGenerator(rescale 1./255)epochs 100batch_size 32train_generator train_datagen.flow_from_directory(train_dir,target_size array_image.shape[:2],batch_size batch_size,color_mode rgb,class_mode categorical)test_generator test_datagen.flow_from_directory(test_dir,target_size array_image.shape[:2],batch_size batch_size,color_mode rgb,class_mode categorical)for data_batch, labels_batch in train_generator:print(data_batch shape -- ,data_batch.shape)print(labels_batch shape -- ,labels_batch.shape)breakhist model.fit_generator(generator train_generator,steps_per_epoch 1600 // batch_size,epochsepochs,validation_data test_generator,validation_steps 800 // batch_size)#保存模型 model_fruits.h5model.save(model_fruits.h5) 顺便输出训练曲线 ​ #展示损失模型结果 ​ plt.figure() ​ plt.plot(hist.history[loss],label Train Loss, color black) ​ plt.plot(hist.history[val_loss],label Validation Loss, color darkred, linestyledashed,markeredgecolor purple, markeredgewidth 2) ​ plt.title(Model Loss, color darkred, size 13) ​ plt.legend() ​ plt.show() ​ #展示精确模型结果plt.figure()plt.plot(hist.history[accuracy],label Train Accuracy, color black)plt.plot(hist.history[val_accuracy],label Validation Accuracy, color darkred, linestyledashed,markeredgecolor purple, markeredgewidth 2)plt.title(Model Accuracy, color darkred, size 13)plt.legend()plt.show()![在这里插入图片描述](https://img-blog.csdnimg.cn/686ace7db27c4145837ec2e09e8ad917.png?x-oss-processimage/watermark,type_ZHJvaWRzYW5zZmFsbGJhY2s,shadow_50,text_Q1NETiBARGFuQ2hlbmctc3R1ZGlv,size_17,color_FFFFFF,t_70,g_se,x_16)6 识别效果 from tensorflow.keras.models import load_model import os import pandas as pd from keras.preprocessing.image import ImageDataGenerator,img_to_array, load_img import cv2,matplotlib.pyplot as plt,numpy as np from keras.preprocessing import imagetrain_datagen ImageDataGenerator(rescale 1./255,shear_range 0.3,horizontal_flipTrue,zoom_range 0.3)model load_model(model_fruits.h5) batch_size 32 img load_img(./Test/Apricot/3_100.jpg,target_size(100,100)) plt.imshow(img) plt.show()array_image img_to_array(img) array_image array_image * 1./255 x np.expand_dims(array_image, axis0) images np.vstack([x]) classes model.predict_classes(images, batch_size10) print(classes) train_dir ./Training/train_generator train_datagen.flow_from_directory(train_dir,target_size array_image.shape[:2],batch_size batch_size,color_mode rgb,class_mode categorical”) print(train_generator.class_indices)​ ​ fig plt.figure(figsize(16, 16))axes []files []predictions []true_labels []rows 5cols 2 # 随机选择几个图片 def getRandomImage(path, img_width, img_height):function loads a random image from a random folder in our test pathfolders list(filter(lambda x: os.path.isdir(os.path.join(path, x)), os.listdir(path)))random_directory np.random.randint(0, len(folders))path_class folders[random_directory]file_path os.path.join(path, path_class)file_names [f for f in os.listdir(file_path) if os.path.isfile(os.path.join(file_path, f))]random_file_index np.random.randint(0, len(file_names))image_name file_names[random_file_index]final_path os.path.join(file_path, image_name)return image.load_img(final_path, target_size (img_width, img_height)), final_path, path_classdef draw_test(name, pred, im, true_label):BLACK [0, 0, 0]expanded_image cv2.copyMakeBorder(im, 160, 0, 0, 300, cv2.BORDER_CONSTANT, valueBLACK)cv2.putText(expanded_image, predicted: pred, (20, 60), cv2.FONT_HERSHEY_SIMPLEX,0.85, (255, 0, 0), 2)cv2.putText(expanded_image, true: true_label, (20, 120), cv2.FONT_HERSHEY_SIMPLEX,0.85, (0, 255, 0), 2)return expanded_image IMG_ROWS, IMG_COLS 100, 100# predicting images for i in range(0, 10):path ./Testimg, final_path, true_label getRandomImage(path, IMG_ROWS, IMG_COLS)files.append(final_path)true_labels.append(true_label)x image.img_to_array(img)x x * 1./255x np.expand_dims(x, axis0)images np.vstack([x])classes model.predict_classes(images, batch_size10)predictions.append(classes)class_labels train_generator.class_indices class_labels {v: k for k, v in class_labels.items()} class_list list(class_labels.values())for i in range(0, len(files)):image cv2.imread(files[i])image draw_test(Prediction, class_labels[predictions[i][0]], image, true_labels[i])axes.append(fig.add_subplot(rows, cols, i1))plt.imshow(cv2.cvtColor(image, cv2.COLOR_BGR2RGB))plt.grid(False)plt.axis(off) plt.show()7 最后 更多资料, 项目分享 https://gitee.com/dancheng-senior/postgraduate
文章转载自:
http://www.morning.qrhh.cn.gov.cn.qrhh.cn
http://www.morning.htsrm.cn.gov.cn.htsrm.cn
http://www.morning.hgbzc.cn.gov.cn.hgbzc.cn
http://www.morning.dpwcl.cn.gov.cn.dpwcl.cn
http://www.morning.snzgg.cn.gov.cn.snzgg.cn
http://www.morning.cltrx.cn.gov.cn.cltrx.cn
http://www.morning.tgczj.cn.gov.cn.tgczj.cn
http://www.morning.hlnrj.cn.gov.cn.hlnrj.cn
http://www.morning.dbqcw.com.gov.cn.dbqcw.com
http://www.morning.nzms.cn.gov.cn.nzms.cn
http://www.morning.whothehellami.com.gov.cn.whothehellami.com
http://www.morning.ndmbz.cn.gov.cn.ndmbz.cn
http://www.morning.gbnsq.cn.gov.cn.gbnsq.cn
http://www.morning.bqyb.cn.gov.cn.bqyb.cn
http://www.morning.lbssg.cn.gov.cn.lbssg.cn
http://www.morning.xprzq.cn.gov.cn.xprzq.cn
http://www.morning.dmnqh.cn.gov.cn.dmnqh.cn
http://www.morning.tgpgx.cn.gov.cn.tgpgx.cn
http://www.morning.dhxnr.cn.gov.cn.dhxnr.cn
http://www.morning.bxqtq.cn.gov.cn.bxqtq.cn
http://www.morning.gpmrj.cn.gov.cn.gpmrj.cn
http://www.morning.xphcg.cn.gov.cn.xphcg.cn
http://www.morning.syhwc.cn.gov.cn.syhwc.cn
http://www.morning.znlhc.cn.gov.cn.znlhc.cn
http://www.morning.mytmx.cn.gov.cn.mytmx.cn
http://www.morning.qlrwf.cn.gov.cn.qlrwf.cn
http://www.morning.rqqlp.cn.gov.cn.rqqlp.cn
http://www.morning.ltfnl.cn.gov.cn.ltfnl.cn
http://www.morning.gl-group.cn.gov.cn.gl-group.cn
http://www.morning.srbfp.cn.gov.cn.srbfp.cn
http://www.morning.pwdrc.cn.gov.cn.pwdrc.cn
http://www.morning.hgbzc.cn.gov.cn.hgbzc.cn
http://www.morning.dwxqf.cn.gov.cn.dwxqf.cn
http://www.morning.tpnxr.cn.gov.cn.tpnxr.cn
http://www.morning.gpsrk.cn.gov.cn.gpsrk.cn
http://www.morning.qgqck.cn.gov.cn.qgqck.cn
http://www.morning.tpdg.cn.gov.cn.tpdg.cn
http://www.morning.hncrc.cn.gov.cn.hncrc.cn
http://www.morning.qfzjn.cn.gov.cn.qfzjn.cn
http://www.morning.ntwxt.cn.gov.cn.ntwxt.cn
http://www.morning.pdkht.cn.gov.cn.pdkht.cn
http://www.morning.xplng.cn.gov.cn.xplng.cn
http://www.morning.xcnwf.cn.gov.cn.xcnwf.cn
http://www.morning.cfpq.cn.gov.cn.cfpq.cn
http://www.morning.npfkw.cn.gov.cn.npfkw.cn
http://www.morning.xfwnk.cn.gov.cn.xfwnk.cn
http://www.morning.vjwkb.cn.gov.cn.vjwkb.cn
http://www.morning.mxmzl.cn.gov.cn.mxmzl.cn
http://www.morning.kcsx.cn.gov.cn.kcsx.cn
http://www.morning.gjlst.cn.gov.cn.gjlst.cn
http://www.morning.krdxz.cn.gov.cn.krdxz.cn
http://www.morning.cwnqd.cn.gov.cn.cwnqd.cn
http://www.morning.qllcm.cn.gov.cn.qllcm.cn
http://www.morning.fqyqm.cn.gov.cn.fqyqm.cn
http://www.morning.dncgb.cn.gov.cn.dncgb.cn
http://www.morning.ydxx123.cn.gov.cn.ydxx123.cn
http://www.morning.duqianw.com.gov.cn.duqianw.com
http://www.morning.c7498.cn.gov.cn.c7498.cn
http://www.morning.cwgpl.cn.gov.cn.cwgpl.cn
http://www.morning.sltfk.cn.gov.cn.sltfk.cn
http://www.morning.xhhqd.cn.gov.cn.xhhqd.cn
http://www.morning.lqjlg.cn.gov.cn.lqjlg.cn
http://www.morning.xclgf.cn.gov.cn.xclgf.cn
http://www.morning.nfbnl.cn.gov.cn.nfbnl.cn
http://www.morning.wxgd.cn.gov.cn.wxgd.cn
http://www.morning.nxtgb.cn.gov.cn.nxtgb.cn
http://www.morning.sgcdr.com.gov.cn.sgcdr.com
http://www.morning.mknxd.cn.gov.cn.mknxd.cn
http://www.morning.dpmkn.cn.gov.cn.dpmkn.cn
http://www.morning.ykgkh.cn.gov.cn.ykgkh.cn
http://www.morning.msfqt.cn.gov.cn.msfqt.cn
http://www.morning.hkshy.cn.gov.cn.hkshy.cn
http://www.morning.fpryg.cn.gov.cn.fpryg.cn
http://www.morning.qxxj.cn.gov.cn.qxxj.cn
http://www.morning.dhqg.cn.gov.cn.dhqg.cn
http://www.morning.rdlxh.cn.gov.cn.rdlxh.cn
http://www.morning.knngw.cn.gov.cn.knngw.cn
http://www.morning.gmplp.cn.gov.cn.gmplp.cn
http://www.morning.shyqcgw.cn.gov.cn.shyqcgw.cn
http://www.morning.tnfyj.cn.gov.cn.tnfyj.cn
http://www.tj-hxxt.cn/news/236546.html

相关文章:

  • 网站开发需要哪些证书王府井网上商城官网
  • 网站建设几种语言对比wordpress多类型会员
  • 有哪些网站做任务有佣金站群管理系统
  • 网站首屏高度wordpress tag
  • 有了源码然后如何做网站个人备案域名购买
  • 重庆 网站建设做直播网站用什么语言
  • 东莞网站建设 信科网络国产cms软件有哪些
  • 江苏省建设工程注册中心网站导入到wordpress
  • ps怎么在dw上做网站建设网站最好的
  • 洛阳霞光高端定制网站建设活动 wordpress
  • 用户体验网站网店怎么做
  • 游民星空是用什么做的网站wordpress shop路径在哪儿
  • 深圳移动网站建设公广东新闻联播回放
  • 文昌网站建设做简单视频网站自己看
  • 上蔡做网站广州注册公司地址怎么解决
  • 模板建设网站app网站有哪些
  • 东莞网站建设lhznkj广昌网站建设
  • 申请自助建站网站制作的网站
  • 建筑类网站建设黑科技软件合集网站
  • 企业网站策划书东莞公司建站模板
  • 网站创建一般创建哪种类型中国建筑股份有限公司
  • 正规的培训行业网站制作php企业网站源码下载
  • 制作网站公司选 择乐云seowordpress微信支付教程
  • 南京网站设计公司推荐深圳网站制作可选兴田德润
  • 天津网站建设是什么婚礼婚庆网站建设
  • 广州大型网站建设公司排名创业的好项目
  • 广州商务网站建设会qt怎么做网站
  • 有没有免费建站开个小网站要怎么做
  • 单页网站下载比较知名的企业
  • 扬州集团网站建设西安网站开发多少钱