《Python機器學習建模與部署:從Keras到Kubernetes》資源連結清單
《Python機器學習建模與部署:從Keras到Kubernetes》資源連結清單
為方便讀者查詢,本文彙總了《Python機器學習建模與部署:從Keras到Kubernetes》一書中用到的部分網路資源連結。連結內容可能隨時間變化,請讀者知悉。
前言
需要的工具
- Python網站(https://www.python.org/)
- Jupyter官網(http://jupyter.org)
- Pandas網站(https://pandas.pydata.org/)
- Scikit-Learn網站(https://scikit-learn.org/)
- TensorFlow網站(https://www.tensorflow.org)
- 谷歌Colaboratory網站(https://colab.research.google.com)
- Toolbox網站(https://toolbox.google.com/datasetsearch)
第3章 處理非結構化資料
3.2 理解影像
- Yann Lecun、Corinna Cortes和Christopher J.C. Burges合著的文章“The Minist Database of Handwritten Digits”(http://yann.lecun.com/exdb/mnist)
- OpenCV網站(https://docs.opencv.org/4.0.0/d6/d00/tutorial _ py _ root.html)
- Wikipedia網站的《蒙娜麗莎》的影像(https://en.wikipedia.org/wiki/Mona _ Lisa)
- GitHub 網站OpenCV 頁面(https://github.com/opencv/opencv/tree/master/data/haarcascades)
- 在OpenCV網站搜尋OpenCV-Python Tutorials檢視一些方法的詳細資訊(https://docs.opencv.org/4.0.0/d6/d00/tutorial _ py _ root.html)
3.4 處理文字資料
- NLTK 3.5 documentation網站(https://www.nltk.org)
3.4.2 詞嵌入
- Gensim網站(https://radimrehurek.com/gensim/index.html)
- 在論文“Efficient Estimation of Word Representations in VectorSpace”(https://arxiv.org/pdf/1301.3781.pdf)
第6章 前沿深度學習專案
6.1 神經風格遷移
- GitHub 網站(搜尋Keras-team/Keras)上檢視程式碼(https://github.com/keras-team/keras/blob/master/examples/neural_style_transfer.py)
- 媒體報導“Neural Style Transfer: Creating Art with Deep Learning Using tf.keras and Eager Execution”(https://medium.com/tensorflow/neural-style-transfer-creatingart-with-deep-learning-using-tf-keras-and-eager-execution-7d541ac31398)
- 谷歌Colab Notebook(https://colab.research.google.com/drive/1_tHUYgO_fIBU1JXdn_mXWCDD6n-jLyNSu)
6.3 利用自編碼器進行信用卡欺詐檢測
- 布魯塞爾自由大學(ULB)機器學習小組(http://mlg.ulb.ac.be)
第7章 現代軟體世界中的人工智慧
7.6 Kubernetes:基礎架構問題的CaaS解決方案
- DockerHub(https://hub.docker.com)
第10章 機器學習平臺
10.1 機器學習平臺關注點
- H2O.ai 網站上安裝H2O的步驟(http://h2o-release.s3.amazonaws.com/h2o/rel-xu/1/index.html)
附錄A
第1章 大資料和人工智慧
- GE網站其關於工業物聯網前景的白皮書(https://www.ge.com/docs/chapters/Industrial _ Internet.pdf)
- 文章“What isIndustry 4.0?”(https://www.forbes.com/sites/bernardmarr/2018/09/02/what-is-industry-4-0-heres-a-super-easy-explanation-for-anyone/#2c0bb9af9788)
- 文章“Inside Amazon’s Artificial Intelligence Flywheel—How Deep Learning Came to Power Alexa, Amazon Web Services, and Nearly Every Other Division of the Company”(https://www.wired.com/story/amazon-artificial-intelligence-flywheel)
- CHRISTIE’S 網站的文章“Is Artificial Intelligence Set to Become Art’s Next Medium?”(https://www.christies.com/features/A-collaboration-betweentwo-artists-one-human-one-a-machine-9332-1.aspx)
- THEVERGE 網站的文章“All of These Faces are Fake Celebrities Spawned by AI”(https://www.theverge.com/2017/10/30/16569402/ai-generate-fake-faces-celebs-nvidia-gan)
- 谷歌的Google AI網站(https://ai.google/)
- Facebook的ONNX網站(https://onnx.ai)
- NVIDIA的Deep Learning AI網站(https://www.nvidia.com/en-gb/deep-learning-ai/)
- 英特爾的人工智慧網站(https://software.intel.com/en-us/ai-academy)
- IBM Watson網站(https://www.ibm.com/watson/)
- SalesForce網站(https://www.salesforce.com/products/einstein/overview/)
- H2O.ai網站(https://www.h2o.ai/)
第2章 機器學習
- 吳恩達博士的視訊課程(https://www.coursera.org/learn/machine-learning、 https://www.deeplearning.ai/和https://www.youtube.com/user/StanfordUniversity)
- 谷歌提供的機器學習方面的線上免費速成課程(https://developers.google.com/machine-learning/crash-course/ml-intro)
- ocdevel網站(http://ocdevel.com/mlg)
- Talking Machines網站(https://www.thetalkingmachines.com/)
- SoundCloud網站(https://soundcloud.com/datahack-radio)
- O’Reilly Data Show Podcast(https://soundcloud.com/datahack-radio)
- Analytics Vidhya網站的優秀教程(https://www.analyticsvidhya.com/blog/2017/09/common-machine-learning-algorithms/、https://www.analyticsvidhya.com/blog/2016/01/complete-tutorial-learn-data-science-python-scratch-2/、https://www.analyticsvidhya.com/blog/2018/03/comprehensive-collection-deep-learning-datasets/)
- Kaggle網站(https://www.kaggle.com/)
第3章 處理非結構化資料
- OpenCV教程網站(https://docs.opencv.org/3.0-beta/doc/py _ tutorials/py _ tutorials.html)
- Adrian開設的計算機視覺速成課程(https://www.pyimagesearch.com/)
- Scikit-Learn提供的教程(https://scikit-learn.org/stable/tutorial/index.html)
- DZone網站上的文章“NLP Tutorial Using Python NLTK(Simple Examples)”(https://dzone.com/articles/nlp-tutorial-using-python-nltk-simpleexamples)
第4章 使用Keras 進行深度學習
- TensorFlow網站的程式碼測試(https://www.tensorflow.org/tutorials/)
- GitHub網站上一些有用的Keras資源(https://github.com/fchollet/keras-resources)
第5章 高階深度學習
- KDnuggets網站上使用Keras的深度學習文章(https://www.kdnuggets.com/2017/10/seven-stepsdeep-learning-keras.html)
第6章 前沿深度學習專案
- 技術論文“A Neural Algorithm of Artistic Style”(https://arxiv.org/abs/1508.06576)
- RaymondYuan提供的帶有樣本程式碼的神經風格遷移帖子(https://medium.com/tensorflow/neural-style-transfer-creating-artwith-deep-learning-using-tf-keras-and-eager-execution-7d541ac31398)
- 技術論文“Generative Adversarial Networks”(https://arxiv.org/abs/1406.2661)
- Analytics Vidhya網站中含有的關於生成對抗網路的文章(https://www.analyticsvidhya.com/blog/2017/06/introductory-generative-adversarial-networks-gans/)
- 文章“Fraud Detection Using Autoencoders in Keras with a TensorFlow Backend”(https://www.datascience.com/blog/fraud-detection-with-tensorflow)
第7章 現代軟體世界中的人工智慧
- Kubernetes網站提供的關於設定叢集的優秀互動教程(https://kubernetes.io/docs/tutorials/kubernetes-basics/)
- Katacoda網站提供的優秀互動教程(https://www.katacoda.com/courses/kubernetes)
第8章 將人工智慧模型部署為微服務
- Martin Fowler和James Lewis撰寫的有關微服務架構的優秀概述教程(https://martinfowler.com/articles/microservices.html)
- 作者的GitHub倉庫(https://github.com/dattarajrao/keras2kubernetes)
第9章 機器學習開發生命週期
- Mesosphere撰寫的優秀白皮書Design & Build an End-to-End Data Science Platform(https://mesosphere.com/resources/building-data-science-platform/)
- 谷歌雲平臺團隊的在YouTube網站上的視訊“The 7 Steps of Machine Learning”(https://www.youtube.com/watch?v=nKW8Ndu7Mjw)
- 部落格文章“Data Scientists and Deploying Machine Learning into Production— Not a Great Match”(https://blog.algorithmia.com/data-scientists-and-deploying-machinelearning-into-production-not-a-great-match/)
第10章 機器學習平臺
- 部落格“Let’s Flow within Kubeflow”(https://ai.intel.com/lets-flow-within-kubeflow/)
- 文章“Serving ML Quickly with TensorFlow Serving and Docker”(https://medium.com/tensorflow/serving-ml-quickly-with-tensorflowserving-and-docker-7df7094aa008)
- Katacoda關於使用Kubeflow和Kubernetes部署機器學習工作負載的互動式教程(https://www.katacoda.com/kubeflow/scenarios/deploying-kubeflow)
相關文章
- 《深入剖析Kubernetes》資源連結清單
- 《JavaScript深度學習》資源連結清單JavaScript深度學習
- 《WebAssembly實戰》資源連結清單Web
- 《小程式開發原理與實戰》資源連結清單
- 《資料科學入門(第2版)》資源連結清單資料科學
- 機器學習、深度學習資源總結機器學習深度學習
- 從模型到部署,教你如何用Python構建機器學習API服務模型Python機器學習API
- 04 . kubernetes資源清單YAML入門YAML
- Kubernetes中資源清單與Pod的生命週期(二)
- [譯] 機器學習專案清單機器學習
- 機器人建模與控制複習總結機器人
- 機器學習工程師方向文章清單機器學習工程師
- 機器學習資源機器學習
- vue學習資源(參考連結)Vue
- 你不可錯過的Java學習資源清單Java
- 用Python進行機器學習(附程式碼、學習資源)Python機器學習
- 《JavaScript高階程式設計(第4版)》資源連結清單JavaScript程式設計
- .NET資料探勘與機器學習開源框架機器學習框架
- 腦洞大開!機器學習與AI突破(附連結)機器學習AI
- 《Python機器學習手冊:從資料預處理到深度學習》Python機器學習深度學習
- [譯] 機器學習可以建模簡單的數學函式嗎?機器學習函式
- Python機器學習筆記:使用Keras進行迴歸預測Python機器學習筆記Keras
- 機器學習實踐:如何將Spark與Python結合?機器學習SparkPython
- 機器學習和深度學習資源蒐集機器學習深度學習
- 【機器學習】--Adaboost從初始到應用機器學習
- 機器學習資源收集、索引機器學習索引
- 聖誕禮物清單:機器學習開源專案及框架已打包好!機器學習框架
- 【Kubernetes學習筆記】-使用Minikube快速部署K8S單機學習環境筆記K8S
- 完備的機器學習資源:書、視訊、原始碼,都彙總在這份清單裡!機器學習原始碼
- AI 學習路線:從Python開始機器學習AIPython機器學習
- redission-tomcat:快速實現從單機部署到多機部署RedisTomcat
- 演算法金 | 只需十四步:從零開始掌握Python機器學習(附資源)演算法Python機器學習
- 單連結串列學習(一)
- 【機器學習篇】--SVD從初始到應用機器學習
- 【機器學習】--xgboost從初識到應用機器學習
- python-機器學習程式碼總結Python機器學習
- [python學習]機器學習 -- 感知機Python機器學習
- 學Python不知道從何入手?來看看這一份Python學習任務清單!Python