随笔分类 -  论文代码

摘要:VQ-VAE的目的是把图像压缩成离散向量 大佬链接:https://zhuanlan.zhihu.com/p/633744455 VQ-VAE的工作过程: 阅读全文
posted @ 2024-02-26 11:20 helloWorldhelloWorld 阅读(53) 评论(0) 推荐(0) 编辑
摘要:大佬博客:https://zhuanlan.zhihu.com/p/655679978 1.Forward Process stochastic differential equation (SDE) 随机微分方程 DDIM中,向前过程ODE(Ordinary Differential Equati 阅读全文
posted @ 2023-12-22 08:56 helloWorldhelloWorld 阅读(153) 评论(0) 推荐(0) 编辑
摘要:1. 在运行SFNet代码时,前后代码保持不变,运行两次结果发生变化, 把下面这段代码注掉就可以保持前后两次运行结果一致,不确定是否是nn.BatchNorm2d计算均值和方差导致 class dynamic_filter(nn.Module): def __init__(self, inchann 阅读全文
posted @ 2023-10-23 15:54 helloWorldhelloWorld 阅读(145) 评论(0) 推荐(0) 编辑
摘要:import torch import random import os import numpy as np def seed_setting(seed): random.seed(seed) # os.environ['']=str(seed) np.random.seed(seed) torc 阅读全文
posted @ 2023-10-18 14:21 helloWorldhelloWorld 阅读(27) 评论(0) 推荐(0) 编辑
摘要:一. Motivation (1) Retinex理论没有考虑到噪声,并且基于Retinex分解的网络通常需要很多阶段训练。 (2)直接使用从CNN从低光图像到正常光图像的映射忽略了人类的颜色感知,CNN更适合捕获局部信息,对于捕获远程依赖和非局部自相似性方面存在局限。 二.Contribution 阅读全文
posted @ 2023-10-12 10:54 helloWorldhelloWorld 阅读(589) 评论(3) 推荐(0) 编辑
摘要:1、23arxiv_LLDiffusion: Learning Degradation Representations in Diffusion Models for Low-Light Image Enhancement中提到 LOL-v2文献来源:Sparse gradient regulari 阅读全文
posted @ 2023-08-08 14:53 helloWorldhelloWorld 阅读(530) 评论(0) 推荐(0) 编辑
摘要: 阅读全文
posted @ 2023-07-17 16:00 helloWorldhelloWorld 阅读(16) 评论(0) 推荐(0) 编辑
摘要:1. 声明教师,学生网络 backbone_model = Net(gps=opt.gps, blocks=opt.blocks) backbone_model = backbone_model.to(device) ema_model = Net(gps=opt.gps, blocks=opt.b 阅读全文
posted @ 2023-07-17 15:59 helloWorldhelloWorld 阅读(56) 评论(0) 推荐(0) 编辑
摘要:1、导入pyiqa包(要求torch>1.10) 2、外网下载niqe_modelparameters.mat、brisque_svm_weights.pth 3、把外网下载的两个文件放在制定目录(.cache/......),ctrl+H打开ubuntu隐藏文件夹 阅读全文
posted @ 2023-07-02 19:48 helloWorldhelloWorld 阅读(213) 评论(0) 推荐(0) 编辑
摘要:1.nn.PixelShuffle(8) 阅读全文
posted @ 2023-06-05 15:11 helloWorldhelloWorld 阅读(29) 评论(0) 推荐(0) 编辑
摘要:1. # narrow切片 x1, x2 = (x.narrow(1, 0, self.split_len1), x.narrow(1, self.split_len1, self.split_len2)) 假设输入的张量是x,那么这句代码的作用是将x在第1维(即行数)上分别切割为两个长度分别为se 阅读全文
posted @ 2023-05-30 18:54 helloWorldhelloWorld 阅读(47) 评论(0) 推荐(0) 编辑
摘要:1、nn.ReflectionPad2d 对输入图像以最外围像素为对称轴,做四周的轴对称镜像填充。 大佬链接:(14条消息) torch.nn.ReflectionPad2d()的用法简介_nn.reflectionpad2d(1)_啊菜来了的博客-CSDN博客 # 对四周都填充3行 nn.Refl 阅读全文
posted @ 2023-05-22 15:51 helloWorldhelloWorld 阅读(79) 评论(0) 推荐(0) 编辑
摘要:1、np.ndarray # 将data_lowlight结构数据转化为nsarray float 再将图片进行归一化 data_lowlight = (np.asarray(data_lowlight) / 255.0) 2、np.histogram 直方图 提取直方图的思路是:统计图像中像素点为 阅读全文
posted @ 2023-04-11 22:38 helloWorldhelloWorld 阅读(136) 评论(0) 推荐(0) 编辑
摘要:LLFormer 1、rearrange:重塑形状 大佬链接:https://zhuanlan.zhihu.com/p/594012790 import torch import torch.nn.functional as F from einops import rearrange input 阅读全文
posted @ 2023-04-09 22:29 helloWorldhelloWorld 阅读(67) 评论(0) 推荐(0) 编辑
摘要:2023-04-04 1、 2、删掉 3、删掉 阅读全文
posted @ 2023-04-04 16:42 helloWorldhelloWorld 阅读(18) 评论(0) 推荐(0) 编辑
摘要:一、常用 (1)保存阶段图片 from torchvision import utils as vutils vutils.save_image(img_LQ, 'experiments/model/img_LQ.jpg', normalize=True) (2)基本流程 (3)events.out 阅读全文
posted @ 2023-03-08 11:59 helloWorldhelloWorld 阅读(137) 评论(0) 推荐(0) 编辑

点击右上角即可分享
微信分享提示