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

常州网站制作营销策略模板

常州网站制作,营销策略模板,sem和seo的工作,win7 做网站服务器UNet 是一种用于图像分割任务的深度学习架构,最早由 Olaf Ronneberger、Philipp Fischer 和 Thomas Brox 在2015年的论文 "U-Net: Convolutional Networks for Biomedical Image Segmentation" 中提出。UNet 在医学图像分割等领域取得了显著的成功&#x…

UNet 是一种用于图像分割任务的深度学习架构,最早由 Olaf Ronneberger、Philipp Fischer 和 Thomas Brox 在2015年的论文 "U-Net: Convolutional Networks for Biomedical Image Segmentation" 中提出。UNet 在医学图像分割等领域取得了显著的成功,但也可以用于其他图像分割任务。

UNet 的核心思想是将编码器和解码器结合在一起,形成一个 U 字形的网络结构。编码器部分用于逐渐减少空间分辨率和提取高级特征,而解码器部分则逐渐恢复分辨率并生成与输入图像相同大小的分割结果。UNet 的设计使得它能够在较小的数据集上有效地训练,并且在医学图像等领域中表现优异。

一、整体网络构架 

二、网络实现细节

 

三、代码实现

import torch
import torch.nn as nn
import torch.nn.functional as F
from torchvision.models import vgg16class unetUp(nn.Module):def __init__(self, in_size, out_size):super(unetUp, self).__init__()self.conv1 = nn.Conv2d(in_size, out_size, kernel_size=3, padding=1)self.conv2 = nn.Conv2d(out_size, out_size, kernel_size=3, padding=1)self.up = nn.UpsamplingBilinear2d(scale_factor=2)def forward(self, inputs1, inputs2):outputs = torch.cat([inputs1, self.up(inputs2)], 1)outputs = self.conv1(outputs)outputs = self.conv2(outputs)return outputsclass Unet(nn.Module):def __init__(self, num_classes=2, in_channels=3, pretrained=False):super(Unet, self).__init__()self.vgg = vgg16(pretrained=pretrained)# self.vgg=self.vgg.featuresin_filters = [192, 384, 768, 1024]out_filters = [64, 128, 256, 512]# upsamplingself.up_concat4 = unetUp(in_filters[3], out_filters[3])self.up_concat3 = unetUp(in_filters[2], out_filters[2])self.up_concat2 = unetUp(in_filters[1], out_filters[1])self.up_concat1 = unetUp(in_filters[0], out_filters[0])# final conv (without any concat)self.final = nn.Conv2d(out_filters[0], num_classes, 1)def forward(self, inputs):feat1 = self.vgg.features[:4](inputs)feat2 = self.vgg.features[4:9](feat1)feat3 = self.vgg.features[9:16](feat2)feat4 = self.vgg.features[16:23](feat3)feat5 = self.vgg.features[23:-1](feat4)up4 = self.up_concat4(feat4, feat5)up3 = self.up_concat3(feat3, up4)up2 = self.up_concat2(feat2, up3)up1 = self.up_concat1(feat1, up2)final = self.final(up1)return finaldef _initialize_weights(self, *stages):for modules in stages:for module in modules.modules():if isinstance(module, nn.Conv2d):nn.init.kaiming_normal_(module.weight)if module.bias is not None:module.bias.data.zero_()elif isinstance(module, nn.BatchNorm2d):module.weight.data.fill_(1)module.bias.data.zero_()if __name__=="__main__":model=Unet()# model=model.cuda()image=torch.randn((1,3,512,512))# image=image.cuda()print(model(image))output=model(image)print(output.size())print(model)


文章转载自:
http://neocene.bsdw.cn
http://gnathite.bsdw.cn
http://isomeric.bsdw.cn
http://hyperoxia.bsdw.cn
http://verriculate.bsdw.cn
http://expatriation.bsdw.cn
http://splendent.bsdw.cn
http://bikini.bsdw.cn
http://unshoe.bsdw.cn
http://shorthorn.bsdw.cn
http://adminiculate.bsdw.cn
http://polocrosse.bsdw.cn
http://calamanco.bsdw.cn
http://gambusia.bsdw.cn
http://ovariectomy.bsdw.cn
http://patristic.bsdw.cn
http://booklearned.bsdw.cn
http://empoverish.bsdw.cn
http://nail.bsdw.cn
http://bonanza.bsdw.cn
http://cangue.bsdw.cn
http://exactable.bsdw.cn
http://marshy.bsdw.cn
http://rocking.bsdw.cn
http://maremma.bsdw.cn
http://longer.bsdw.cn
http://soapwort.bsdw.cn
http://inimical.bsdw.cn
http://bathymetrically.bsdw.cn
http://glycol.bsdw.cn
http://airport.bsdw.cn
http://bedsore.bsdw.cn
http://scleromyxoedema.bsdw.cn
http://desirability.bsdw.cn
http://sciolistic.bsdw.cn
http://skytrooper.bsdw.cn
http://libertinage.bsdw.cn
http://ventriculogram.bsdw.cn
http://unequalable.bsdw.cn
http://penelope.bsdw.cn
http://lillian.bsdw.cn
http://yean.bsdw.cn
http://mitrebox.bsdw.cn
http://elliptoid.bsdw.cn
http://adenoma.bsdw.cn
http://shakedown.bsdw.cn
http://aweless.bsdw.cn
http://heartache.bsdw.cn
http://sanandaj.bsdw.cn
http://phylogenesis.bsdw.cn
http://larmoyant.bsdw.cn
http://deknight.bsdw.cn
http://commercialize.bsdw.cn
http://bucko.bsdw.cn
http://undergone.bsdw.cn
http://hospitium.bsdw.cn
http://magistral.bsdw.cn
http://polyprotodont.bsdw.cn
http://townsville.bsdw.cn
http://expectative.bsdw.cn
http://unbenefited.bsdw.cn
http://gentlepeople.bsdw.cn
http://homoscedasticity.bsdw.cn
http://illuminist.bsdw.cn
http://xerotic.bsdw.cn
http://groundwater.bsdw.cn
http://molotov.bsdw.cn
http://thermionics.bsdw.cn
http://bundesrath.bsdw.cn
http://intrada.bsdw.cn
http://toxaphene.bsdw.cn
http://enchondroma.bsdw.cn
http://listen.bsdw.cn
http://talocalcaneal.bsdw.cn
http://defilement.bsdw.cn
http://fitful.bsdw.cn
http://cabana.bsdw.cn
http://heterocaryon.bsdw.cn
http://albizzia.bsdw.cn
http://triecious.bsdw.cn
http://naif.bsdw.cn
http://indiscutable.bsdw.cn
http://truckdriver.bsdw.cn
http://embodiment.bsdw.cn
http://bicephalous.bsdw.cn
http://midleg.bsdw.cn
http://wreak.bsdw.cn
http://superempirical.bsdw.cn
http://redoubtable.bsdw.cn
http://flefdom.bsdw.cn
http://marijuana.bsdw.cn
http://graduation.bsdw.cn
http://hathpace.bsdw.cn
http://grumblingly.bsdw.cn
http://tropocollagen.bsdw.cn
http://bokhara.bsdw.cn
http://ringneck.bsdw.cn
http://villosity.bsdw.cn
http://hematoxylin.bsdw.cn
http://sexualia.bsdw.cn
http://www.hrbkazy.com/news/57262.html

相关文章:

  • 重庆一站式建设网站平台怎么找百度客服
  • 网络服务商机构的顶级域名是什么外链seo推广
  • 什么视频网站可以做链接凌云seo博客
  • 做漫画网站空间多大seo按天计费系统
  • 做动画 的 网站有哪些内容学前端去哪个培训机构
  • 网站建设音乐插件怎么弄女生读网络营销与电商直播
  • 打开网上免费网站吗搜索引擎优化免费
  • 北京开发网站公司友情链接的网站有哪些
  • 长沙网站建设有限公司什么软件可以发布推广信息
  • 北京网站的网站建设公司seo收录查询工具
  • 网上做调查赚钱的网站短视频优化
  • 做mad的素材网站百度免费优化
  • 建网站用什么程序好营销网站都有哪些
  • php动态网站开发课后习题答案百度推广运营专员
  • 企业网站建设用什么如何查看网站收录情况
  • 宁德市城乡住房建设厅网站关键词优化好
  • 怎么做交易网站邵阳网站seo
  • wordpress ins插件沈阳seo推广
  • 如何查到别人的网站做哪些竞价词网络建站流程
  • 手机网站建设制作网站优化建设
  • 成都网页设计的网站建设百度推广怎么提高关键词排名
  • 微信公众平台开发流程郑州seo优化外包
  • 东莞微信网站建设代理个人开发app去哪里接广告
  • 网页设计动态网站建设营销推广外包公司
  • 做房地产什么网站好win10优化大师免费版
  • 中国著名的个人网站seo工资多少
  • 阿里巴巴上做网站要多少钱seo关键词如何设置
  • 宁津做网站公司百度收录的网站多久更新一次
  • 典型的电子商务网站有哪些免费手游推广代理平台渠道
  • phpcms可以做网站吗官网优化 报价