《簡明的TensorFlow 2》連結表

圖靈小5發表於2020-06-17
章號 描述 連結
第1章 tf.wiki 中文社群 https://discuss.tf.wiki
本書示例程式碼的 GitHub 網址 https://github.com/snowkylin/tensorflow-handbook/tree/master/source/_static/code
《簡單高效 LaTeX》的GitHub網址 https://github.com/wklchris/Note-by-LaTeX
《簡明的 TensorFlow 2》的 GitHub 網址 https://tf.wiki/
史丹佛大學的 UFIDL Tutorial http://ufldl.stanford.edu/tutorial/
安裝 TensorFlow https://tensorflow.google.cn/install
Anaconda 官網 https://www.anaconda.com/
獲得 Anaconda 的安裝包 https://mirrors.tuna.tsinghua.edu.cn/anaconda/archive/
清華大學的 PyPI 映象 https://mirrors.tuna.tsinghua.edu.cn/help/pypi/
清華大學的 Anaconda 映象 https://mirrors.tuna.tsinghua.edu.cn/help/anaconda/
Miniconda 主頁 https://docs.conda.io/en/latest/miniconda.html
Miniconda 的安裝包 https://mirrors.tuna.tsinghua.edu.cn/anaconda/miniconda/
查詢所用顯示卡的 CUDA 算力 https://developer.nvidia.com/cuda-gpus/
AMD 顯示卡對 TensorFlow 的支援 https://medium.com/tensorflow/amd-rocm-gpu-support-for-tensorflow-33c78cc6a6cf
TensorFlow 官方網站 GPU 版本說明 https://tensorflow.google.cn/install/gpu
DLL 載入錯誤展示 https://github.com/tensorflow/tensorflow/issues/35749
安裝 Microsoft Visual C++ Redistributable for Visual Studio https://support.microsoft.com/en-us/help/2977003/the-latest-supported-visual-c-downloads
runoob 網站的 Python 3 教程 http://www.runoob.com/python3/python3-tutorial.html
廖雪峰的 Python 教程 https://www.liaoxuefeng.com/
有關 PyCharm 的更多內容 http://www.jetbrains.com/pycharm/
有關 nohup 命令的更多內容 https://www.ibm.com/developerworks/cn/linux/l-cn-nohup/
PyCharm 文件 https://www.jetbrains.com/help/pycharm/remote-debugging-with-product.html
學生申請 PyCharm 的免費專業版 https://www.jetbrains.com/student/
Visual Studio Code https://code.visualstudio.com/
Google Colab https://colab.research.google.com/
知乎問題《如何配置一臺適用於深度學習的工作站?》 https://www.zhihu.com/question/33996159
第2章 TensorFlow API 概覽 https://tensorflow.google.cn/api_docs/python/tf
第3章 tf.keras.layers.Dense https://www.tensorflow.org/api_docs/python/tf/keras/layers/Dense
tf.glorot_uniform_initializer 初始化器 https://www.tensorflow.org/api_docs/python/tf/glorot_uniform_initializer
Broadcasting 機制的具體介紹 https://www.tensorflow.org/xla/broadcasting
UFLDL 教程的 Multi-Layer Neural Network http://ufldl.stanford.edu/tutorial/supervised/MultiLayerNeuralNetworks/
CS231n: Convolutional Neural Networks for Visual Recognition http://cs231n.github.io/
多層感知器 https://zh.wikipedia.org/wiki/%E5%A4%9A%E5%B1%82%E6%84%9F%E7%9F%A5%E5%99%A8
LeCun1998 資料集 http://yann.lecun.com/exdb/mnist/
MNIST 資料集下載 https://storage.googleapis.com/tensorflow/tf-keras-datasets/mnist.npz
MNIST 資料集下載 https://s3.amazonaws.com/img-datasets/mnist.npz
ReLU 函式介紹 https://zh.wikipedia.org/wiki/%E7%BA%BF%E6%80%A7%E6%95%B4%E6%B5%81%E5%87%BD%E6%95%B0
歸一化指數函式 https://zh.wikipedia.org/wiki/Softmax%E5%87%BD%E6%95%B0
神經細胞模式圖-圖片來源 https://creativecommons.org/licenses/by-sa/3.0)]
維基百科-卷積神經網路介紹 https://zh.wikipedia.org/wiki/%E5%8D%B7%E7%A7%AF%E7%A5%9E%E7%BB%8F%E7%BD%91%E7%BB%9C
"臺灣大學"李宏毅教授的《機器學習》課程 http://ufldl.stanford.edu/tutorial/supervised/ConvolutionalNeuralNetwork/
Keras 文件 https://keras.io/applications/
知乎文章《TensorFlow 2.0+Keras 防坑指南》 https://zhuanlan.zhihu.com/p/64310188
Convolution arithmetic https://github.com/vdumoulin/conv_arithmetic
3.4節借鑑案例 https://github.com/keras-team/keras/blob/master/examples/lstm_text_generation.py
Gym 環境庫 https://gym.openai.com/
Gym 環境庫安裝步驟 https://gym.openai.com/docs/
Gym 教程 https://morvanzhou.github.io/tutorials/machine-learning/reinforcement-learning/4-4-gym/
打磚塊遊戲 https://gym.openai.com/envs/Breakout-v0/
第4章 TensorBoard 文件 https://www.tensorflow.org/tensorboard/r2/get_started
TensorFlow API 文件 https://www.tensorflow.org/versions/r2.0/api_docs/python/tf/data/Dataset
TensorFlow 文件 https://www.tensorflow.org/guide/data_performance
資料集下載地址 https://www.floydhub.com/fastai/datasets/cats-vs-dogs
AutoGraph Capabilities and Limitations https://github.com/tensorflow/tensorflow/blob/master/tensorflow/python/autograph/g3doc/reference/limitations.md
"No Silver Bullet" https://en.wikipedia.org/wiki/No_Silver_Bullet
tf.TensorArray https://www.tensorflow.org/api_docs/python/tf/TensorArray
第5章 獲取 mnist.npz 檔案 https://s3.amazonaws.com/img-datasets/mnist.npz
第6章 Flask 有關內容 https://palletsprojects.com/p/flask/
TensorFlow Serving with Docker https://www.tensorflow.org/tfx/serving/docker
apt-get 安裝方式 https://www.tensorflow.org/tfx/serving/setup#installing_using_apt
apt-get 安裝說明 https://www.tensorflow.org/tfx/serving/setup
Linux 子系統安裝指南 https://docs.microsoft.com/en-us/windows/wsl/install-win10
RESTful API http://www.ruanyifeng.com/blog/2014/05/restful_api.html
關於 TensorFlow Serving 的 RESTful API完整使用方式 https://www.tensorflow.org/tfx/serving/api_rest
有關 HTTP POST 的問題 https://www.runoob.com/tags/html-httpmethods.html
快速上手 Requests https://2.python-requests.org/zh_CN/latest/user/quickstart.html
Node.js 下載 https://nodejs.org/zh-cn/
影像處理庫 jimp https://github.com/oliver-moran/jimp
HTTP 庫 superagent https://visionmedia.github.io/superagent/
第7章 第7章原始碼 https://github.com/snowkylin/tensorflow-handbook/tree/master/source/android
org.tensorflow:tensorflow-lite 的最新版本號查詢 https://bintray.com/google/tensorflow/tensorflow-lite
JDK API介紹 https://docs.oracle.com/javase/8/docs/api/java/nio/channels/FileChannel.html#map-java.nio.channels.FileChannel.MapMode-long-long-
第8章 第 8 章原始碼 https://github.com/huan/tensorflow-handbook-javascript
Move Mirror https://experiments.withgoogle.com/move-mirror
Move Mirror 所使用的 PoseNet 地址 https://github.com/tensorflow/tfjs-models/tree/master/posenet
Node.js官網 https://nodejs.org/
MDN 文件 https://developer.mozilla.org/en-US/docs/Web/JavaScript/Reference/Statements/import
TFJS Mobilenet https://github.com/tensorflow/tfjs-wechat/tree/master/demo/mobilenet
TensorFlow.js 微信小程式官方文件 https://mp.weixin.qq.com/wxopen/plugindevdoc?appid=wx6afed118d9e81df9
"NEXT 學院:TensorFlow.js 遇到小程式"課程 https://ke.qq.com/course/428263
TensorFlow模型庫 GitHub 地址 https://github.com/tensorflow/tfjs-models
谷歌雲的模型地址 https://storage.googleapis.com
中國映象的模型地址 https://www.gstaticcnapps.cn
MDN 文件 https://developer.mozilla.org/en-US/docs/Web/JavaScript/Reference/Functions/Arrow_function
tf.Tensor.dataSync()系列函式 https://js.tensorflow.org/api/latest/#tf.Tensor.dataSync
Sub()系列函式 https://js.tensorflow.org/api/latest/#sub
第10章 Colaboratory首頁 https://colab.research.google.com/
第10章原始碼 https://github.com/huan/tensorflow-handbook-tpu
在 Google Colab 上直接開啟 10.3 節例子的 Jupyter 執行 https://colab.research.google.com/github/huan/tensorflow-handbook-tpu/blob/master/tensorflow-handbook-tpu-example.ipynb
第11章 TF Hub 網站主頁 https://tfhub.dev/
圖 11-2 所示的模型 https://tfhub.dev/google/magenta/arbitrary-image-stylization-v1-256/2
TF Hub 國內映象 https://hub.tensorflow.google.cn/
圖片風格轉換體驗-GitHub 平臺 https://github.com/snowkylin/tensorflow-handbook/tree/master/source/_static/code/zh/tfhub
圖片風格轉換體驗-Google 平臺 https://colab.research.google.com/github/tensorflow/hub/blob/master/examples/colab/tf2_arbitrary_image_stylization.ipynb
hub.KerasLayer(url) 使用方法體驗 https://colab.research.google.com/github/tensorflow/hub/blob/master/examples/colab/tf2_image_retraining.ipynb
第12章 有關 TensorFlow Datasets 的更多內容 https://www.tensorflow.org/datasets/
TensorFlow Datasets 當前支援的資料集 https://www.tensorflow.org/datasets/datasets
第13章 最新 Swift for TensorFlow 文件 https://www.tensorflow.org/swift
使用 Swift 的理由 https://github.com/tensorflow/swift/blob/master/docs/WhySwiftForTensorFlow.md
Swift for TensorFlow 的下載、安裝 https://github.com/tensorflow/swift/blob/master/Installation.md
一個空白的、具備 Swift 執行環境的 Colab Notebook https://colab.research.google.com/github/huan/tensorflow-handbook-swift/blob/master/tensorflow-handbook-swift-blank.ipynb
13.2.4 節程式碼 https://github.com/huan/tensorflow-handbook-swift
Swift MNIST Dataset 模組 https://github.com/huan/swift-MNIST
Jupyter Notebook https://colab.research.google.com/github/huan/tensorflow-handbook-swift/blob/master/tensorflow-handbook-swift-example.ipynb
第14章 《簡明量子力學》線上版本 http://www.phy.pku.edu.cn/~wubiao/pop_qm_pkupress.pdf
量子計算教程 https://doi.org/10.1007/978-3-030-23922-0
量子計算教程配套原始碼 https://github.com/JackHidary/quantumcomputingbook
Cirq 開源量子計算庫 https://cirq.readthedocs.io/
TensorFlow Quantum 白皮書 http://arxiv.org/abs/2003.02989
第17章 一些第三方擴充套件指令集 https://github.com/fo40225/tensorflow-windows-wheel
第18章 Artistic Style Transfer with TensorFlow Lite https://www.tensorflow.org/lite/models/style_transfer/overview
Arbitrary Style Transfer 模型的訓練方法 https://github.com/tensorflow/magenta/tree/master/magenta/models/arbitrary_image_stylization#train-a-model-on-a-large-dataset-with-data-augmentation-to-run-on-mobile
style predict 下載路徑 https://storage.googleapis.com/download.tensorflow.org/models/tflite/arbitrary_style_transfer/style_predict_quantized_256.tflite
style transform 下載路徑 https://storage.googleapis.com/download.tensorflow.org/models/tflite/arbitrary_style_transfer/style_transfer_quantized_dynamic.tflite
TFLite Android Support Library https://github.com/tensorflow/tensorflow/tree/master/tensorflow/lite/experimental/support/java
第 18 章程式碼 https://github.com/dpinthinker/AStyleTransfer
附錄 上海交通大學多智慧體強化學習教程 http://wnzhang.net/tutorials/marl2018/index.html
強化學習知識大講堂 https://zhuanlan.zhihu.com/sharerl
TensorFlow 官方文件-Docker 部署 https://www.tensorflow.org/install/docker
Docker 官網 https://www.docker.com/
Docker 官方的快速安裝指令碼 https://docs.docker.com/install/linux/docker-ce/ubuntu/#install-using-the-convenience-script
TensorFlow 官方文件-映像版本 https://www.tensorflow.org/install/docker#download_a_tensorflow_docker_image
DaoCloud 的 Docker 映像映象 https://www.daocloud.io/mirror
nvidia-docker https://github.com/NVIDIA/nvidia-docker
《Docker 入門教程》 http://www.ruanyifeng.com/blog/2018/02/docker-tutorial.html
Docker Cheat Sheet https://www.docker.com/sites/default/files/Docker_CheatSheet_08.09.2016_0.pdf
Colab 官方教程 https://colab.research.google.com/notebooks/welcome.ipynb
Colab 官方教程(中文翻譯版) https://medium.com/deep-learning-turkey/google-colab-free-gpu-tutorial-e113627b9f5d
Colab首頁 https://colab.research.google.com
Google Cloud Platform,GCP https://cloud.google.com/
Compute Engine 的 VM 例項 https://console.cloud.google.com/compute/instances
GCP 官方文件 https://cloud.google.com/compute/docs/gpus
申請GPU 的配額 https://cloud.google.com/compute/quotas?hl=zh-cn#requesting_additional_quota
筆記本頁面 https://console.cloud.google.com/mlengine/notebooks
阿里雲購買 GPU 頁面 https://cn.aliyun.com/product/ecs/gpu
《神經網路與深度學習》 https://nndl.github.io/
《動手學深度學習》 https://zh.d2l.ai/index.html
《機器學習》課程線上講義 http://speech.ee.ntu.edu.tw/~tlkagk/courses_ML17.html
谷歌的《機器學習速成課程 https://developers.google.cn/machine-learning/crash-course/
Andrew Ng 的《機器學習》課程 https://www.bilibili.com/video/av29430384
《深度學習》英文版線上閱讀網址 http://www.deeplearningbook.org/
《深度學習》中文版 https://github.com/exacity/deeplearningbook-chinese
Pattern Recognition and Machine Learning https://www.microsoft.com/en-us/research/people/cmbishop/#!prml-book

相關文章