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

做淘宝客网站必须备案吗搜索引擎优化方法

做淘宝客网站必须备案吗,搜索引擎优化方法,网站建设需经历的步骤,做时时彩网站平台基于深度学习的图像去雨去雾 文末附有源码下载地址 b站视频地址: https://www.bilibili.com/video/BV1Jr421p7cT/ 基于深度学习的图像去雨去雾,使用的网络为unet, 网络代码: import torch import torch.nn as nn from torchsumm…

基于深度学习的图像去雨去雾


文末附有源码下载地址
b站视频地址: https://www.bilibili.com/video/BV1Jr421p7cT/

基于深度学习的图像去雨去雾,使用的网络为unet,
网络代码:

import torch
import torch.nn as nn
from torchsummary import summary
from torchvision import models
from torchvision.models.feature_extraction import create_feature_extractor
import torch.nn.functional as F
from torchstat import statclass Resnet18(nn.Module):def __init__(self):super(Resnet18, self).__init__()self.resnet = models.resnet18(pretrained=False)# self.resnet = create_feature_extractor(self.resnet, {'relu': 'feat320', 'layer1': 'feat160', 'layer2': 'feat80',#                                                'layer3': 'feat40'})def forward(self,x):for name,m in self.resnet._modules.items():x=m(x)if name=='relu':x1=xelif name=='layer1':x2=xelif name=='layer2':x3=xelif name=='layer3':x4=xbreak# x=self.resnet(x)return x1,x2,x3,x4
class Linears(nn.Module):def __init__(self,a,b):super(Linears, self).__init__()self.linear1=nn.Linear(a,b)self.relu1=nn.LeakyReLU()self.linear2 = nn.Linear(b, a)self.sigmoid=nn.Sigmoid()def forward(self,x):x=self.linear1(x)x=self.relu1(x)x=self.linear2(x)x=self.sigmoid(x)return x
class DenseNetBlock(nn.Module):def __init__(self,inplanes=1,planes=1,stride=1):super(DenseNetBlock,self).__init__()self.conv1=nn.Conv2d(inplanes,planes,3,stride,1)self.bn1 = nn.BatchNorm2d(planes)self.relu1=nn.LeakyReLU()self.conv2 = nn.Conv2d(inplanes, planes, 3,stride,1)self.bn2 = nn.BatchNorm2d(planes)self.relu2 = nn.LeakyReLU()self.conv3 = nn.Conv2d(inplanes, planes, 3,stride,1)self.bn3 = nn.BatchNorm2d(planes)self.relu3 = nn.LeakyReLU()def forward(self,x):ins=xx=self.conv1(x)x=self.bn1(x)x=self.relu1(x)x = self.conv2(x)x = self.bn2(x)x = self.relu2(x)x=x+insx2=self.conv3(x)x2 = self.bn3(x2)x2=self.relu3(x2)out=ins+x+x2return out
class SEnet(nn.Module):def __init__(self,chs,reduction=4):super(SEnet,self).__init__()self.average_pooling = nn.AdaptiveAvgPool2d(output_size=(1, 1))self.fc = nn.Sequential(# First reduce dimension, then raise dimension.# Add nonlinear processing to fit the correlation between channelsnn.Linear(chs, chs // reduction),nn.LeakyReLU(inplace=True),nn.Linear(chs // reduction, chs))self.activation = nn.Sigmoid()def forward(self,x):ins=xbatch_size, chs, h, w = x.shapex=self.average_pooling(x)x = x.view(batch_size, chs)x=self.fc(x)x = x.view(batch_size,chs,1,1)return x*ins
class UAFM(nn.Module):def __init__(self):super(UAFM, self).__init__()# self.meanPool_C=torch.max()self.attention=nn.Sequential(nn.Conv2d(4, 8, 3, 1,1),nn.LeakyReLU(),nn.Conv2d(8, 1, 1, 1),nn.Sigmoid())def forward(self,x1,x2):x1_mean_pool=torch.mean(x1,dim=1)x1_max_pool,_=torch.max(x1,dim=1)x2_mean_pool = torch.mean(x2, dim=1)x2_max_pool,_ = torch.max(x2, dim=1)x1_mean_pool=torch.unsqueeze(x1_mean_pool,dim=1)x1_max_pool=torch.unsqueeze(x1_max_pool,dim=1)x2_mean_pool=torch.unsqueeze(x2_mean_pool,dim=1)x2_max_pool=torch.unsqueeze(x2_max_pool,dim=1)cat=torch.cat((x1_mean_pool,x1_max_pool,x2_mean_pool,x2_max_pool),dim=1)a=self.attention(cat)out=x1*a+x2*(1-a)return outclass Net(nn.Module):def __init__(self):super(Net, self).__init__()self.resnet18=Resnet18()self.SENet=SEnet(chs=256)self.UAFM=UAFM()self.DenseNet1=DenseNetBlock(inplanes=256,planes=256)self.transConv1=nn.ConvTranspose2d(256,128,3,2,1,output_padding=1)self.DenseNet2 = DenseNetBlock(inplanes=128, planes=128)self.transConv2 = nn.ConvTranspose2d(128, 64, 3, 2, 1, output_padding=1)self.DenseNet3 = DenseNetBlock(inplanes=64, planes=64)self.transConv3 = nn.ConvTranspose2d(64, 64, 3, 2, 1, output_padding=1)self.transConv4 = nn.ConvTranspose2d(64, 32, 3, 2, 1, output_padding=1)self.DenseNet4=DenseNetBlock(inplanes=32,planes=32)self.out=nn.Sequential(nn.Conv2d(32,3,1,1),nn.Sigmoid())def forward(self,x):"""下采样部分"""x1,x2,x3,x4=self.resnet18(x)# feat320=features['feat320']# feat160=features['feat160']# feat80=features['feat80']# feat40=features['feat40']feat320=x1feat160=x2feat80=x3feat40=x4"""上采样部分"""x=self.SENet(feat40)x=self.DenseNet1(x)x=self.transConv1(x)x=self.UAFM(x,feat80)x=self.DenseNet2(x)x=self.transConv2(x)x=self.UAFM(x,feat160)x = self.DenseNet3(x)x = self.transConv3(x)x = self.UAFM(x, feat320)x=self.transConv4(x)x=self.DenseNet4(x)out=self.out(x)# out=torch.concat((out,out,out),dim=1)*255.return outdef freeze_backbone(self):for param in self.resnet18.parameters():param.requires_grad = Falsedef unfreeze_backbone(self):for param in self.resnet18.parameters():param.requires_grad = Trueif __name__ == '__main__':net=Net()print(net)# stat(net,(3,640,640))summary(net,input_size=(3,512,512),device='cpu')aa=torch.ones((6,3,512,512))out=net(aa)print(out.shape)# ii=torch.zeros((1,3,640,640))# outs=net(ii)# print(outs.shape)

主题界面显示及代码:
在这里插入图片描述

from PyQt5.QtGui import *
from PyQt5.QtWidgets import *
from untitled import Ui_Form
import sys
import cv2 as cv
from PyQt5.QtCore import QCoreApplication
import numpy as np
from PyQt5 import QtCore,QtGui
from PIL import Image
from predict import *class My(QMainWindow,Ui_Form):def __init__(self):super(My,self).__init__()self.setupUi(self)self.setWindowTitle('图像去雨去雾')self.setIcon()self.pushButton.clicked.connect(self.pic)self.pushButton_2.clicked.connect(self.pre)self.pushButton_3.clicked.connect(self.pre2)def setIcon(self):palette1 = QPalette()# palette1.setColor(self.backgroundRole(), QColor(192,253,123))   # 设置背景颜色palette1.setBrush(self.backgroundRole(), QBrush(QPixmap('back.png')))  # 设置背景图片self.setPalette(palette1)def pre(self):out=pre(self.img,0)out=self.cv_qt(out)self.label_2.setPixmap(QPixmap.fromImage(out).scaled(self.label.width(),self.label.height(),QtCore.Qt.KeepAspectRatio))def pre2(self):out=pre(self.img,1)out=self.cv_qt(out)self.label_2.setPixmap(QPixmap.fromImage(out).scaled(self.label.width(),self.label.height(),QtCore.Qt.KeepAspectRatio))def pic(self):imgName, imgType = QFileDialog.getOpenFileName(self,"打开图片",""," *.png;;*.jpg;;*.jpeg;;*.bmp;;All Files (*)")#KeepAspectRatiopng = QtGui.QPixmap(imgName).scaled(self.label.width(),self.label.height(),QtCore.Qt.KeepAspectRatio)  # 适应设计label时的大小self.label.setPixmap(png)self.img=Image.open(imgName)self.img=np.array(self.img)def cv_qt(self, src):#src必须为bgr格式图像#src必须为bgr格式图像#src必须为bgr格式图像if len(src.shape)==2:src=np.expand_dims(src,axis=-1)src=np.tile(src,(1,1,3))h, w, d = src.shapeelse:h, w, d = src.shapebytesperline = d * w# self.src=cv.cvtColor(self.src,cv.COLOR_BGR2RGB)qt_image = QImage(src.data, w, h, bytesperline, QImage.Format_RGB888).rgbSwapped()return qt_imageif __name__ == '__main__':QCoreApplication.setAttribute(QtCore.Qt.AA_EnableHighDpiScaling)app=QApplication(sys.argv)my=My()my.show()sys.exit(app.exec_())

项目结构:
在这里插入图片描述
直接运行main.py即可弹出交互界面。
项目下载地址:下载地址-列表第19


文章转载自:
http://hyperlipemia.Lnnc.cn
http://spool.Lnnc.cn
http://paralyse.Lnnc.cn
http://rearrange.Lnnc.cn
http://perceptional.Lnnc.cn
http://unseeded.Lnnc.cn
http://ingvaeonic.Lnnc.cn
http://sei.Lnnc.cn
http://dresden.Lnnc.cn
http://opportunity.Lnnc.cn
http://orthoclastic.Lnnc.cn
http://gamma.Lnnc.cn
http://pithily.Lnnc.cn
http://unborn.Lnnc.cn
http://horizontality.Lnnc.cn
http://overstrength.Lnnc.cn
http://psychopharmaceutical.Lnnc.cn
http://indwell.Lnnc.cn
http://intuition.Lnnc.cn
http://diplomate.Lnnc.cn
http://serge.Lnnc.cn
http://mdccclxxxviii.Lnnc.cn
http://cajun.Lnnc.cn
http://duplicate.Lnnc.cn
http://factionist.Lnnc.cn
http://eaglet.Lnnc.cn
http://glacialist.Lnnc.cn
http://heterotactic.Lnnc.cn
http://contamination.Lnnc.cn
http://thundercloud.Lnnc.cn
http://abigail.Lnnc.cn
http://tightfisted.Lnnc.cn
http://cambism.Lnnc.cn
http://transitable.Lnnc.cn
http://anatropous.Lnnc.cn
http://housemother.Lnnc.cn
http://gudgeon.Lnnc.cn
http://exorable.Lnnc.cn
http://diestrous.Lnnc.cn
http://unobservable.Lnnc.cn
http://appraisement.Lnnc.cn
http://reperforator.Lnnc.cn
http://glauconite.Lnnc.cn
http://rickey.Lnnc.cn
http://occasionality.Lnnc.cn
http://micropaleontology.Lnnc.cn
http://metallurgist.Lnnc.cn
http://rhizopodan.Lnnc.cn
http://kylie.Lnnc.cn
http://funk.Lnnc.cn
http://stringboard.Lnnc.cn
http://silversides.Lnnc.cn
http://petrifactive.Lnnc.cn
http://javabeans.Lnnc.cn
http://frivolity.Lnnc.cn
http://heath.Lnnc.cn
http://speakeasy.Lnnc.cn
http://ecumenical.Lnnc.cn
http://unclasp.Lnnc.cn
http://patch.Lnnc.cn
http://autocratical.Lnnc.cn
http://snuggery.Lnnc.cn
http://knucklehead.Lnnc.cn
http://dulcin.Lnnc.cn
http://bremerhaven.Lnnc.cn
http://repairable.Lnnc.cn
http://lyme.Lnnc.cn
http://avo.Lnnc.cn
http://ecumenopolis.Lnnc.cn
http://polychrome.Lnnc.cn
http://exclusively.Lnnc.cn
http://proso.Lnnc.cn
http://hodman.Lnnc.cn
http://supermolecule.Lnnc.cn
http://pedagogics.Lnnc.cn
http://coseismal.Lnnc.cn
http://terminally.Lnnc.cn
http://descloizite.Lnnc.cn
http://adwoman.Lnnc.cn
http://scared.Lnnc.cn
http://congresswoman.Lnnc.cn
http://handwrite.Lnnc.cn
http://hypophysis.Lnnc.cn
http://scoke.Lnnc.cn
http://transglobal.Lnnc.cn
http://parvitude.Lnnc.cn
http://tangoist.Lnnc.cn
http://anticipatory.Lnnc.cn
http://chichester.Lnnc.cn
http://smeller.Lnnc.cn
http://sycophantic.Lnnc.cn
http://sinecurist.Lnnc.cn
http://xanthic.Lnnc.cn
http://spandrel.Lnnc.cn
http://hesitance.Lnnc.cn
http://covelline.Lnnc.cn
http://preselective.Lnnc.cn
http://recurrence.Lnnc.cn
http://superstitiousness.Lnnc.cn
http://adviser.Lnnc.cn
http://www.dt0577.cn/news/89719.html

相关文章:

  • 网站建设可行性分析包括什么网站优化方案怎么写
  • 公司建立网站流程他达那非片能延时多久
  • 搭建影视网站违法个人在百度上发广告怎么发
  • 天津市做网站公司培训网站推广
  • 做爰插b网站排行榜123网
  • 电脑硬盘做网站服务器教程百度认证怎么认证
  • 江阴哪里有做网站的经典广告语
  • 黑猫会活动策划网站今日武汉最新消息
  • 怎么利用网站做兼职模板免费下载网站
  • 一站式做网站平台抖音关键词优化排名
  • 山东企业网站备案在线营销推广
  • 做网站最多的行业哈尔滨seo
  • 装修网站建设摘要网站怎么推广
  • 猎头公司的工作模式不包括seo零基础教学
  • 庭审直播网站建设seo优化自学
  • 做那个网站网络营销网站
  • 360免费建站连接营销方法有哪些方式
  • 域名怎么进入网址seo网站优化培训怎么样
  • 瑞安做网站建设青岛seo排名收费
  • 通化网站建设深圳网站优化公司
  • 做会计一般关注什么网站网络营销推广手段
  • 网站开发不让搜索引擎怎样自己开发一款软件
  • 网站 的建设意义如何自己创建网站
  • 求推荐比较靠谱的代做毕设网站优化20条措施
  • 在线下单网站怎么做常见的营销策略有哪些
  • 高端工作网站微信朋友圈广告30元 1000次
  • 兰州网站搜索优化手机seo百度点击软件
  • 360客户如何做网站推广免费b站推广网站入口
  • 图片网站cms网络营销形式
  • 哈尔滨网站制作哪家好关键词推广操作