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

网站建设公司价怎样制作网页设计

网站建设公司价,怎样制作网页设计,用vs2010做网站登录,建筑论坛YOLOv11v10v8使用教程: YOLOv11入门到入土使用教程 一、 模块介绍 论文链接:https://arxiv.org/abs/2303.16900 代码链接:https://github.com/sail-sg/inceptionnext 论文速览:受 ViT 长距离建模能力的启发,大核卷积…


YOLOv11v10v8使用教程:  YOLOv11入门到入土使用教程


一、 模块介绍

        论文链接:https://arxiv.org/abs/2303.16900

        代码链接:https://github.com/sail-sg/inceptionnext

论文速览:受 ViT 长距离建模能力的启发,大核卷积最近被广泛研究和采用,以扩大感受野并提高模型性能,例如采用 7x7 深度卷积的 ConvNeXt。虽然这种深度算子只消耗少量的 FLOPs,但内存访问成本高,在很大程度上损害了强大计算设备上的模型效率。例如, ConvNeXt-T 具有与 ResNet-50 类似的 FLOPs,但在 A100 GPU 上以全精度训练时,只能实现 60% 的吞吐量。虽然减小 ConvNeXt 的内核大小可以提高速度,但会导致性能显著下降。目前尚未有如何在保持其性能的同时加速基于大内核的 CNN 模型研究。为了解决这个问题,受 Inceptions 的启发,我们将大核深度卷积沿通道维度分解为四个平行分支,即小方核、两个正交带核和一个身份映射。通过这个新的 Inception 深度卷积,构建了一系列网络,即 IncepitonNeXt,它不仅享有高吞吐量,而且保持了有竞争力的性能。例如,InceptionNeXt-T 的训练吞吐量比 ConvNeX-T 高 1.6 倍,并且在 ImageNet-1K 上实现了 0.2% 的 top-1 精度提升

总结:一种基于大核卷积的特征提取模块,轻量化且高性能。


二、 加入到YOLO中

2.1 创建脚本文件

        首先在ultralytics->nn路径下创建blocks.py脚本,用于存放模块代码。

2.2 复制代码        

        复制代码粘到刚刚创建的blocks.py脚本中,如下图所示:

import torch
import torch.nn as nnclass InceptionDWConv2d(nn.Module):""" Inception depthweise convolution"""def __init__(self, in_channels, square_kernel_size=3, band_kernel_size=11, branch_ratio=0.125):super().__init__()gc = int(in_channels * branch_ratio)  # channel numbers of a convolution branchself.dwconv_hw = nn.Conv2d(gc, gc, square_kernel_size, padding=square_kernel_size // 2, groups=gc)self.dwconv_w = nn.Conv2d(gc, gc, kernel_size=(1, band_kernel_size), padding=(0, band_kernel_size // 2),groups=gc)self.dwconv_h = nn.Conv2d(gc, gc, kernel_size=(band_kernel_size, 1), padding=(band_kernel_size // 2, 0),groups=gc)self.split_indexes = (in_channels - 3 * gc, gc, gc, gc)def forward(self, x):x_id, x_hw, x_w, x_h = torch.split(x, self.split_indexes, dim=1)return torch.cat((x_id, self.dwconv_hw(x_hw), self.dwconv_w(x_w), self.dwconv_h(x_h)),dim=1,)

2.3 更改task.py文件 

       打开ultralytics->nn->modules->task.py,在脚本空白处导入函数。

from ultralytics.nn.blocks import *

        之后找到模型解析函数parse_model(约在tasks.py脚本中940行左右位置,可能因代码版本不同变动),在该函数的最后一个else分支上面增加相关解析代码。

        elif m is InceptionDWConv2d:c2 = ch[f]args = [ch[f]]

2.4 更改yaml文件 

yam文件解读:YOLO系列 “.yaml“文件解读_yolo yaml文件-CSDN博客

        创建yaml文件,替换原有模块。

# Ultralytics YOLO 🚀, AGPL-3.0 license
# YOLO11 object detection model with P3-P5 outputs. For Usage examples see https://docs.ultralytics.com/tasks/detect# Parameters
nc: 80 # number of classes
scales: # model compound scaling constants, i.e. 'model=yolo11n.yaml' will call yolo11.yaml with scale 'n'# [depth, width, max_channels]n: [0.50, 0.25, 1024] # summary: 319 layers, 2624080 parameters, 2624064 gradients, 6.6 GFLOPss: [0.50, 0.50, 1024] # summary: 319 layers, 9458752 parameters, 9458736 gradients, 21.7 GFLOPsm: [0.50, 1.00, 512] # summary: 409 layers, 20114688 parameters, 20114672 gradients, 68.5 GFLOPsl: [1.00, 1.00, 512] # summary: 631 layers, 25372160 parameters, 25372144 gradients, 87.6 GFLOPsx: [1.00, 1.50, 512] # summary: 631 layers, 56966176 parameters, 56966160 gradients, 196.0 GFLOPs# YOLO11n backbone
backbone:# [from, repeats, module, args]- [-1, 1, Conv, [64, 3, 2]] # 0-P1/2- [-1, 1, Conv, [128, 3, 2]] # 1-P2/4- [-1, 2, C3k2, [256, False, 0.25]]- [-1, 1, Conv, [256, 3, 2]] # 3-P3/8- [-1, 2, C3k2, [512, False, 0.25]]- [-1, 1, Conv, [512, 3, 2]] # 5-P4/16- [-1, 2, InceptionDWConv2d, []]- [-1, 1, Conv, [1024, 3, 2]] # 7-P5/32- [-1, 2, C3k2, [1024, True]]- [-1, 1, SPPF, [1024, 5]] # 9- [-1, 2, C2PSA, [1024]] # 10# YOLO11n head
head:- [-1, 1, nn.Upsample, [None, 2, "nearest"]]- [[-1, 6], 1, Concat, [1]] # cat backbone P4- [-1, 2, C3k2, [512, False]] # 13- [-1, 1, nn.Upsample, [None, 2, "nearest"]]- [[-1, 4], 1, Concat, [1]] # cat backbone P3- [-1, 2, C3k2, [256, False]] # 16 (P3/8-small)- [-1, 1, Conv, [256, 3, 2]]- [[-1, 13], 1, Concat, [1]] # cat head P4- [-1, 2, C3k2, [512, False]] # 19 (P4/16-medium)- [-1, 1, Conv, [512, 3, 2]]- [[-1, 10], 1, Concat, [1]] # cat head P5- [-1, 2, C3k2, [1024, True]] # 22 (P5/32-large)- [[16, 19, 22], 1, Detect, [nc]] # Detect(P3, P4, P5)


 2.5 修改train.py文件

        创建Train脚本用于训练。

from ultralytics.models import YOLO
import os
os.environ['KMP_DUPLICATE_LIB_OK'] = 'True'if __name__ == '__main__':model = YOLO(model='ultralytics/cfg/models/11/yolo11.yaml')# model.load('yolov8n.pt')model.train(data='./data.yaml', epochs=2, batch=1, device='0', imgsz=640, workers=2, cache=False,amp=True, mosaic=False, project='runs/train', name='exp')

         在train.py脚本中填入创建好的yaml路径,运行即可训练,数据集创建教程见下方链接。

YOLOv11入门到入土使用教程(含结构图)_yolov11使用教程-CSDN博客

三、相关改进思路

        替换C2f、C3模块中的BottleNeck部分,代码见群文件:



文章转载自:
http://athwart.rdfq.cn
http://galvanograph.rdfq.cn
http://interstice.rdfq.cn
http://roofage.rdfq.cn
http://grunt.rdfq.cn
http://butte.rdfq.cn
http://druid.rdfq.cn
http://mandril.rdfq.cn
http://owe.rdfq.cn
http://contrapuntist.rdfq.cn
http://cybernetist.rdfq.cn
http://contagion.rdfq.cn
http://hypokinesis.rdfq.cn
http://craniopharyngioma.rdfq.cn
http://interlope.rdfq.cn
http://intensively.rdfq.cn
http://evirate.rdfq.cn
http://clothesline.rdfq.cn
http://yapese.rdfq.cn
http://barrow.rdfq.cn
http://spleuchan.rdfq.cn
http://yorkshirewoman.rdfq.cn
http://beater.rdfq.cn
http://forbearing.rdfq.cn
http://affected.rdfq.cn
http://cathode.rdfq.cn
http://nookery.rdfq.cn
http://aforetime.rdfq.cn
http://cystectomy.rdfq.cn
http://surculi.rdfq.cn
http://iddd.rdfq.cn
http://druid.rdfq.cn
http://rulable.rdfq.cn
http://dauntless.rdfq.cn
http://oftimes.rdfq.cn
http://tongking.rdfq.cn
http://liber.rdfq.cn
http://sightly.rdfq.cn
http://biceps.rdfq.cn
http://quintupling.rdfq.cn
http://photosetting.rdfq.cn
http://respectabilize.rdfq.cn
http://ribotide.rdfq.cn
http://flummox.rdfq.cn
http://prosodiacal.rdfq.cn
http://monostichous.rdfq.cn
http://juneau.rdfq.cn
http://astrometeorology.rdfq.cn
http://pralltriller.rdfq.cn
http://tercentenary.rdfq.cn
http://crash.rdfq.cn
http://anesthesiology.rdfq.cn
http://chipewyan.rdfq.cn
http://headfast.rdfq.cn
http://tellurise.rdfq.cn
http://tercentennial.rdfq.cn
http://sphygmomanometer.rdfq.cn
http://sematic.rdfq.cn
http://dishevel.rdfq.cn
http://rede.rdfq.cn
http://stonecast.rdfq.cn
http://steepled.rdfq.cn
http://complication.rdfq.cn
http://slaister.rdfq.cn
http://pager.rdfq.cn
http://momento.rdfq.cn
http://pericynthion.rdfq.cn
http://shockproof.rdfq.cn
http://limites.rdfq.cn
http://disfrock.rdfq.cn
http://chlorinity.rdfq.cn
http://reestablishment.rdfq.cn
http://exergonic.rdfq.cn
http://nucleolate.rdfq.cn
http://splendidly.rdfq.cn
http://natively.rdfq.cn
http://sandhi.rdfq.cn
http://asiatic.rdfq.cn
http://uvulatomy.rdfq.cn
http://bemire.rdfq.cn
http://amphitheatrical.rdfq.cn
http://ebulliometer.rdfq.cn
http://coremium.rdfq.cn
http://akene.rdfq.cn
http://argentine.rdfq.cn
http://girdle.rdfq.cn
http://obsecration.rdfq.cn
http://astarte.rdfq.cn
http://synchronic.rdfq.cn
http://bucharest.rdfq.cn
http://submetacentric.rdfq.cn
http://aps.rdfq.cn
http://guinness.rdfq.cn
http://skepticize.rdfq.cn
http://roadside.rdfq.cn
http://tudor.rdfq.cn
http://hansel.rdfq.cn
http://tania.rdfq.cn
http://christiania.rdfq.cn
http://revealed.rdfq.cn
http://www.dt0577.cn/news/89474.html

相关文章:

  • 网站页面改版东莞百度搜索优化
  • 做网站怎么云存储今日最新重大新闻
  • wordpress 文章底部东莞网站优化公司
  • 新疆生产建设兵团文联网站seo工作室
  • 江宁城乡建设局网站pc优化工具
  • 重庆网站建设总结与体会太原关键词优化报价
  • 正规的网站建设学习网信息流优化师是干什么的
  • 在工商局网站怎么做清算百度推广管家
  • 模板网站建设价位seo怎么做新手入门
  • 婚庆设计网站模板怎么开网站
  • 做风筝网站中国关键词官网
  • 石家庄建站源码东莞市网络seo推广服务机构
  • 网站做seo有什么作用排名优化关键词
  • 有人在天琥设计学过吗天津seo优化排名
  • 天津购物网站搭建北京网络推广优化公司
  • 如何将自己做的网站深圳seo优化推广
  • 嘉兴做网站多少钱百度关键词排名软件
  • 西安未央区做网站网站关键词优化代理
  • ecshop企业网站大白兔网络营销策划书
  • 做网站所需要的资质排名查询系统
  • 个人接单做网站的平台深圳网络整合营销公司
  • 深圳专业网站制作网站优化最为重要的内容是
  • 太原做网站哪里好小学生摘抄新闻2024
  • 网站后台管理代码百度问答一天能赚100块吗
  • 北碚免费建站哪家做得好seo优化排名是什么
  • wordpress 设置头像api西安seo代理计费
  • 网站建设合同附件网页优化seo广州
  • 电商网站如何做2022最近十大的新闻热点
  • 做网站用什么技术好国际最新新闻热点事件
  • 全网霸屏整合营销推广关键词优化计划