深度学习资料整理

研一到现在收集了深度学习方面大量的博客和资料,主要都是网页的,也有很多有意思的code,抽空一起整理了一下,这几天慢慢放出来,资料我会分类,代码放在资料之后,下面就开始吧!

图像分割:
十分钟看懂图像语义分割技术 - 推酷
全卷积网络:从图像级理解到像素级理解
Kaggle优胜者详解:如何用深度学习实现卫星图像分割与识别

迁移学习:
用两个使用Caffe的小项目案例演示迁移学习的实用性
迁移学习:数据不足时如何深度学习
猫狗大战

图像注解生成:
开发 | 在玩图像分类和图像分割?来挑战基于 TensorFlow 的图像注解生成!

问答系统:
Image Question Answering using Convolutional Neural Network
with Dynamic Parameter Prediction

深度学习框架方面:
深度学习大讲堂 从NNVM看2016年深度学习框架发展趋势
2016:深度学习统治人工智能?附深度学习十大顶级框架
深度 | 全面整理30个重要的深度学习库:按Python和C++等10种语言分类
mxnet:结合R与GPU加速深度学习
用MXnet实战深度学习之二:Neural art
deepframeworks

深度学习入门系列:
UFLDL Tutorial
【286页干货】一天搞懂深度学习
45 Questions to test a data scientist on basics of Deep Learning (along with solution)
谷歌工程师:聊一聊深度学习的weight initialization
贺完结!CS231n官方笔记授权翻译总集篇发布
理解深度学习中的卷积
解读 | 如何从信号分析角度理解卷积神经网络的复杂机制?
近200篇机器学习&深度学习资料分享
卷积神经网络CNN斯坦福教程
DeepLearning4j
莫烦 tensorflow 神经网络 教程
盘点 | 2016年不可错过的21个深度学习视频、教程和课程
如何简单形象又有趣地讲解神经网络是什么?
深度 | 从入门到精通:卷积神经网络初学者指南(附论文)
深度 | Google Brain研究工程师:为什么随机性对于深度学习如此重要?
深度学习论文阅读路线图,从经典到前沿尽览
深度学习入门资源索引
深度学习精选干货文章
深度学习在计算机视觉领域的前沿进展
【脑洞】Hinton剑桥演讲:大脑神经元的误差反向传播机制
学界 | 2010-2016年被引用次数最多的深度学习论文(附论文下载)
重磅 | Yoshua Bengio深度学习暑期班学习总结,35个授课视频全部开放(附观看地址)
A Guide to Deep Learning by YN2
Awesome Deep Learning Awesome
CNN误差反传时旋转卷积核的简明分析
Convolutional Neural Networks (CNNs): An Illustrated Explanation
Deep Learning textbook
Deep Learning for Computer Vision – Introduction to Convolution Neural Networks
Deep Learning Toturials
Awesome - Most Cited Deep Learning Papers
Deep-Learning-Papers-Reading-Roadmap
machine-learning-curriculum
【重磅】汉化视频上线|斯坦福CS231n深度学习与计算机视觉-1
神经网络与深度学习
Laws, Sausages and ConvNets
Learning Deep Learning - My Top-Five List
机器学习(Machine Learning)&深度学习(Deep Learning)资料(Chapter 1)
dl各种框架安装
The 9 Deep Learning Papers You Need To Know About (Understanding CNNs Part 3)

深度学习加速:
【阿里集团卜居深度解析】卷积神经网络的硬件加速
【深度神经网络压缩】Deep Compression (ICLR2016 Best Paper)
深度神经网络的压缩和正则化
CNN 模型压缩与加速算法综述

深度学习实战技巧:
【干货】18个技巧实战深度学习,资深研究员的血泪教训
【Valse首发】CNN的近期进展与实用技巧(上)
【Caffe实战与小数据深度学习】CNN的近期进展与实用技巧(下)
从图片相似度学习图片的表示
机器学习算法中如何选取超参数:学习速率、正则项系数、minibatch size
深度网络的过拟合问题讨论
深度学习网络大杀器之Dropout——深入解析Dropout
深度学习中 Batch Normalization为什么效果好?
Classifying plankton with deep neural networks
一箭N雕:多任务深度学习实战
【原】KMeans与深度学习模型结合提高聚类效果
How To Improve Deep Learning Performance
Keras/Python深度学习中的网格搜索超参数调优(附源码)
Must Know Tips/Tricks in Deep Neural Networks (by Xiu-Shen Wei)
What are good initial weights in a neural network?
Convolution arithmetic
Yoshua Bengio等大神传授:26条深度学习经验

深度学习优化方式:
5 algorithms to train a neural network
干货|分分钟快速掌握“反向传播算法”
李理:自动梯度求解——cs231n的notes
如何直观的解释back propagation算法?
写文章深度学习最全优化方法总结比较(SGD,Adagrad,Adadelta,Adam,Adamax,Nadam)
An overview of gradient descent optimization algorithms

深度学习激活函数:
【干货】为什么ReLU深度网络能逼近任意函数
【机器学习】神经网络-激活函数-面面观(Activation Function)
浅谈深度学习中的激活函数 - The Activation Function in Deep Learning
深度学习中的激活函数导引
How can a deep neural network with ReLU activations in its hidden layers approximate any function?
Softmax vs. Softmax-Loss: Numerical Stability
The Softmax function and its derivative

深度学习无监督方向(GAN):
【经典】Yann LeCun:如何有效实现无监督学习(158页PPT)
【论文每日读】NIPS 2016 Tutorial: GAN
独家​|深度学习新星:GANs的基本原理、应用和走向
看穿机器学习(W-GAN模型)的黑箱
生成对抗网络(GANs )为什么这么火?盘点它诞生以来的主要技术进展
资源 | 生成对抗网络新进展与论文全集
Generating Videos with Scene Dynamics
Generative Adversarial Networks (GANs), Some Open Questions
WGAN系列6篇集合
AdversarialNetsPapers

大数据平台训练深度学习:
【论文笔记】SparkNET: 用Spark训练深度神经网络
教程 | 新手指南:如何在AWS GPU上运行Jupyter noterbook?
雅虎开源CaffeOnSpark:基于Hadoop/Spark的分布式深度学习
Apache SINGA

目标检测:
【目标识别】深度学习进行目标识别的资源列表
Deep Learning回顾#之基于深度学习的目标检测
ILSVRC2016目标检测任务回顾(上)–图像目标检测(DET)
Object Localization and Detection

图像风格转化:
【图像】斯坦福大学李飞飞组新进展,基于感知损失函数的图像实时分割转换和超分辨率重建
如何利用Docker、AWS和深度学习伪装成一个艺术家
Real-Time Style Transfer with Keras
汉字风格转化

深度学习模型:
【中秋赏阅】美丽的神经网络:13种细胞构筑的深度学习世界
【啄米日常】6:keras示例程序解析(3)验证网络siamese
【Learning Notes】变分自编码器(Variational Auto-Encoder,VAE)
独家 |《TensorFlow实战》作者黄文坚:四大经典CNN网络技术原理
干货 | 你真的了解 Convolutional Neural Networks 么
干货|详解CNN五大经典模型:Lenet,Alexnet,Googlenet,VGG,DRL
图像识别的深度残差学习
基于Deep Learning 的视频识别技术
计算机视觉和 CNN 发展十一座里程碑(附论文下载)
教程 | 一个基于TensorFlow的简单故事生成案例:带你了解LSTM
使用Keras搭建深度残差网络
深度学习方法(七):最新SqueezeNet 模型详解,CNN模型参数降低50倍,压缩461倍!
An intuitive understanding of variational autoencoders without any formula
Adversarial Autoencoders (with Pytorch)
深度学习方法(十):卷积神经网络结构变化——Maxout Networks,Network In Network,Global Average Pooling
Deep Residual Networks for Image Classification with Python + NumPy
Network in Network-读后笔记

深度学习行业要闻:
【重磅】李飞飞宣布成为硅谷顶级投资机构a16z入驻教授,迈出进军工业界的第一步?
【重磅】Facebook AI 负责人:深度学习技术趋势报告(150 PPT 全文翻译及下载)
【CVPR演讲】LeCun 谈深度学习技术局限及发展(157PPT)
6000字深度好文!谷歌人工智能教父谈人工智能
谷歌、Facebook、亚马逊、微软、NVIDIA及BAT在深度学习方面的进展
新智元:2016年全球AI巨头开源深度学习库Top 50

深度学习人脸方面:
【Caffe实践】基于Caffe的人脸识别实现

超分辨率系列:
实践:基于深度学习的卫星图像超分辨率处理技术(一)
图像超分辨率benchmark

细粒度系列:
【CVPR2016论文快讯】细粒度视觉分类的最新进展

深度学习硬件系列:
【GPU编程系列之一】从深度学习选择什么样的gpu来谈谈gpu的硬件架构
深度学习主机攒机小记
最全的深度学习硬件指南
Building your own deep learning box
II: Running a Deep Learning (Dream) Machine

马尔科夫系列:
【NLP】揭秘马尔可夫模型神秘面纱系列文章(一)

加强学习:
从强化学习基本概念到Q学习的实现,打造自己的迷宫智能体
深度 | David Silver全面解读深度强化学习:从基础概念到AlphaGo
深度增强学习方向论文整理
重磅 | 详解深度强化学习,搭建DQN详细指南(附论文)
David Silver深度强化学习课程 - 中文字幕 | 共同学习 #03
Deep Reinforcement Learning 基础知识(DQN方面)
Reinforcement Learning Digest: Issue #1
Using Deep Q-Network to Learn How To Play Flappy Bird

深度学习可视化:
神经网络的3D可视化
Attributing a deep network’s prediction to its input features

深度学习案例:
9 个超酷的深度学习案例
机器码农:深度学习自动编程
基于深度学习的图像语义编辑
解密深度学习在智能推荐系统的实践与应用
卷积神经网络(CNN)在无人驾驶中的应用
深度学习应用在哪些领域让你觉得「我去,这也能行!」?
深度学习与推荐系统
深度学习在美团点评的应用
深度学习在搜狗无线搜索广告中的应用
守护城市安全:时空数据+深度学习
雾霾太重?深度神经网络教你如何图像去雾
A look at deep learning for science
Deep Learning for RegEx
Deep Learning for OCR
iSee:深度学习“摘眼镜”,用集成数据训练神经网络识别抽象物体

语音识别:
浅谈语音识别基础
语音合成到了跳变点?深度神经网络变革TTS最新研究汇总
语音识别代码

蒙特卡洛方法:
随机采样方法整理与讲解(MCMC、Gibbs Sampling等)

医疗图像:
Diagnosing Heart Diseases with Deep Neural Networks

贝叶斯方法:
Bayesian Deep Learning

牛人博客:
计算机视觉-龙心尘
各种caffe代码(RCNN)
hjimce的专栏
caffe
shuzfan的专栏

Tensorflow:
Introduction to Recurrent Networks in TensorFlow
awesome-tensorflow
DeepDreaming with TensorFlow
TensorFlow 官方文档中文版
CS 20SI: Tensorflow for Deep Learning Research
TensorFlow 资源大全中文版
Number plate recognition with Tensorflow

Keras::
Painter by Numbers competition on Kaggle

Illustrated Guide to Learning Python is designed to bring developers and others who are anxious to learn Python up to speed quickly. Not only does it teach the basics of syntax, but it condenses years of experience. You will learn warts, gotchas, best practices and hints that have been gleaned through the years in days. You will hit the ground running and running in the right way. Learn Python Quickly Python is an incredible language. It is powerful and applicable in many areas. It is used for automation of simple or complex tasks, numerical processing, web development, interactive games and more. Whether you are a programmer coming to Python from another language, managing Python programmers or wanting to learn to program, it makes sense to cut to the chase and learn Python the right way. You could scour blogs, websites and much longer tomes if you have time. Treading on Python lets you learn the hints and tips to be Pythonic quickly. Packed with Useful Hints and Tips You'll learn the best practices without wasting time searching or trying to force Python to be like other languages. I've collected all the gems I've gleaned over years of writing and teaching Python for you. A No Nonsense Guide to Mastering Basic Python Python is a programming language that lets you work more quickly and integrate your systems more effectively. You can learn to use Python and see almost immediate gains in productivity and lower maintenance costs. What you will learn: •Distilled best practices and tips •How interpreted languages work •Using basic types such as Strings, Integers, and Floats •Best practices for using the interpreter during development •The difference between mutable and immutable data •Sets, Lists, and Dictionaries, and when to use each •Gathering keyboard input •How to define a class •Looping constructs •Handling Exceptions in code •Slicing sequences •Creating modular code •Using libraries •Laying out code •Community prescribed conventions
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值