# 十、参考文献
# 第 1 章
在这里,我们将学习如何安装以及 Tensorflow 的基础知识,作为我们的参考:
* <https://www.tensorflow.org/tutorials/>
* <https://www.tensorflow.org/install/>
# 第 2 章
本章将探讨机器学习和神经网络的原理,重点是卷积神经网络和计算机视觉。 本章的参考是:
* <https://en.wikipedia.org/wiki/Artificial_neural_network>
* <https://en.wikipedia.org/wiki/Timeline_of_machine_learning>
* <http://ais.informatik.uni-freiburg.de/teaching/ss11/ki/slides/ai12_acting_under_uncertainty_handout_4up.pdf>
* <http://yann.lecun.com/exdb/publis/pdf/lecun-98.pdf>
* <https://www.facebook.com/yann.lecun/posts/10152820758292143>
* <https://towardsdatascience.com/types-of-convolutions-in-deep-learning-717013397f4d>
* <http://cs231n.stanford.edu/>
* <http://cs224d.stanford.edu/>
# 第 3 章
本章将介绍使用深度学习进行的图像分类,以及为什么 CNN 会干扰我们现在进行计算机视觉的方式。 本章的参考是:
* [Learning Multiple Layers of Features from Tiny Images](https://www.cs.toronto.edu/~kriz/learning-features-2009-TR.pdf), Alex Krizhevsky, 2009
* 可以在这里找到关于图像表示技术的出色回顾:*Computer Vision: Algorithms and Applications*, Richard Szeliski, 2010
* <http://www.vision.caltech.edu/Image_Datasets/Caltech101/>
* Griffin, Gregory and Holub, Alex and Perona, Pietro (2007) Caltech–256 *Object Category Dataset*
* Everingham, M., Van Gool, L., Williams, C. K. I., Winn, J. and Zisserman, *A International Journal of Computer Vision*, 88(2), 303-338, 2010
* *ImageNet Large Scale Visual Recognition Challenge*, IJCV, 2015
* <https://wordnet.princeton.edu/>
* *What Does Classifying More Than 10,000 Image Categories Tell Us?* Jia Deng, Alexander C. Berg, Kai Li, and Li Fei-Fei
* [Olga Russakovsky, Jia Deng et al. (2015) *ImageNet Large Scale Visual Recognition Challenge*](https://arxiv.org/pdf/1409.0575.pdf)
* Alex Krizhevsky, Ilya Sutskever and Geoffrey Hinton, *ImageNet Classification with Deep Convolutional Neural Networks*, 2012
* <https://arxiv.org/pdf/1311.2901.pdf>
* *Going deeper with convolutions* by Christian Szegedy Google Inc. et al
* *Deep Residual Learning for Image Recognition*, Kaiming He et al.
* <https://arxiv.org/pdf/1709.01507.pdf>
* [批量规范化写得很好的文章,很容易理解,并且更详细地解释了该概念](https://arxiv.org/pdf/1502.03167.pdf)
# 第 4 章
在本章中,我们将学习对象检测和分割。 本章的参考是:
* [*Rich feature hierarchies for accurate object detection and semantic segmentation*](https://arxiv.org/pdf/1311.2524.pdf)
* [*Fast RCNN*](https://arxiv.org/pdf/1504.08083.pdf)
* [*Faster RCNN Towards Real-Time Object Detection with Region Proposals*](https://arxiv.org/pdf/1506.01497.pdf)
* <https://www.youtube.com/watch?v=v5bFVbQvFRk>
* [*You Only Look Once: Unified, Real-Time Object Detection*](https://arxiv.org/pdf/1506.02640.pdf)
* [Andrew Ng 的深度学习课程](https://coursera.org/specializations/deep-learning)
* [*Fully Convolutional Neural Network for Semantic Segmentation*](https://people.eecs.berkeley.edu/~jonlong/long_shelhamer_fcn.pdf)
* [Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFs](https://arxiv.org/pdf/1606.00915.pdf)
# 第 5 章
在本章中,我们将学习一些常见的 CNN 架构(即 VGG,ResNet,GoogleNet)。 本章的参考是:
* [*Very Deep Convolutional Networks for Large-Scale Image Recognition*](https://arxiv.org/abs/1409.1556), Simonyan, K. and Zisserman, A., 2014, arXiv preprint arXiv:1409.1556
* [*Going Deeper With Convolutions](https://arxiv.org/abs/1409.4842)
* *Deep Residual Learning for Image Recognition*, Kaiming He, Xiangyu Zhang, Shaoqing Ren, Jian Sun, Microsoft Research
* [*Mobilenets: Efficient Convolutional Neural Networks for Mobile Vision Applications*](https://arxiv.org/abs/1704.04861)
* [MobileNets V2](https://arxiv.org/pdf/1801.04381.pdf)
# 第 7 章
本章将讨论迁移学习以及我们如何利用他人的模型训练来帮助我们训练自己的网络。 本章的参考是:
* <https://www.cse.ust.hk/~qyang/Docs/2009/tkde_transfer_learning.pdf>
* <ftp://ftp.cs.wisc.edu/machine-learning/shavlik-group/torrey.handbook09.pdf>
* [*CNN Features off-the-shelf: an Astounding Baseline for Recognition*](https://arxiv.org/pdf/1403.6382.pdf)
* [*DeCAF: A Deep Convolutional Activation Feature for Generic Visual Recognition*](https://arxiv.org/pdf/1310.1531.pdf)
# 第 9 章
在本书的最后一章中,我们将学习如何利用云中的并行计算机集群来加速模型训练。 本章的参考是:
* <https://www.oreilly.com/ideas/distributed-tensorflow>
* <https://research.fb.com/wp-content/uploads/2017/06/imagenet1kin1h5.pdf>
* <https://learningtensorflow.com/lesson11/>
* <https://www.tensorflow.org/deploy/distributed>
* <https://www.tensorflow.org/programmers_guide/low_level_intro>
* <https://github.com/tmulc18/Distributed-TensorFlow-Guide>
* <https://clusterone.com/blog/2017/09/13/distributed-tensorflow-clusterone/>
* <https://www.youtube.com/watch?v=-h0cWBiQ8s8&>
* <https://www.youtube.com/watch?v=uIcqeP7MFH0>
* <https://www.youtube.com/watch?v=bRMGoPqsn20>
* <https://www.youtube.com/watch?v=1cHx1baKqq0>
- TensorFlow 1.x 深度学习秘籍
- 零、前言
- 一、TensorFlow 简介
- 二、回归
- 三、神经网络:感知器
- 四、卷积神经网络
- 五、高级卷积神经网络
- 六、循环神经网络
- 七、无监督学习
- 八、自编码器
- 九、强化学习
- 十、移动计算
- 十一、生成模型和 CapsNet
- 十二、分布式 TensorFlow 和云深度学习
- 十三、AutoML 和学习如何学习(元学习)
- 十四、TensorFlow 处理单元
- 使用 TensorFlow 构建机器学习项目中文版
- 一、探索和转换数据
- 二、聚类
- 三、线性回归
- 四、逻辑回归
- 五、简单的前馈神经网络
- 六、卷积神经网络
- 七、循环神经网络和 LSTM
- 八、深度神经网络
- 九、大规模运行模型 -- GPU 和服务
- 十、库安装和其他提示
- TensorFlow 深度学习中文第二版
- 一、人工神经网络
- 二、TensorFlow v1.6 的新功能是什么?
- 三、实现前馈神经网络
- 四、CNN 实战
- 五、使用 TensorFlow 实现自编码器
- 六、RNN 和梯度消失或爆炸问题
- 七、TensorFlow GPU 配置
- 八、TFLearn
- 九、使用协同过滤的电影推荐
- 十、OpenAI Gym
- TensorFlow 深度学习实战指南中文版
- 一、入门
- 二、深度神经网络
- 三、卷积神经网络
- 四、循环神经网络介绍
- 五、总结
- 精通 TensorFlow 1.x
- 一、TensorFlow 101
- 二、TensorFlow 的高级库
- 三、Keras 101
- 四、TensorFlow 中的经典机器学习
- 五、TensorFlow 和 Keras 中的神经网络和 MLP
- 六、TensorFlow 和 Keras 中的 RNN
- 七、TensorFlow 和 Keras 中的用于时间序列数据的 RNN
- 八、TensorFlow 和 Keras 中的用于文本数据的 RNN
- 九、TensorFlow 和 Keras 中的 CNN
- 十、TensorFlow 和 Keras 中的自编码器
- 十一、TF 服务:生产中的 TensorFlow 模型
- 十二、迁移学习和预训练模型
- 十三、深度强化学习
- 十四、生成对抗网络
- 十五、TensorFlow 集群的分布式模型
- 十六、移动和嵌入式平台上的 TensorFlow 模型
- 十七、R 中的 TensorFlow 和 Keras
- 十八、调试 TensorFlow 模型
- 十九、张量处理单元
- TensorFlow 机器学习秘籍中文第二版
- 一、TensorFlow 入门
- 二、TensorFlow 的方式
- 三、线性回归
- 四、支持向量机
- 五、最近邻方法
- 六、神经网络
- 七、自然语言处理
- 八、卷积神经网络
- 九、循环神经网络
- 十、将 TensorFlow 投入生产
- 十一、更多 TensorFlow
- 与 TensorFlow 的初次接触
- 前言
- 1. TensorFlow 基础知识
- 2. TensorFlow 中的线性回归
- 3. TensorFlow 中的聚类
- 4. TensorFlow 中的单层神经网络
- 5. TensorFlow 中的多层神经网络
- 6. 并行
- 后记
- TensorFlow 学习指南
- 一、基础
- 二、线性模型
- 三、学习
- 四、分布式
- TensorFlow Rager 教程
- 一、如何使用 TensorFlow Eager 构建简单的神经网络
- 二、在 Eager 模式中使用指标
- 三、如何保存和恢复训练模型
- 四、文本序列到 TFRecords
- 五、如何将原始图片数据转换为 TFRecords
- 六、如何使用 TensorFlow Eager 从 TFRecords 批量读取数据
- 七、使用 TensorFlow Eager 构建用于情感识别的卷积神经网络(CNN)
- 八、用于 TensorFlow Eager 序列分类的动态循坏神经网络
- 九、用于 TensorFlow Eager 时间序列回归的递归神经网络
- TensorFlow 高效编程
- 图嵌入综述:问题,技术与应用
- 一、引言
- 三、图嵌入的问题设定
- 四、图嵌入技术
- 基于边重构的优化问题
- 应用
- 基于深度学习的推荐系统:综述和新视角
- 引言
- 基于深度学习的推荐:最先进的技术
- 基于卷积神经网络的推荐
- 关于卷积神经网络我们理解了什么
- 第1章概论
- 第2章多层网络
- 2.1.4生成对抗网络
- 2.2.1最近ConvNets演变中的关键架构
- 2.2.2走向ConvNet不变性
- 2.3时空卷积网络
- 第3章了解ConvNets构建块
- 3.2整改
- 3.3规范化
- 3.4汇集
- 第四章现状
- 4.2打开问题
- 参考
- 机器学习超级复习笔记
- Python 迁移学习实用指南
- 零、前言
- 一、机器学习基础
- 二、深度学习基础
- 三、了解深度学习架构
- 四、迁移学习基础
- 五、释放迁移学习的力量
- 六、图像识别与分类
- 七、文本文件分类
- 八、音频事件识别与分类
- 九、DeepDream
- 十、自动图像字幕生成器
- 十一、图像着色
- 面向计算机视觉的深度学习
- 零、前言
- 一、入门
- 二、图像分类
- 三、图像检索
- 四、对象检测
- 五、语义分割
- 六、相似性学习
- 七、图像字幕
- 八、生成模型
- 九、视频分类
- 十、部署
- 深度学习快速参考
- 零、前言
- 一、深度学习的基础
- 二、使用深度学习解决回归问题
- 三、使用 TensorBoard 监控网络训练
- 四、使用深度学习解决二分类问题
- 五、使用 Keras 解决多分类问题
- 六、超参数优化
- 七、从头开始训练 CNN
- 八、将预训练的 CNN 用于迁移学习
- 九、从头开始训练 RNN
- 十、使用词嵌入从头开始训练 LSTM
- 十一、训练 Seq2Seq 模型
- 十二、深度强化学习
- 十三、生成对抗网络
- TensorFlow 2.0 快速入门指南
- 零、前言
- 第 1 部分:TensorFlow 2.00 Alpha 简介
- 一、TensorFlow 2 简介
- 二、Keras:TensorFlow 2 的高级 API
- 三、TensorFlow 2 和 ANN 技术
- 第 2 部分:TensorFlow 2.00 Alpha 中的监督和无监督学习
- 四、TensorFlow 2 和监督机器学习
- 五、TensorFlow 2 和无监督学习
- 第 3 部分:TensorFlow 2.00 Alpha 的神经网络应用
- 六、使用 TensorFlow 2 识别图像
- 七、TensorFlow 2 和神经风格迁移
- 八、TensorFlow 2 和循环神经网络
- 九、TensorFlow 估计器和 TensorFlow HUB
- 十、从 tf1.12 转换为 tf2
- TensorFlow 入门
- 零、前言
- 一、TensorFlow 基本概念
- 二、TensorFlow 数学运算
- 三、机器学习入门
- 四、神经网络简介
- 五、深度学习
- 六、TensorFlow GPU 编程和服务
- TensorFlow 卷积神经网络实用指南
- 零、前言
- 一、TensorFlow 的设置和介绍
- 二、深度学习和卷积神经网络
- 三、TensorFlow 中的图像分类
- 四、目标检测与分割
- 五、VGG,Inception,ResNet 和 MobileNets
- 六、自编码器,变分自编码器和生成对抗网络
- 七、迁移学习
- 八、机器学习最佳实践和故障排除
- 九、大规模训练
- 十、参考文献