中文亚洲精品无码_熟女乱子伦免费_人人超碰人人爱国产_亚洲熟妇女综合网

當(dāng)前位置: 首頁(yè) > news >正文

在百度上做網(wǎng)站推廣神器

在百度上做網(wǎng)站,推廣神器,網(wǎng)站內(nèi)文章標(biāo)題格式,做最好的色書(shū)網(wǎng)站基于深度學(xué)習(xí)的圖像去雨去霧 文末附有源碼下載地址 b站視頻地址: https://www.bilibili.com/video/BV1Jr421p7cT/ 基于深度學(xué)習(xí)的圖像去雨去霧,使用的網(wǎng)絡(luò)為unet, 網(wǎng)絡(luò)代碼: import torch import torch.nn as nn from torchsumm…

基于深度學(xué)習(xí)的圖像去雨去霧


文末附有源碼下載地址
b站視頻地址: https://www.bilibili.com/video/BV1Jr421p7cT/

基于深度學(xué)習(xí)的圖像去雨去霧,使用的網(wǎng)絡(luò)為unet,
網(wǎng)絡(luò)代碼:

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))   # 設(shè)置背景顏色palette1.setBrush(self.backgroundRole(), QBrush(QPixmap('back.png')))  # 設(shè)置背景圖片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,"打開(kāi)圖片",""," *.png;;*.jpg;;*.jpeg;;*.bmp;;All Files (*)")#KeepAspectRatiopng = QtGui.QPixmap(imgName).scaled(self.label.width(),self.label.height(),QtCore.Qt.KeepAspectRatio)  # 適應(yīng)設(shè)計(jì)label時(shí)的大小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_())

項(xiàng)目結(jié)構(gòu):
在這里插入圖片描述
直接運(yùn)行main.py即可彈出交互界面。
項(xiàng)目下載地址:下載地址-列表第19

http://www.risenshineclean.com/news/51188.html

相關(guān)文章:

  • 有關(guān)互聯(lián)網(wǎng)網(wǎng)站在線查詢網(wǎng)站收錄
  • dw網(wǎng)站二級(jí)頁(yè)面怎么做搜索引擎算法
  • 購(gòu)買(mǎi)的網(wǎng)站如何換背景淘寶代運(yùn)營(yíng)靠譜嗎
  • 宜春seo網(wǎng)站推廣免費(fèi)友情鏈接交換平臺(tái)
  • 網(wǎng)站開(kāi)發(fā) 方案如何注冊(cè)網(wǎng)站怎么注冊(cè)
  • 網(wǎng)站建設(shè)所需硬件參數(shù)哪個(gè)平臺(tái)推廣效果最好
  • 企業(yè)級(jí)網(wǎng)絡(luò)管理長(zhǎng)沙seo網(wǎng)絡(luò)公司
  • 在網(wǎng)上做翻譯的網(wǎng)站市場(chǎng)營(yíng)銷(xiāo)策劃方案3000字
  • 一級(jí)a做爰片免費(fèi)網(wǎng)站孕交視頻愛(ài)戰(zhàn)網(wǎng)關(guān)鍵詞挖掘查詢工具
  • 做網(wǎng)站學(xué)哪個(gè)語(yǔ)言最好網(wǎng)絡(luò)推廣人員
  • 只做美食類(lèi)目產(chǎn)品的網(wǎng)站谷歌play商店
  • 購(gòu)物網(wǎng)站修改注冊(cè)信息模塊的分析唐老鴨微信營(yíng)銷(xiāo)軟件
  • 北京網(wǎng)站開(kāi)發(fā)培訓(xùn)網(wǎng)絡(luò)廣告策劃與制作
  • 網(wǎng)站首頁(yè)的重要性seo霸屏
  • wordpress 隱藏跳轉(zhuǎn)贛州網(wǎng)站seo
  • 手機(jī)自己制作表白網(wǎng)站app產(chǎn)品營(yíng)銷(xiāo)方案
  • 凡科 預(yù)約網(wǎng)站企業(yè)seo排名哪家好
  • 織夢(mèng)網(wǎng)站欄目不顯示不出來(lái)如何優(yōu)化百度seo排名
  • 山東建設(shè)管理局官方網(wǎng)站互聯(lián)網(wǎng)營(yíng)銷(xiāo)的特點(diǎn)
  • 老網(wǎng)站權(quán)重低的原因排名檢測(cè)
  • 電子商務(wù)自助建網(wǎng)站2023年6月份疫情嚴(yán)重嗎
  • frontpage官方下載南寧seo推廣外包
  • php怎么做p2p網(wǎng)站深圳網(wǎng)站推廣公司
  • 烏克蘭vps國(guó)外服務(wù)器網(wǎng)絡(luò)優(yōu)化需要哪些知識(shí)
  • 南昌信息推廣平臺(tái)搜索引擎優(yōu)化哪些方面
  • wordpress內(nèi)嵌網(wǎng)頁(yè)福州排名seo公司
  • 用meteor框架做的微博網(wǎng)站淘寶指數(shù)官網(wǎng)入口
  • 自適應(yīng)網(wǎng)站如何做mip網(wǎng)頁(yè)免費(fèi)拓客軟件哪個(gè)好用
  • 一站式企業(yè)服務(wù)平臺(tái)是什么搜索熱度和搜索人氣
  • 軟件開(kāi)發(fā)工具屬于哪種類(lèi)型的軟件提升seo排名