自定义博客皮肤VIP专享

*博客头图:

格式为PNG、JPG,宽度*高度大于1920*100像素,不超过2MB,主视觉建议放在右侧,请参照线上博客头图

请上传大于1920*100像素的图片!

博客底图:

图片格式为PNG、JPG,不超过1MB,可上下左右平铺至整个背景

栏目图:

图片格式为PNG、JPG,图片宽度*高度为300*38像素,不超过0.5MB

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(58)
  • 收藏
  • 关注

原创 pytorch中的grid_sample()使用

torch.nn.functional.grid_sample(input, grid, mode='bilinear', padding_mode='zeros', align_corners=None)input: (N, C, H_in, W_in)grid: (N, H_out, W_out, 2)output:(N, C, H_out, W_out)这里的 2 是固定的,表示grid对应input 中pixel的位置(x, y)两个维度。这里一般会将x和y的取值范围归一化到(..

2021-09-16 14:21:39 2308

原创 madVR+potplay 基本设置

ctrl+j 调出 madvr 的OSD菜单 如下图:如何设置 madVR 10bit 输出:1. 确保视频源是10bit 源2. 显示器设置 如下:3. 渲染设置如下:设置完成,OSD信息 变化如下:如何确定是否HDR设置生效:调节如下 target peak nits: 100 或者 200, 如果100 比200时的屏幕亮,说明HDR生效。...

2021-08-31 10:34:22 3864

原创 图像处理——双边滤波器

双边滤波(Bilateral filter)是一种可以保边去噪的滤波器。之所以可以达到此去噪效果,是因为滤波器是由两个函数构成。一个函数是由几何空间距离决定滤波器系数。另一个由像素差值决定滤波器系数。使用二维高斯函数生成距离模板,使用一维高斯函数生成像素差值模板。对比两个filter:高斯低通滤波器和α-截尾均值滤波器(去掉百分率为α的最小值和最大之后剩下像素的均值作为滤波器), 双边滤波器同时考虑了空间域与值域的差别,而Gaussian Filter和α均值滤波分别只考虑了空间域和值域差别。双边滤波

2020-10-07 17:58:59 652

原创 论文阅读------Exposure Fusion: A Simple and Practical Alternative to High Dynamic Range Photography

Mertens T, Kautz J, Van Reeth F. Exposure fusion: A simple and practical alternative to high dynamic range photography[C]//Computer graphics forum. Oxford, UK: Blackwell Publishing Ltd, 2009, 28(1): 161-171.摘要本文提出了一种将包围曝光的序列融合到高质量图像中的技术,而无需先转换为高动态范围(HD.

2020-09-07 12:55:24 2466

原创 论文阅读笔记---Dynamic Range Expansion Using Cumulative Histogram Learning for High Dynamic Range Image...

H. Jang, K. Bang, J. Jang and D. Hwang, “Dynamic Range Expansion Using Cumulative Histogram Learning for High Dynamic Range Image Generation,” in IEEE Access, vol. 8, pp. 38554-38567, 2020, doi: 10.1109/ACCESS.2020.2975857.摘要与一般方法不同的是, 文章没有在RGB 域学习 LDR.

2020-05-28 11:43:18 491

原创 光度学中的基本参量

2020-03-27 20:19:17 695

原创 论文阅读笔记----Learning an inverse tone mapping network with a generative adversarial regularizer

Ning S, Xu H, Song L, et al. Learning an inverse tone mapping network with a generative adversarial regularizer[C]//2018 IEEE International Conference on Acoustics, Speech and Signal Processing (ICAS...

2020-03-26 11:40:54 632 2

原创 论文阅读笔记------Deep Retinex Decomposition for Low-Light Enhancement

Wei C, Wang W, Yang W, et al. Deep retinex decomposition for low-light enhancement[J]. arXiv preprint arXiv:1808.04560, 2018.摘要视网膜模型是一种有效的低光图像增强工具。它假设观测到的图像可以分解成反射率和照度。大多数现有的基于视网膜的方法都为这种高度不适定的分解精心...

2020-03-24 18:10:53 2343

原创 论文阅读笔记----MBLLEN: Low-light Image/Video Enhancement Using CNNs

Lv F, Lu F, Wu J, et al. MBLLEN: Low-Light Image/Video Enhancement Using CNNs[C]//BMVC. 2018: 220.摘要:提出了一种基于深度学习的微光图像增强方法。由于难以同时处理包括亮度、对比度、伪影和噪声在内的各种因素,这个问题具有挑战性。为了解决这一问题,我们提出了多分支微光增强网络(MBLLEN)。...

2020-03-23 17:31:58 3077

原创 论文阅读笔记------Image Correction via Deep Reciprocating HDR Transformation(DRHT)

Yang X, Xu K, Song Y, et al. Image correction via deep reciprocating hdr transformation[C]//Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. 2018: 1798-1807.代码:https:/...

2020-03-22 16:09:48 944

原创 论文阅读笔记------Generation of high dynamic range illumination from a single image for the enhancement

Park, Jae Sung, Jae Woong Soh, and Nam Ik Cho. "Generation of high dynamic range illumination from a single image for the enhancement of undesirably illuminated images."Multimedia Tools and Applicat...

2020-03-18 19:26:10 456 1

原创 图像处理知识------滤波器

高斯滤波器:参考博客:https://blog.csdn.net/nima1994/article/details/79776802 双边滤波: 参考博客:http://www.360doc.com/content/17/0306/14/28838452_634420847.shtml高斯滤波只考虑了周边点与中心点的空间距离来计算得到权重。存在一个问题是如果在边缘处也用这种思路来进行滤波的...

2020-03-09 20:14:38 647

原创 论文阅读笔记------A High Contrast Video Inverse Tone Mapping Operator for High Dynamic Range Applications

Mohammadi P, Pourazad M T, Nasiopoulos P. A High Contrast Video Inverse Tone Mapping Operator for High Dynamic Range Applications[C]//2019 IEEE International Symposium on Circuits and Systems (ISCAS)...

2020-02-22 18:43:09 592

原创 论文阅读笔记-----Single-frame Regularization for Temporally Stable CNNs

Eilertsen G, Mantiuk R K, Unger J. Single-frame Regularization for Temporally Stable CNNs[C]//Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. 2019: 11176-11185.摘要:...

2020-02-21 10:48:05 1144

原创 论文阅读笔记----HDR image reconstruction from a single exposure using deep CNNs

Eilertsen G, Kronander J, Denes G, et al. HDR image reconstruction from a single exposure using deep CNNs[J]. ACM Transactions on Graphics (TOG), 2017, 36(6): 1-15.HDR重建模型:目标是在给定一个任意相机产生的LDR图像,...

2020-02-19 17:22:01 3161 1

原创 论文阅读笔记------iTM-Net: Deep Inverse Tone Mapping Using Novel Loss Function Considering TMO

Kinoshita Y, Kiya H. iTM-Net: Deep Inverse Tone Mapping Using Novel Loss Function Considering Tone Mapping Operator[J]. IEEE Access, 2019, 7: 73555-73563.摘要:在本文中,我们提出了一种新的反色调映射网络,称为iTM-Net。在训练i...

2020-02-18 21:39:19 989

原创 论文阅读笔记------Deep Video Inverse Tone Mapping

Yucheng Xu, Li song, Rong Xie, Wenjun Zhang.Deep Video Inverse Tone Mapping. 2019 IEEE Fifth International Conference on Multimedia Big Data(BigMM).摘要:现有的逆色调映射方法将逆色调映射问题认为是从LDR域到HDR域直接转换的问题,却忽略...

2020-02-11 11:50:21 1171 1

原创 论文阅读笔记--ExpandNet: High Dynamic Range Expansion from Low Dynamic Range Content

Marnerides D, Bashford‐Rogers T, Hatchett J, et al. ExpandNet: A deep convolutional neural network for high dynamic range expansion from low dynamic range content[C]//Computer Graphics Forum. 2018, 3...

2020-01-16 11:28:03 1722 1

原创 论文阅读笔记--JSI-GAN: GAN-Based Joint Super-Resolution and Inverse Tone-Mapping with UHD HDR video

Kim S Y , Oh J , Kim M . JSI-GAN: GAN-Based Joint Super-Resolution and Inverse Tone-Mapping with Pixel-Wise Task-Specific Filters for UHD HDR Video[J]. ECCV 2019.摘要:最近已经探索了对超分辨率(SR)和逆色调映射(ITM)的...

2020-01-13 16:18:13 1054 1

原创 论文阅读笔记---Deep HDR Video from Sequences with Alternating Exposures

Kalantari N K, Ramamoorthi R. Deep HDR Video from Sequences with Alternating Exposures[C]//Computer Graphics Forum. 2019, 38(2): 193-205.摘要:在本文中,提出了一种基于学习的方法来,我们使用两个顺序卷积神经网络(CNN)对整个HDR视频重建过程进...

2020-01-13 11:07:40 1154 1

原创 论文阅读笔记---Deep High Dynamic Range Imaging of Dynamic Scanes

Kalantari N K , Ramamoorthi R . Deep high dynamic range imaging of dynamic scenes[J]. ACM Transactions on Graphics, 2017, 36(4):1-12.论文+数据+代码:http://cseweb.ucsd.edu/~viscomp/projects/SIG17HDR/...

2020-01-06 16:34:30 2217

转载 [Ubuntu] [Python] MemoryError: Unable to allocate array with shape (x, x) and data type float64

错误信息MemoryError: Unable to allocate array with shape (430949, 430949) and data type float64系统环境Ubuntu 18.04 LTS Python 3.6原因分析据传 [1] 是因为触发了系统的 overcommit handing 模式。事情是这样的,我打算生成一个形状为[430...

2019-12-31 18:22:18 3543

原创 Deep SR-ITM: Joint Learning of Super-resolution and Inverse Tone-Mapping for 4K UHD HDR Applications

Kim, Soo Ye, Jihyong Oh, and Munchurl Kim. "Deep SR-ITM: Joint Learning of Super-resolution and Inverse Tone-Mapping for 4K UHD HDR Applications."arXiv preprint arXiv:1904.11176(2019).地址:https:/...

2019-12-30 16:24:32 819 1

原创 论文阅读笔记------Deep reverse tone mapping (DrTMO)

Endo Y, Kanamori Y, Mitani J. Deep reverse tone mapping[J]. ACM Trans. Graph., 2017, 36(6): 177:1-177:10.摘要:直接从8位LDR图像中推断出32位HDR图像很困难对于培训的困难,采取间接的方法;关键思想是基于监督学习合成不同曝光下拍摄的LDR图像(即包围曝光的图像),然后进行重构合并...

2019-12-25 15:41:57 2018 2

原创 论文阅读笔记------Recovering High Dynamic Range Radiance Maps from Photographs(经典论文)

相关概念:radiance用来描述物体表面单位面积上的能量分布,和方向有关。In radiometry,radianceis the radiant flux emitted, reflected, transmitted or received by a surface,per unit solid angle per unit projected area. For examp...

2019-12-25 10:42:05 2362 1

原创 论文阅读笔记--Joint High Dynamic Range Imaging and Super-Resolution from a Single Image

文章地址:Joint High Dynamic Range Imaging and Super-Resolution from a Single ImageSoh J W , Park J S , Cho N I . Joint High Dynamic Range Imaging and Super-Resolution from a Single Image[J]. 2019.摘...

2019-12-23 17:26:48 962

原创 不同类型的卷积操作

原始版本卷积操作 这种卷积操作叫SAME Padding,卷积操作后原图与特征图大小相同。每次移动一个格子 这种卷积操作叫VALUE Padding,卷积操作后原图比特征图要大,每次移动的步长为2 代表模型:LeNet:最早使用stack单卷积+单池化结构的方式,卷积层来做特征提取,池化来做空间下采样AlexNet:后来发现单卷积提取到的特征不是很丰富,...

2019-12-19 11:29:38 588 1

原创 论文阅读笔记:Colorful Image Colorization

论文PDF:Colorful Image Colorization代码:github摘要给定一张灰度照片作为输入,本文解决了使照片的颜色看起来像幻像的问题。这个问题显然受到限制,因此以前的方法要么依赖于重要的用户交互,要么导致色彩饱和。我们提出了一种全自动的方法,可以产生生动逼真的色彩。我们将问题摆在分类任务中,以解决问题的潜在不确定性,并在训练时使用类重新平衡来增加结果中颜色的多...

2019-12-11 19:31:28 808

原创 论文阅读笔记:Blind Video Quality Assessment With Weakly Supervised Learning and Resampling Strategy

论文PDF:Blind Video Quality Assessment With Weakly Supervised Learning and Resampling Strategy摘要在本文中,提出了一个通用的无参考VQA框架,该框架基于带卷积神经网络(CNN)和重采样策略的弱监督学习。首先,通过弱监督学习来训练八层CNN,以构造视频块的3D离散余弦变换的变形与通过全参考(FR...

2019-12-11 17:51:10 797

原创 论文阅读笔记:Deep Chain HDRI: Reconstructing a HDR Image from a Single LDR Image

Lee, S., An, G. H., & Kang, S. J. (2018). Deep chain HDRI: Reconstructing a high dynamic range image from a single low dynamic range image.IEEE Access,6, 49913-49924.论文PDF:Deep chain HDRI: R...

2019-12-11 16:49:10 934 1

原创 论文阅读笔记:Deep Video Quality Assessor

论文PDF:Deep Video Quality Assessor: From Spatio-Temporal Visual Sensitivity to a Convolutional Neural Aggregation NetworkTemporal Motion Effect启发来自视频的时空特性引起的综合掩盖效应。时间掩盖效应:在存在较大运动时,色相,亮度和尺寸的变化对人...

2019-12-04 13:59:44 703

原创 论文阅读笔记:End-to-End Blind Image Quality Assessment Using Deep Neural Networks

论文提出一种多任务端到端优化的深度神经网络(MEON)做BIQA(blind image quality assessment)。MEON包括两部分网络:失真判别网络和质量预测网络。与传统的训练方法多任务网络不同,训练过程分为两个阶段。第一步,训练失真类型识别子网络。在第二步中,从训练的早期层和第一个子网的输出开始,使用随机梯度下降法的变体训练质量预测子网。与大多数不同深度神经网络,选择生...

2019-11-28 21:02:49 2190 5

原创 LaTeX页码设置

默认情况下,LaTeX会在每个页面的底部生成一个页码编号,即使是标题页也是如此。通常情况下,我们不需要在标题页输出页码编号,而且目录页一般也会采用罗马数字的形式给出页码,而正文内容则以阿拉伯数字的形式给出页码编号。本文接下来介绍了LaTeX中基本的页码设置。页码设置相关的命令在LaTex中,与页码和页面设置相关的命令有\pagestyle{type},\thispagestyle{type}...

2019-11-26 19:49:48 10872

原创 Latex中用Bibtex来引用文献

软件:装了TeXstudio和texlive操作步骤如下:Step1:创建BibTex文件;再texmaker中,新建文件,然后保存的时候选择保存为 .bib文件,即创建了一个BibTex参考文献库,如创建的BibTex库的名字为:ref.bib。Step2:添加引用文章的内容;把要引用的文献的BibTex格式内容的复制到ref.bib里面;如要引用的一篇文献的BibTex内...

2019-11-26 17:46:44 370

原创 ffmpeg 安装(支持h.265)

安装FFMPEG需要的所有组件sudo apt-get updatesudo apt-get -y install autoconf automake build-essential libass-dev libfreetype6-dev \ libsdl2-dev libtheora-dev libtool libva-dev libvdpau-dev libvorbis-dev l...

2019-11-13 20:24:56 3253 5

原创 pip 下载慢——解决方法

国内源:新版ubuntu要求使用https源,要注意。清华:https://pypi.tuna.tsinghua.edu.cn/simple阿里云:http://mirrors.aliyun.com/pypi/simple/中国科技大学https://pypi.mirrors.ustc.edu.cn/simple/华中理工大学:http://pypi.hustunique.c...

2019-11-07 19:58:12 562

原创 Pytorch使用tensorboardX可视化

TensorboardX 用于Pytorch的可视化,支持scalar, image, figure, histogram, audio, text, graph, onnx_graph, embedding, pr_curve and videosummaries等不同的可视化展示方式,具体介绍移步至项目Github 观看详情:https://github.com/lanpa/tensorbo...

2019-11-07 19:52:35 5269

原创 【Python】自动生成命令行工具 - fire 简介

fire是python中用于生成命令行界面(Command Line Interfaces, CLIs)的工具,不需要做任何额外的工作,只需要从主模块中调用fire.Fire(),它会自动将你的代码转化为CLI,Fire()的参数可以说任何的python对象。Python fire指南:https://github.com/google/python-fire/blob/master/do...

2019-11-07 17:35:57 465

原创 python包管理 requirements.txt的创建及使用

pip方式:创建(venv) $ pip freeze >requirements.txt执行(venv) $ pip install -r requirements.txtconda方式:创建:conda list #列出包名conda list -e > requirements.txt #保存成requirements.txt执行conda instal...

2019-11-07 15:13:55 136

原创 人工智能中的数学基础-内积和外积

向量内积(点积、数量积)与外积(叉积、向量积)1.内积a和b的点积公式为:(也就是投影)a.b=|a||b|cos(a, b) 。1)推导下面坐标表达式: ...

2019-11-07 09:30:57 655

空空如也

空空如也

TA创建的收藏夹 TA关注的收藏夹

TA关注的人

提示
确定要删除当前文章?
取消 删除