垃圾站#
Tkinter canvas zoom + move/pan
move/pan the canvas (for example with Click + Drag) with canvas.scan_mark
and canvas.scan_dragto
, see this question
更多细节参考:matplotlib教程——matplotlib的软件架构 与 matplotlib教程——matplotlib与tkinter的集成
参考资源:Editing Canvas Text Items|Tkinter canvas zoom + move/pan
在线资源库#
CVonline: The Evolving, Distributed, Non-Proprietary, On-Line Compendium of Computer Vision
未加筛选的资源清单#
Nixon-Aguado / Feature-Extraction-and-Image-Processing-Book-Examples
微软精品:Computer Vision
YOLOv4:https://mp.weixin.qq.com/s/tjz9Kz7Of8sCnXg0qxNGwQ
书籍#
Computer vision: algorithms and applications by Richard Szeliski.
Multiple view geometry in computer vision by Richard Hartley and Andrew Zisserman.
Information theory, inference and learning algorithms by David MacKay.
Feature extraction and image processing by Mark S. Nixon and Alberto S. Aguado.
Pattern recognition and machine learning by Christopher M. Bishop.
coco 生成工具 waspinator / pycococreator
scikit-image#
图像处理中媲美 matlab 的 python 包——scikit-image 包的用法详解。基于python的图片处理包还是很多的,比如PIL,Pillow, opencv, scikit-image等。其中,PIL和Pillow只提供最基础的数字图像处理,功能有限;opencv本质上是一个c++库,只是提供了python的接口,官方更新速度非常慢,而且安装很不容易。综合来看,scikit-image是基于scipy的一款图像处理包,它功能非常齐全,同时将图片作为numpy数组进行处理,几乎集合了matlab的所有图像处理功能,在数据的处理方式,函数名字等方面对matlab的模仿姿势非常到位。
更为重要的是,作为python的一个图像处理包,这个包是完全开源免费的,而且可以依托于python强大的功能,与tensorflow等软件配合使用于主流的深度学习等领域。因此,用scikit-image进行图像处理是一个非常好的选择,matlab能干的事情它都能干,matlab不能干的事情他也可以,个人认为在数字图像处理领域,它是完全可以代替matlab的。价格昂贵且界面并不怎么美观的matlab简直要哭晕在厕所。
librosa 语音信号处理#
Natural Language Toolkit — NLTK#
TensorBoardX#
Google TensorFlow 附加的工具 Tensorboard 是一個很好用的視覺化工具。他可以記錄數字,影像或者是聲音資訊,對於觀察類神經網路訓練的過程非常有幫助。很可惜的是其他的訓練框架(PyTorch, Chainer, numpy)並沒有這麼好用的工具。網路上稍加搜尋可以發現已經有一些現成的套件可以讓不同的訓練框架使用 web 介面來觀察訓練情形,不過他們可以記錄的東西比較有限或是使用起來比較複雜 (tensorboard_logger, visdom)。tensorboardX 的目的就是讓其他 tensorboard 的功能都可以輕易的被非 TensorFlow 的框架使用。 目前這個套件除了 tensorboard beholder 之外支援所有 tensorboard 的紀錄型態。這個套件目前的標準測試環境為 Ubuntu 或是 Mac ,windows 則是有不定期手動測試;使用的 python 版本為 anaconda 的 python3。
C++ 学习#
编辑器#
ksky521/nodeppt: This is probably the best web presentation tool so far! (github.com)
Requarks/wiki: Wiki.js | A modern, lightweight and powerful wiki app built on Node.js (github.com)
gnab/remark: A simple, in-browser, markdown-driven slideshow tool. (github.com)
NHN (github.com)|nhn/tui.editor: 🍞📝 Markdown WYSIWYG Editor. GFM Standard + Chart & UML Extensible. (github.com)
python 与 office 套件#
openpyxl - A Python library to read/write Excel 2010 xlsx/xlsm files — openpyxl 3.0.6 documentation
Adobe XD:为适应您的工作方式而生的设计工具。
Computer Vision: Algorithms and Applications, 2nd ed. (szeliski.org)
https://github.com/GUIDesignResearch/GUIGAN
Free-Form Image Inpainting with Gated Convolution - 知乎 (zhihu.com)
Image Inpainting for Irregular Holes Using Partial Convolutions - NVIDIA ADLR (nv-adlr.github.io)
DeepGIN: Deep Generative Inpainting Network for Extreme Image Inpainting | Papers With Code
andimarafioti/GACELA:Generative adversarial context encoder for audio inpainting
HyperMorph: Amortized Hyperparameter Learning for Image Registration | Papers With Code:We present HyperMorph, a learning-based strategy for deformable image registration that removes the need to tune important registration hyperparameters during training. Classical registration methods solve an optimization problem to find a set of spatial correspondences between two images, while learning-based methods leverage a training dataset to learn a function that generates these correspondences… (read more)
AI 修图#
图像修复#
CVPR 2016的Context-Encoders(CNN+GAN, 鼻祖级的 NN修复方法,后面大多数补绘方法的爸爸,在DL+inpainting领域里,堪比大佬董超的SRCNN在DL+单张超分辨重建的地位) 链接: Feature Learning by Inpainting; Github代码: pathak22/context-encoder
CVPR 2017的High Resolution Inpainting(Context-Encoders+CNNMRF框架),结合了风格迁移的思路,链接: High-Resolution Image Inpainting using Multi-Scale Neural Patch Synthesis; Github代码: leehomyc/Faster-High-Res-Neural-Inpainting 3. ICCV 2017的on demanding learning(本质上还是Context-Encoders的衍生版) 链接: On-Demand Learning for Deep Image Restoration, Github代码: rhgao/on-demand-learning 4. SIGGRAPH 2017 (ACM ToG)的Globally and Locally Consistent Image Completion (CE中加入Global+Local两个判别器的改进), Github代码: satoshiiizuka/siggraph2017_inpainting
ECCV 2018的**Image Inpainting for Irregular Holes Using Partial Convolutions** (引入了局部卷积,能够修复任意非中心、不规则区域),论文+代码(官方):论文 # NVIDIA/partialconv
CVPR 2018的**Generative Image Inpainting with Contextual Attention,一作大佬jiahui Yu** 后续还有个工作: Free-Form Image Inpainting with Gated Convolution, Github代码:JiahuiYu/generative_inpainting 7. ECCV 2018的**Shift-Net: Image Inpainting via Deep Feature Rearrangement** (哈工大 左旺孟教授组的工作)效果也不错,Github代码: Zhaoyi-Yan/Shift-Net_pytorch 8. ECCV 2018的**Contextual-based Image Inpainting,inpainting大佬Chao Yang(NPS的一作)等人的又一力作: 论文 9. ACM MM 2018的Semantic Image Inpainting with Progressive Generative Networks,简称PGN,采用了由外至内的步进式修补策略**,Github代码:shepnerd/inpainting_gmcnn
NIPS 2018的**Image Inpainting via Generative Multi-column Convolutional Neural Networks,用了不少trick,Github代码:shepnerd/inpainting_gmcnn**
ICCV 2019的**EdgeConnect: Generative Image Inpainting with Adversarial Edge Learning, 采用边缘推断信息的思路进行重建。Github代码:knazeri/edge-connect**
CVPR 2019的**Foreground-aware Image Inpainting, 思路类似于上面的工作,也是先推断生成轮廓边缘**,辅助缺失区域进行修复,不知道上面的哥们看了这篇会是什么感受…速度也很重要啊…Foreground-aware Image Inpaintingarxiv.org
13. CVPR 2019的**Pluralistic Image Completion,**论文与Github代码:
https://arxiv.org/abs/1903.04227arxiv.orglyndonzheng/Pluralistic-Inpaintinggithub.com
14. IJCAI 2019的**MUSICAL: Multi-Scale Image Contextual Attention Learning for Inpainting,武汉大学杜博老师组的工作(注:第一作者为我校计院的一名本科生**…广大CV狗瑟瑟发抖!)。引入一个多尺度的上下文注意力模块,避免信息滥用/误用导致的纹理模糊等问题,损失函数部分联合了风格损失、感知损失、对抗损失,来保证补绘内容的一致性和清晰水平。
武汉大学地学智能感知与机器学习研究组sigma.whu.edu.cn
15. ICCV 2019的**Coherent Semantic Attention for Image Inpainting,论文作者为Kuma , 文中提出了一个全新的Attention模块**,该模块不仅有效的利用了上下文信息同时能够捕捉到生成补丁之间的相关性。同时提出了一个新的损失函数配合模块的工作,最后利用一个新的特征感知辨别器对细节效果进行加强,代码过段时间会公开。
Coherent Semantic Attention for Image Inpaintingarxiv.orgKumapowerLIU - Overviewgithub.com
deeppomf / DeepCreamPy: Decensoring Hentai with Deep Neural Networks
其他#
香港科技大学施行健:深度学习用于短临降雨预报的一个基准和一个新模型 | 分享总结 | 雷锋网 (leiphone.com)
DeepLearning.AI TensorFlow Developer Professional Certificate program
OpenAI新研究补齐Transformer短板,将可预测序列长度提高30倍_weixin_33980459的博客-CSDN博客
Learning Invariant Representation for Unsupervised Image Restoration
要了解关于 GANs 的更多信息,我们建议参阅 MIT的 深度学习入门 课程。
3D Photography using Context-aware Layered Depth Inpainting#
|恢复深度信息,让老照片3D动起来
[4].3D Photography Using Context-Aware Layered Depth Inpainting
作者 | Meng-Li Shih, Shih-Yang Su, Johannes Kopf, Jia-Bin Huang
单位 | 弗吉尼亚理工学院暨州立大学;清华大学(新竹);Facebook
代码 | https://github.com/vt-vl-lab/3d-photo-inpainting.git
主页 | https://shihmengli.github.io/3D-Photo-Inpainting/
解读 | 老照片的复活,焕发生机与跃然纸上!这篇CVPR2020的论文彻底火了老照片也能有 3D 效果!
Old Photo Restoration via Deep Latent Space Translation#
[6].Bringing Old Photos Back to Life
作者 | Ziyu Wan, Bo Zhang, Dongdong Chen, Pan Zhang, Dong Chen, Jing Liao, Fang Wen
单位 | 香港城市大学;微软亚洲研究院;Microsoft Cloud + AI;中国科学技术大学
主页 | http://raywzy.com/Old_Photo/
备注 | CVPR 2020 Oral
相关 | CVPR 2020丨图像超清化+老照片修复技术,拯救你所有的模糊、破损照片
解读 | CVPR 2020 Oral|效果超群的老照片“复活”算法
代码(可以直接在 Colab 运行):
https://paperswithcode.com/paper/old-photo-restoration-via-deep-latent-space
https://paperswithcode.com/paper/bringing-old-photos-back-to-life
推荐阅读:
太赞了!东北大学朱靖波,肖桐团队开源《机器翻译:统计建模与深度学习方法》
你们心心念念的MIT教授Gilbert Strang线性代数彩板笔记!强烈推荐!
GitHub超过9800star!学习Pytorch,有这一份资源就够了!强推!
你真的懂神经网络?强推一个揭秘神经网络的工具,ANN Visualizer
玩转Pytorch,搞懂这个教程就可以了,从GAN到词嵌入都有实例
是他,是他,就是他!宝藏博主让你秒懂Transformer、BERT、GPT!
fitlog!复旦邱锡鹏老师组内部调参工具!一个可以节省一篇论文的调参利器
Github开源!查阅arXiv论文新神器,一行代码比较版本差别,我爱了!
他来了!吴恩达带着2018机器学习入门高清视频,还有习题解答和课程拓展来了!
这块酷炫的Python神器!我真的爱了,帮助你深刻理解语言本质!实名推荐!
http://weixin.qq.com/r/jhxZQVjEKwVUrRwi90mc (二维码自动识别)
https://zhuanlan.zhihu.com/p/146522130 https://zhuanlan.zhihu.com/p/148542318 https://zhuanlan.zhihu.com/p/144938583
Feynman Learning Technique "The first principle is that you must not fool yourself and you are the easiest person to fool." - Richard P. Feynman
拿一张 A4 纸并随身携带一支笔
在 sheet 上方写下您想了解的主题
想像有一个想请教这个话题的朋友(选择一个愚蠢的朋友)
阅读主题
用您自己的话写下关于您对该主题的理解的笔记(不要逐字抄写)
休息一下
回到您的笔记并括住困扰您的困难概念
返回并再次学习该主题,以更好地理解困难的概念
复习并简化您的笔记