前往小程序,Get更优阅读体验!
立即前往
首页
学习
活动
专区
工具
TVP
发布
社区首页 >专栏 >如何上手深度学习中的图像领域?有这个资源库就够了

如何上手深度学习中的图像领域?有这个资源库就够了

作者头像
机器学习AI算法工程
发布2018-04-17 11:03:08
1.4K0
发布2018-04-17 11:03:08
举报
文章被收录于专栏:机器学习AI算法工程
本页面收集了大量深度学习项目图像处理领域的代码链接。包括图像识别,图像生成,看图说话等等方向的代码,以便大家查阅使用。

图像生成

绘画风格到图片的转换:Neural Style

https://link.zhihu.com/?target=https%3A//github.com/jcjohnson/neural-style

这个项目是用 Torch 对 Leon A. Gatys, Alexander S. Ecker, 和 Matthias Bethge 等人的论文“A Neural Algorithm of Artistic Style”的一个实现。论文中提出一种算法,用卷积神经网络将一幅图像的内容与另一幅图像的风格进行组合。

图像类比转换:image-analogies

https://link.zhihu.com/?target=https%3A//github.com/awentzonline/image-analogies

“神经图像类比”(neural image analogies)这个项目基本上是 A. Hertzmann et. al(2001)的论文“Image Analogies”的一个实现。在这个项目中,我们使用了 VGG16 的特征,利用 Chuan Li, Michael Wand (2016) 的论文“Combining Markov Random Fields and Convolutional Neural Networks for Image Synthesis”中描述的方法进行patch的匹配和混合。初始代码改编自 Keras 的“神经风格迁移”示例。

根据涂鸦生成图片:Neural Doodle

https://link.zhihu.com/?target=https%3A//github.com/alexjc/neural-doodle

使用深度神经网络把你的二流涂鸦变成艺术一般的作品!这个项目是 Champandard(2016)的论文 “Semantic Style Transfer and Turning Two-Bit Doodles into Fine Artworks”的一个实现,基于 Chuan Li 和 Michael Wand(2016)在论文“Combining Markov Random Fields and Convolutional Neural Networks for Image Synthesis”中提出的 Neural Patches 算法。

根据涂鸦类比图片:Sketchy

https://link.zhihu.com/?target=https%3A//github.com/janesjanes/sketchy

这个项目可以根据用户手绘的涂鸦,匹配出类似的图片。

根据图片生成铅笔画:Pencil

https://

https://link.zhihu.com/?target=https%3A//github.com/fumin/pencil

把一副图像变成铅笔水粉画。

手写文字模拟:rnnlib

https://link.zhihu.com/?target=https%3A//github.com/szcom/rnnlib

这个项目可以做到手写文字模拟。

转换风景图片:Transient Attributes for High-Level Understanding and Editing of Outdoor Scenes

https://link.zhihu.com/?target=http%3A//transattr.cs.brown.edu/

这个项目可以识别和理解图片中的风景,并且可以根据用户提出的条件,定向改变原风景画中的环境(比如more night)

图片变Emojis表情:What emojis will the Emojini 3000 grant your photos?

https://link.zhihu.com/?target=http%3A//engineering.curalate.com/2016/01/20/emojinet.html

将用户提供的图片转化成相关的表情图标

增加图片分辨率:srez

https://link.zhihu.com/?target=https%3A//github.com/david-gpu/srez

srez(super-resolution through deep learning),即通过深度学习实现图像超分辨率。这个项目是利用深度学习将 16x16 的图像分辨率增加 4 倍,基于用来训练神经网络的数据集,所得到的图像具有鲜明的特征。

图片自动上色:Colornet

https://link.zhihu.com/?target=https%3A//github.com/pavelgonchar/colornet

Colornet 是一个给灰度图像自动上色的神经网络。

生成可爱的动漫头像:AnimeGAN

https://link.zhihu.com/?target=https%3A//github.com/jayleicn/animeGAN

使用PyTorch实现的GAN,可以自定义生成漂亮的动漫妹子头像,附带训练数据集哦!

骡子变斑马:CycleGAN and pix2pix in PyTorch

https://link.zhihu.com/?target=https%3A//github.com/junyanz/pytorch-CycleGAN-and-pix2pix.git

图到图的翻译,著名的 CycleGAN 以及 pix2pix 的PyTorch 实现。

强大的图像生成器:DiscoGAN in PyTorch

https://

https://link.zhihu.com/?target=https%3A//github.com/carpedm20/DiscoGAN-pytorch.git

《Learning to Discover Cross-Domain Relations with Generative Adversarial Networks》的 PyTorch 实现。

使用RNN生成手写数字:DRAW implmentation

https://link.zhihu.com/?target=https%3A//github.com/skaae/lasagne-draw

使用RNN生成手写体数字。

使用CNN来放大图片:waifu2x

https://link.zhihu.com/?target=https%3A//github.com/nagadomi/waifu2x

使用CNN来放大图片,与普通图片放大不同的是,使用CNN“生成”放大,使低分辨率的图片在放大后也不会出现像素锯齿。

看图说话

根据图片生成一段描述:Show and Tell

https://link.zhihu.com/?target=https%3A//github.com/tensorflow/models/tree/master/im2txt

这是 Oriol Vinyals et. al.(2016)的论文“Show and Tell: Lessons learned from the 2015 MSCOCO Image Captioning Challenge”的用TensorFlow实现的 image-to-text 图片说明生成模型。

根据图片讲故事:neural-storyteller

https://link.zhihu.com/?target=https%3A//github.com/ryankiros/neural-storyteller

Neural-storyteller 是一个能够根据图像内容生成一个小故事的循环神经网络。这个 GitHub 库里包含了使用任意图像生成故事的代码,以及用于训练新模型的说明。

根据图片将故事2:NeuralTalk2

https://link.zhihu.com/?target=https%3A//github.com/karpathy/neuraltalk2

循环神经网络(RNN)可以用于给图像取标题。NeuralTalk2 比原始版本的 NeuralTalk 更快而且性能更好。与原来的 NeuralTalk 相比,NeuralTalk2 的实现是批量的,可以使用 Torch 在 GPU上运行,并且支持 CNN 微调。这些都使得语言模型(~100x)的训练速度大大加快,但由于我们还有一个 VGGNet,因此总体上的提升没有很多。但是这仍然是个好模型,可以在 2~3 天里训练好,而且表现出的性能非常好。

识别图片中的文字:CRNN for image-based sequence recognition

https://link.zhihu.com/?target=https%3A//github.com/bgshih/crnn.git

这个是 Convolutional Recurrent Neural Network (CRNN) 的 PyTorch 实现。CRNN 由一些CNN,RNN和CTC组成,常用于基于图像的序列识别任务,例如场景文本识别和OCR。

图像识别

用于物体识别的全卷积网络:PyTorch-FCN

https://link.zhihu.com/?target=https%3A//github.com/wkentaro/pytorch-fcn.git

一个性能出众的物体识别全卷积神经网络,使用PyTorch实现。

引入注意力的卷积网络:Attention Transfer

https://link.zhihu.com/?target=https%3A//github.com/szagoruyko/attention-transfer.git

论文 "Paying More Attention to Attention: Improving the Performance of Convolutional Neural Networks via Attention Transfer" 的PyTorch实现。

物体识别实例:Deep-Learning

https://link.zhihu.com/?target=https%3A//github.com/priya-dwivedi/Deep-Learning/blob/master/Object_Detection_Tensorflow_API.ipynb

一个基于Ipython Notebook的物体识别实例,使用了Tensorflow Object Dectection API

物体识别API:Tensorflow Object Detection API

https://link.zhihu.com/?target=https%3A//github.com/tensorflow/models/tree/master/object_detection

Google Tensorflow Object Dectection API 的开源代码。

推理场景结构:SfMLearner

https://link.zhihu.com/?target=https%3A//github.com/tinghuiz/SfMLearner

用单张图片推理场景结构:UC Berkeley提出3D景深联合学习方法

用于分辨色情图像的open_nsfw

https://link.zhihu.com/?target=https%3A//github.com/yahoo/open_nsfw

这是雅虎构建的用于检测图片是否包含不适宜工作场所(NSFW)内容的深度神经网络项目,GitHub 库中包含了网络的 Caffe 模型的代码。检测具有攻击性或成人内容的图像是研究人员进行了几十年的一个难题。随着计算机视觉技术和深度学习的发展,算法已经成熟,雅虎的这个模型能以更高的精度分辨色情图像。 由于 NSFW 界定其实是很主观的,有的人反感的东西可能其他人并不觉得如何。雅虎的这个深度神经网络只关注NSFW内容的一种类型,即色情图片,所以该模型不适用于检测素描、文字、动画、暴力图片等内容。

人脸识别:Open Face

https://link.zhihu.com/?target=https%3A//github.com/cmusatyalab/openface

OpenFace 是一个使用深度神经网络,用 Python 和 Torch 实现人脸识别的项目。神经网络模型基于 Google Florian Schroff 等人的 CVPR 2015 论文“FaceNet: A Unified Embedding for Face Recognition and Clustering” ,Torch 让网络可以在 CPU 或 CUDA 上运行。

易用人脸识别:Face_recognition

https://link.zhihu.com/?target=https%3A//github.com/ageitgey/face_recognition%23face-recognition

这也提供了一个简单的 face_recognition 命令行工具,你可以打开命令行中任意图像文件夹,进行人脸识别!

快速人脸识别:MobileID

https://link.zhihu.com/?target=https%3A//github.com/liuziwei7/mobile-id

据说是个超级快速的人脸识别程序,可以用在手机上

图像识别框架1:AlexNet & VGG Net & GoogleNet & ResNet

AlexNet

https://link.zhihu.com/?target=https%3A//gist.github.com/JBed/c2fb3ce8ed299f197eff

VGG Net

https://link.zhihu.com/?target=https%3A//github.com/fchollet/keras/blob/master/keras/applications/vgg16.py

GoogleNet

https://link.zhihu.com/?target=https%3A//github.com/fchollet/keras/blob/master/keras/applications/inception_v3.py

ResNet

https://link.zhihu.com/?target=https%3A//github.com/fchollet/keras/blob/master/keras/applications/resnet50.py

图像识别框架2:ResNeXt & RCNN & YOLO & SqueezeNet & SegNet

ResNeXt

https://link.zhihu.com/?target=https%3A//github.com/titu1994/Keras-ResNeXt

RCNN (基于区域的 CNN)

https://link.zhihu.com/?target=https%3A//github.com/yhenon/keras-frcnn

YOLO (You Only Look once)

https://link.zhihu.com/?target=https%3A//github.com/allanzelener/YAD2K

SqueezeNet

https://link.zhihu.com/?target=https%3A//github.com/rcmalli/keras-squeezenet

SegNet

https://link.zhihu.com/?target=https%3A//github.com/imlab-uiip/keras-segnet

预训练的图像识别模型:functional-zoo

https://link.zhihu.com/?target=https%3A//github.com/szagoruyko/functional-zoo.git

由PyTorch和Tensorflow实现的常用图像识别模型包含预训练参数。

预定义的CNN过滤器: PyScatWave

https://link.zhihu.com/?target=https%3A//github.com/edouardoyallon/pyscatwave

一套预定义的filter,用于增强图像识别的效果。

计算图片中物体的相似度:Conditional Similarity Networks (CSNs)

https://link.zhihu.com/?target=https%3A//github.com/andreasveit/conditional-similarity-networks.git

《Conditional Similarity Networks》的PyTorch实现,可以根据不同的条件计算图片中物体的相似度。

图像理解

Visual Question Answering in Pytorch

https://link.zhihu.com/?target=https%3A//github.com/Cadene/vqa.pytorch.git

一个PyTorch实现的优秀视觉推理问答系统,是基于论文《MUTAN: Multimodal Tucker Fusion for Visual Question Answering》实现的。项目中有详细的配置使用方法说明。

Facebook看图答题:Clevr-IEP

https://link.zhihu.com/?target=https%3A//github.com/facebookresearch/clevr-iep.git

Facebook Research 论文《Inferring and Executing Programs for Visual Reasoning》的PyTorch实现,讲的是一个可以基于图片进行关系推理问答的网络。

via https://zhuanlan.zhihu.com/p/28601032

本文参与 腾讯云自媒体同步曝光计划,分享自微信公众号。
原始发表:2018-04-14,如有侵权请联系 cloudcommunity@tencent.com 删除

本文分享自 大数据挖掘DT数据分析 微信公众号,前往查看

如有侵权,请联系 cloudcommunity@tencent.com 删除。

本文参与 腾讯云自媒体同步曝光计划  ,欢迎热爱写作的你一起参与!

评论
登录后参与评论
0 条评论
热度
最新
推荐阅读
目录
  • 图像生成
  • 绘画风格到图片的转换:Neural Style
  • 图像类比转换:image-analogies
  • 根据涂鸦生成图片:Neural Doodle
  • 根据涂鸦类比图片:Sketchy
  • 根据图片生成铅笔画:Pencil
  • 手写文字模拟:rnnlib
  • 转换风景图片:Transient Attributes for High-Level Understanding and Editing of Outdoor Scenes
  • 图片变Emojis表情:What emojis will the Emojini 3000 grant your photos?
  • 增加图片分辨率:srez
  • 图片自动上色:Colornet
  • 生成可爱的动漫头像:AnimeGAN
  • 骡子变斑马:CycleGAN and pix2pix in PyTorch
  • 强大的图像生成器:DiscoGAN in PyTorch
  • 使用RNN生成手写数字:DRAW implmentation
  • 使用CNN来放大图片:waifu2x
  • 看图说话
  • 根据图片生成一段描述:Show and Tell
  • 根据图片讲故事:neural-storyteller
  • 根据图片将故事2:NeuralTalk2
  • 识别图片中的文字:CRNN for image-based sequence recognition
  • 图像识别
  • 用于物体识别的全卷积网络:PyTorch-FCN
  • 引入注意力的卷积网络:Attention Transfer
  • 物体识别实例:Deep-Learning
  • 物体识别API:Tensorflow Object Detection API
  • 推理场景结构:SfMLearner
  • 用于分辨色情图像的open_nsfw
  • 人脸识别:Open Face
  • 易用人脸识别:Face_recognition
  • 快速人脸识别:MobileID
  • 图像识别框架1:AlexNet & VGG Net & GoogleNet & ResNet
  • 图像识别框架2:ResNeXt & RCNN & YOLO & SqueezeNet & SegNet
  • 预训练的图像识别模型:functional-zoo
  • 预定义的CNN过滤器: PyScatWave
  • 计算图片中物体的相似度:Conditional Similarity Networks (CSNs)
  • 图像理解
  • Visual Question Answering in Pytorch
  • Facebook看图答题:Clevr-IEP
相关产品与服务
人脸识别
腾讯云神图·人脸识别(Face Recognition)基于腾讯优图强大的面部分析技术,提供包括人脸检测与分析、比对、搜索、验证、五官定位、活体检测等多种功能,为开发者和企业提供高性能高可用的人脸识别服务。 可应用于在线娱乐、在线身份认证等多种应用场景,充分满足各行业客户的人脸属性识别及用户身份确认等需求。
领券
问题归档专栏文章快讯文章归档关键词归档开发者手册归档开发者手册 Section 归档