莫煩_搭建我的神經網路 深度學習必學Tensorflow
2-30年前, 一想到神經網絡, 我們就會想到生物神經系統中數以萬計的細胞聯結, 將感官和反射器聯繫在一起的系統. 但是今天, 你可能的第一反應卻是電腦和電腦程序當中的人工神經網絡....
內容簡介
作者介紹
適合人群
你將會學到什麼
購買須知
-
Tensorflow 簡介
人類正在將人工神經網絡系統推向更高的境界,今天的世界早已佈滿了人工神經網絡的身影。
-
科普: 人工神經網絡 VS 生物神經網絡 - YouTube
2-30年前, 一想到神經網絡,我們就會想到生物神經系統中數以萬計的細胞聯結, 將感官和反射器聯繫在一起的系統。 但是今天,你可能的第一反應卻是電腦和電腦程序當中的人工神經網絡.... 更多內容: http://morvanzhou.github.io/tutorials/ 通過"莫煩Python" 支持...
-
什麼是神經網絡 (機器學習) what is neural network in machine learning - YouTube
這裡提到的是人工神經網路,是存在於計算機裡的神經系統。人工神經網絡和自然神經網絡的區別。 神經網絡是什麼,它是怎麼工作的。 都會在影片裡一一提到. 有網友根據我的Tensorflow 系列做了一個很好的文字筆記, 推薦閱讀: http://www.jianshu.com/p/e112012a4b2d Ten... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/1-1-B-NN/
-
神經網絡 : 梯度下降 (Gradient Descent in Neural Nets) - YouTube
神經網絡是當今為止最流行的一種深度學習框架,他的基本原理也很簡單,就是一種梯度下降機制。我們今天就來看看這神奇的優化模式吧。更多代碼實踐和相關內容: https://morvanzhou.github.io/tutorials/ Tensorflow可視化梯度下降:https://youtu.be/ugG... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/1-1-C-gradient-descent/
-
科普: 神經網絡的黑盒不黑 (深度理解神經網絡)
今天我們來說說為了理解神經網絡在做什麼,對神經網絡這個黑盒的正確打開方式。更多內容莫煩Python: https://morvanzhou.github.io/tutorials/ 通過"莫煩Python" 支持我做出更好的視頻: https://morvanzhou.github.io/support... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/1-1-D-feature-representation/
-
Tensorflow 1 why? (神經網絡 教學教程tutorial) - YouTube
最近幾年火起來的機器學習有沒有讓你動心呢?學習google 開發定制的tensorflow,能讓你成為機器學習,神經網絡的大牛,同時也會在海量的信息當中受益匪淺。Tensorflow 官網: https://www.tensorflow.org/ 什麼是神經網絡: https://www.youtub... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/1-1-why/
-
Tensorflow 2 安裝 (Windows, Mac, Linux) (神經網絡 教學教程tutorial)
這個視頻是翻拍,因為tf 已經支持windows,所以我們也說說在windows 上的安裝法。詳細的文字教程: https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/1-2- install/ Tensorflow 播放列表... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/1-2-install/
-
Tensorflow 3 例子1 (神經網絡 教學教程tutorial)
機器學習其實就是讓電腦不斷的嘗試模擬預測已知的數據。他能知道自己擬合的數據還差多少才能到真實的數據,然後不斷地改進自己擬合的參數,提高擬合的相似度。播放列表: https://www.youtube.com/playlist?list=PLXO45tsB95cKI5AIlf5TxxFPzb-0zeVZ8 ... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/1-3-what-does-NN-do/
-
-
Tensorflow
Tensorflow 首先要定義神經網絡的結構,然後再把數據放入結構當中去運算和 training。
-
Tensorflow 4 處理結構 (神經網絡 教學教程tutorial)
Tensorflow 首先要定義神經網絡的結構,然後再把數據放入結構當中去運算和training。播放列表: https://www.youtube.com/playlist?list=PLXO45tsB95cKI5AIlf5TxxFPzb-0zeVZ8 我創建的學習網站: http: //morvanzho... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/2-1-structure/
-
Tensorflow 5 例子2 (神經網絡 教學教程tutorial)
python3 tensorflow 基礎教學教程本節練習代碼:https://github.com/MorvanZhou/tutorials/tree/master/tensorflowTUT/tf5_example2 這個例子簡單的闡述了tensorflow 當中如何用代碼來運行我們學到的結構。播放列... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/2-2-example2/
-
Tensorflow 6 Session 會話控制 (神經網絡 教學教程tutorial)
python3 Tensorflow 基礎 教學教程 本節練習代碼: https://github.com/MorvanZhou/tutorials/blob/master/tensorflowTUT/tensorflow6_session.py Session 是每個 Tensorflow 文件都需要的步驟. ... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/2-3-session/
-
Tensorflow 7 Variable 變量 (神經網絡 教學教程tutorial)
python3 Tensorflow 基礎 教學教程 本節練習代碼:https://github.com/MorvanZhou/tutorials/blob/master/tensorflowTUT/tensorflow7_variable.py 注意定義了變量以後,一定要定義init = tf.initial... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/2-4-variable/
-
Tensorflow 8 placeholder 傳入值 (神經網絡 教學教程tutorial)
python3 簡單教學教程本節練習代碼: https://github.com/MorvanZhou/tutorials/blob/master/tensorflowTUT/tensorflow8_feeds.py Tensorflow 如果想要從外部傳入data,那就需要用到tf.placeholder... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/2-5-placeholde/
-
什麼是激勵函數 (深度學習)?Why need activation functions (deep learning)?
今天我們會來聊聊現代神經網絡中必不可少的一個組成部分,激勵函數, activation function。激勵函數也就是為了解決我們日常生活中不能用線性方程所概括的問題。 機器學習-簡介系列播放列表: https://www.youtube.com/playlist?list=PLXO45tsB95cIF... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/2-6-A-activation-function/
-
Tensorflow 9 激勵函數 activation function (神經網絡 教學教程tutorial) - YouTube
python 基礎教學教程Tensorflow 的神經網絡裡面處理較為複雜的問題時都會需要運用激勵函數activation function,影片裡說到了什麼是激勵函數,和在Tensorflow 中有哪些是可以直接調用的激勵函數。同時也介紹了在神經網絡中激勵函數處在哪個位置。Tensorflow 提供... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/2-6-activation/
-
-
建造第一個神經網路
怎樣建造一個完整的神經網絡,包括添加神經層、計算誤差、訓練步驟以及判斷是否在學習。
-
Tensorflow 10 例子3 添加層 def add_layer() (神經網絡 教學教程tutorial)
python3 簡單教學教程本節練習代碼: https://github.com/MorvanZhou/tutorials/blob/master/tensorflowTUT/tensorflow10_def_add_layer.py 在Tensorflow 裡定義一個添加層的函數可以很容易的添加神經層,為之. .. 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/3-1-add-layer/
-
Tensorflow 11 例子3 建造神經網絡 build a neural network (神經網絡 教學教程tutorial)
python3 簡單教學教程本節代碼鏈接: https://github.com/MorvanZhou/tutorials/blob/master/tensorflowTUT/tensorflow11_build_network.py 這次提到了怎樣建造一個完整的神經網絡,包括添加神經層,計算誤差,訓練步驟,判... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/3-2-create-NN/
-
Tensorflow 12 例子3 結果可視化 plot result (神經網絡 教學教程tutorial)
python3 簡單教學教程本節練習代碼鏈接:https://github.com/MorvanZhou/tutorials/blob/master/tensorflowTUT/tensorflow12_plut_result.py 我們已經建立好了一個完整的神經網絡,如果能夠可視化訓練的結果,就能夠更好的理解... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/3-3-visualize-result/
-
優化器 Optimizer 加速神經網絡訓練 (深度學習) Speed up neural network training process (deep learning)
今天我們會來聊聊怎麼樣加速你的神經網絡訓練過程。裡面的方法包括: Stochastic Gradient Descent (SGD); Momentum; AdaGrad; RMSProp; Adam. 英文學習資料: http://sebastianruder.com/optimizing- gradient-... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/3-4-A-speed-up-learning/
-
Tensorflow 13 優化器 optimizer (神經網絡 教學教程tutorial)
python3 簡單教學教程Tensorflow 中的optimizer 分了很多種,最基礎的是GradientDescentOptimizer,還有像AdamOptimizer 等等,具體的可以在這個網址裡找到:https://www.tensorflow.org/versions/r0.9 /api_do... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/3-4-optimizer/
-
-
視覺化的好幫手Tensorboard
學會用Tensorflow 自帶的tensorboard 去可視化我們所建造出來的神經網絡是一個很好的學習理解方式,用最直觀的流程圖告訴你你的神經網絡是長怎樣,有助於你發現編程中間的問題和疑問。
-
Tensorflow 14 Tensorboard 可視化好幫手 (神經網絡 教學教程tutorial)
python3 簡單教學教程 本節練習代碼: https://github.com/MorvanZhou/tutorials/tree/master/tensorflowTUT/tf14_tensorboard 學會用 Tensorflow 自帶的 tensorboard 去可視化我們所建造出來的神經網絡是一個很... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/4-1-tensorboard1/
-
Tensorflow 15 Tensorboard 可視化好幫手2 (神經網絡 教學教程tutorial)
python3 簡單教學教程 本節練習代碼: https://github.com/MorvanZhou/tutorials/tree/master/tensorflowTUT/tf15_tensorboard Tensorflow 中的 tensorboard 不僅僅可以可視化神經網絡結構,還可以可視化我們的 ... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/4-2-tensorboard2/
-
-
進階內容
機器學習中的監督學習(supervised learning)問題大部分可以分成Regression (回歸)和Classification(分類) 這兩種. Tensorflow 也可以做到這個,回歸是說我要預測的值是一個連續的值,比如房價、汽車的速度、飛機的高度等等。而分類是指我要把東西分成幾類,比如貓狗豬牛等等,我們之前的教程都是在用regression 來教學的,這一次就介紹了如何用Tensorflow 做classification。
-
Tensorflow 16 Classification 分類學習 (神經網絡 教學教程tutorial)
python3 簡單教學教程 本節練習代碼: https://github.com/MorvanZhou/tutorials/tree/master/tensorflowTUT/tf16_classification 機器學習中的監督學習(supervised learning)問題大部分可以分成 Regress... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-01-classifier/
-
什麼是過擬合 (深度學習)? What is overfitting (deep learning)?
今天我們會來聊聊機器學習中的過擬合overfitting 現象, 和解決過擬合的方法. 機器學習-簡介系列播放列表: https://www.youtube.com/playlist?list=PLXO45tsB95cIFm8Y8vMkNNPPXAtYXwKin Tensorflow dropout: htt... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-02-A-overfitting/
-
Tensorflow 17 dropout 解決 overfitting 問題 (神經網絡 教學教程tutorial)
本節練習代碼: https://github.com/MorvanZhou/tutorials/tree/master/tensorflowTUT/tf17_dropout 實際機器學習問題當中,我們很常遇到overfitting 的問題.Tensorflow 附有一個很好解決overfitting 問題的工具... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-02-dropout/
-
什麼是卷積神經網絡 CNN (深度學習)? What is Convolutional Neural Networks (deep learning)?
卷積神經網絡的簡單介紹,卷積神經網絡是近些年逐步興起的一種人工神經網絡結構,因為利用卷積神經網絡在圖像和語音識別方面能夠給出更優預測結果,這一種技術也被廣泛的傳播可應用。卷積神經網絡最常被應用的方面是計算機的圖像識別,不過因為不斷地創新, 它也被應用在視頻分析,自然語言處理、藥物發現、 等等、 近期. .. 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-03-A-CNN/
-
Tensorflow 18.1 CNN 卷積神經網絡 Convolutional Neural Networks 1 (神經網絡 教學教程tutorial)
python3 Tensorflow 基礎教學教程我們的一般的神經網絡在理解圖片信息的時候還是有不足之處,這時卷積神經網絡就是計算機處理圖片的助推器. Convolutional Neural Networks (CNN) 是神經網絡處理圖片信息的一大利器。有了它我們給計算機看圖片,計算機理解起來就更準確... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-03-CNN1/
-
Tensorflow 18.2 CNN 卷積神經網絡 Convolutional Neural Networks (神經網絡 教學教程tutorial)
python3 Tensorflow 基礎 教學教程 本節練習代碼: https://github.com/MorvanZhou/tutorials/tree/master/tensorflowTUT/tf18_CNN2 這一次我們會說道 CNN 代碼中怎麼定義 Convolutional 的層 和怎樣進行 po... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-04-CNN2/
-
Tensorflow 18.3 CNN 卷積神經網絡 Convolutional Neural Networks (神經網絡 教學教程tutorial)
python3 Tensorflow 基礎教學教程本節練習代碼: https://github.com/MorvanZhou/tutorials/tree/master/tensorflowTUT/tf18_CNN3 這一次我們一層層的加上了不同的layer。分別是: 1. convolutional l ... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-05-CNN3/
-
Tensorflow 19 Saver 保存讀取 (神經網絡 教學教程tutorial)
python3 tensorflow 基礎教學教程本節練習代碼: https://github.com/MorvanZhou/tutorials/blob/master/tensorflowTUT/tf19_saver.py 我們做好了一個神經網絡,訓練好了,肯定也想保存起來,再次加載。那今天我們就來說說怎.. 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-06-save/
-
什麼是循環神經網絡 RNN (深度學習)? What is Recurrent Neural Networks (deep learning)?
循環神經網絡簡介,今天我們會來聊聊在語言分析, 序列化數據中穿梭自如的循環神經網絡RNN。 Tensorflow RNN1: https://www.youtube.com/watch?v=i-cd3wzsHtw&index=23&list= PLXO45tsB95cKI5AIlf5TxxFPzb-0zeVZ8... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-07-A-RNN/
-
什麼是 LSTM RNN 循環神經網絡 (深度學習)? What is LSTM in RNN (deep learning)?
今天我們會來聊聊在普通RNN的弊端和為了解決這個弊端而提出的LSTM 技術機器學習-簡介系列播放列表: https://www.youtube.com/playlist?list=PLXO45tsB95cIFm8Y8vMkNNPPXAtYXwKin Tensorflow 20.2: https:/ /www.... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-07-B-LSTM/
-
Tensorflow 20.1 RNN 循環神經網絡 (神經網絡 教學教程tutorial)
RNN recurrent neural networks 在序列化的預測當中是很有優勢的。我很先看看 RNN 是怎麼工作的,RNN 簡介: https://www.youtube.com/watch?v=EEtf4kNsk7Q&list=PLXO45tsB95cIFm8Y8vMkNNPPXAtYXwKin&.. 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-07-RNN1/
-
Tensorflow 20.2 RNN lstm 循環神經網絡 (分類例子) (神經網絡 教學教程tutorial)
本節代碼: https://github.com/MorvanZhou/tutorials/tree/master/tensorflowTUT/tf20_RNN2 RNN 代碼階段,有點長。 Reference code: https://github.com/aymericdamien/TensorFlow-... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-08-RNN2/
-
Tensorflow 20.3 RNN lstm (regression 回歸例子) (神經網絡 教學教程tutorial)
本節代碼: https://github.com/MorvanZhou/tutorials/tree/master/tensorflowTUT/tf20_RNN2.2 RNN 在regression 問題中的應用, 有點長。但是很有用。Tensorflow 的bptt 和一般的bptt 的對比: htt... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-09-RNN3/
-
Tensorflow 20.4 RNN lstm (回歸例子可視化) (神經網絡 教學教程tutorial)
本節代碼: https://github.com/MorvanZhou/tutorials/tree/master/tensorflowTUT/tf20_RNN2.2 RNN 在regression 問題中的應用, 有點長, 但是很有用。 Tensorflow 的bptt 和一般的bptt 的對比: htt... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-10-RNN4/
-
什麼是自編碼 Autoencoder (深度學習)? What is an Autoencoder in Neural Networks (deep learning)?
自編碼是一種神經網絡的形式,用於壓縮再解壓得到的數據,也可以用於特徵的降維,類似PCA。 Tensorflow Autoencoder: https://www.youtube.com/watch?v=F2h3tbC- sBk&list =PLXO45tsB95cKI5AIlf5TxxFPzb-0zeVZ8&... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-11-A-autoencoder/
-
Tensorflow 21 自編碼 Autoencoder (非監督學習) (神經網絡 教學教程tutorial)
本節代碼: https://github.com/MorvanZhou/tutorials/tree/master/tensorflowTUT/tf21_autoencoder Autoencoder 是神經網絡的一種非監督學習unsupervised learning,通過壓縮再解壓的過程只學習整麼樣重新組. .. 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-11-autoencoder/
-
Tensorflow 22 name_scope/ variable_scope 命名方式 (神經網絡 教學教程 tutorial)
視頻內容詳解: https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-12-scope/ name_scope 和variable_scope 是學習Tensorflow 的久了以後必定會遇到的東西,我們看看他到底有什麼區別... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-12-scope/
-
什麼是 Batch Normalization 批標準化 (深度學習 deep learning)
Batch Normalization,批標準化,和普通的數據標準化類似,是將分散的數據統一的一種做法,也是優化神經網絡的一種方法。在之前Normalization 的簡介視頻中我們一提到,具有統一規格的數據,能讓機器學習更容易學習到數據之中的規律... 使用Tensorflow 做Batch... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-13-A-batch-normalization/
-
Tensorflow 23 Batch normalization 批標準化 (神經網絡 教學教程tutorial)
現在請想像,我們可以把「每層輸出的值」 都看成「後面一層所接收的數據」。 對每層都進行一次normalization 會不會更好呢? 這就是Batch normalization 方法的由來.. .. 詳細的文字教程: https://morvanzhou.github.io/tutorials/mach... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-13-BN/
-
Tensorflow 24 2017年新版更新 (神經網絡 教學教程tutorial)
Tensorflow 在2017年更新了很多內容,我們具體看看如果使用之前的教學內容,我們能怎樣改善和提高效率。 If you like this, please star my Tutorial code on Github. Code: https://github.com /MorvanZhou/Tens... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-14-tf2017/
-
Tensorflow 25 可視化梯度下降/公式調參 (神經網絡 教學教程tutorial)
這一次,我們想要真正意義上的看到自己手中的模型是怎麼樣進行梯度下降(gradient descent) 的,而且探索tf 還能做什麼事... If you like this, please star my Tutorial code on Github. Code: https://github.com... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-15-tf-gradient-descent/
-
站在巨人的肩膀上,遷移學習 Transfer Learning
有一種偷懶是「站在巨人的肩膀上」。 不僅能看得更遠, 還能看到更多。 這也用來表達我們要善於學習先輩的經驗。 這句話, 放在機器學習中,這就是今天要說的遷移學習了,transfer learning。通過"莫煩Python" 支持我做出更好的視頻: https://morvanzhou.github.... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-16-A-tranfer-learning/
-
Tensorflow 26 遷移學習 Transfer Learning (神經網絡 教學教程tutorial)
如果用一句話來概括遷移學習,那務必就是: 為了偷懶, 在訓練好了的模型上接著訓練其他內容,充分使用原模型的理解力。有時候也是為了避免再次花費特別長的時間重複訓練大型模型。 Code: https://github.com/MorvanZhou/Tensorflow-Tutorial 詳細的文字教程: htt... 來源:https://morvanzhou.github.io/tutorials/machine-learning/tensorflow/5-16-transfer-learning/
-