1. 程式人生 > >深度學習之自編碼

深度學習之自編碼

前言

看完神經網路及BP演算法介紹後,這裡做一個小實驗,內容是來自斯坦福UFLDL教程,實現影象的壓縮表示,模型是用神經網路模型,訓練方法是BP後向傳播演算法。

理論

       在有監督學習中,訓練樣本是具有標籤的,一般神經網路是有監督的學習方法。我們這裡要講的是自編碼神經網路,這是一種無監督的學習方法,它是讓輸出值等於自身來實現的。             從圖中可以看到,神經網路模型只有一層隱含層,輸出層跟輸入層的神經單元個數是一樣的。如果隱含層單元個數比輸入層少的話,我們用這個模型學到的是輸入資料的壓縮表示,相當於對輸入資料進行降維(這是一種非線性的降維方法)。實際上,如果隱含層單元個數比輸入層多,我們可以讓隱含層的大部分單元啟用值接近0,就是讓它們稀疏,這樣學到的也是壓縮表示。我們模型要使得輸出層跟輸入層一樣,就是隱含層要能夠重建出跟輸入層一樣的輸出層,這樣我們學到的壓縮表示才是有意義的。      回憶下之前介紹過的損失函式:    
    在這裡,y是輸出層,跟輸入層是一樣的。     自編碼神經網路還增加了稀疏性懲罰一項。它是對隱含層進行了稀疏性的約束,即使得隱含層大部分值都處於非active狀態。定義隱含層節點j的稀疏程度為          上式是對整個樣本求隱含層節點j的平均值,如果是所有隱含層節點,那麼就組成一個向量。      我們要設定期望隱含層稀疏性的程度,假設為,因此我們希望對於所有的節點j。      那怎麼衡量實際跟期望的差別呢?            實際上是關於伯努利變數p與q的KL離散度(參考我之前寫的關於資訊熵的部落格)。     此時損失函式為          由於加了稀疏項損失函式,對第二層節點求殘差時公式變為    

實驗

       實驗教程是在Exercise:Sparse Autoencoder,要實現的檔案是sampleIMAGES.m, sparseAutoencoderCost.m,computeNumericalGradient.m      實驗步驟:
  1. 生成訓練集
  2. 稀疏自編碼目標函式
  3. 梯度校驗
  4. 訓練稀疏自編碼
  5. 視覺化
       最後一步視覺化是,把x用影象表示出來的。     程式碼如下: sampleIMAGES.m
  1. <span style="font-size:14px;">function patches = sampleIMAGES()  
  2. % sampleIMAGES  
  3. % Returns 10000 patches for training  
  4. load IMAGES;    % load images from disk   
  5. patchsize = 8;  % we'll use 8x8 patches   
  6. numpatches = 10000;  
  7. % Initialize patches with zeros.  Your code will fill in this matrix--one  
  8. % column per patch, 10000 columns.   
  9. patches = zeros(patchsize*patchsize, numpatches);  
  10. %% ---------- YOUR CODE HERE --------------------------------------  
  11. %  Instructions: Fill in the variable called "patches" using data   
  12. %  from IMAGES.    
  13. %    
  14. %  IMAGES is a 3D array containing 10 images  
  15. %  For instance, IMAGES(:,:,6) is a 512x512 array containing the 6th image,  
  16. %  and you can type "imagesc(IMAGES(:,:,6)), colormap gray;" to visualize  
  17. %  it. (The contrast on these images look a bit off because they have  
  18. %  been preprocessed using using "whitening."  See the lecture notes for  
  19. %  more details.) As a second example, IMAGES(21:30,21:30,1) is an image  
  20. %  patch corresponding to the pixels in the block (21,21) to (30,30) of  
  21. %  Image 1  
  22. [m,n,num] = size(IMAGES);  
  23. for i=1:numpatches  
  24.     j = randi(num);  
  25.     bx = randi(m-patchsize+1);  
  26.     by = randi(n-patchsize+1);  
  27.     block = IMAGES(bx:bx+patchsize-1,by:by+patchsize-1,j);  
  28.     patches(:,i) = block(:);  
  29. end  
  30. %% ---------------------------------------------------------------  
  31. % For the autoencoder to work well we need to normalize the data  
  32. % Specifically, since the output of the network is bounded between [0,1]  
  33. % (due to the sigmoid activation function), we have to make sure   
  34. % the range of pixel values is also bounded between [0,1]  
  35. patches = normalizeData(patches);  
  36. end  
  37. %% ---------------------------------------------------------------  
  38. function patches = normalizeData(patches)  
  39. % Squash data to [0.1, 0.9] since we use sigmoid as the activation  
  40. % function in the output layer  
  41. % Remove DC (mean of images).   
  42. patches = bsxfun(@minus, patches, mean(patches));  
  43. % Truncate to +/-3 standard deviations and scale to -1 to 1  
  44. pstd = 3 * std(patches(:));  
  45. patches = max(min(patches, pstd), -pstd) / pstd;  
  46. % Rescale from [-1,1] to [0.1,0.9]  
  47. patches = (patches + 1) * 0.4 + 0.1;  
  48. end  
  49. </span>  
SparseAutoencoderCost.m
  1. <span style="font-size:14px;">function [cost,grad] = sparseAutoencoderCost(theta, visibleSize, hiddenSize, ...  
  2.                                              lambda, sparsityParam, beta, data)  
  3. % visibleSize: the number of input units (probably 64)   
  4. % hiddenSize: the number of hidden units (probably 25)   
  5. % lambda: weight decay parameter  
  6. % sparsityParam: The desired average activation for the hidden units (denoted in the lecture  
  7. %                           notes by the greek alphabet rho, which looks like a lower-case "p").  
  8. % beta: weight of sparsity penalty term  
  9. % data: Our 64x10000 matrix containing the training data.  So, data(:,i) is the i-th training example.   
  10. % The input theta is a vector (because minFunc expects the parameters to be a vector).   
  11. % We first convert theta to the (W1, W2, b1, b2) matrix/vector format, so that this   
  12. % follows the notation convention of the lecture notes.   
  13. W1 = reshape(theta(1:hiddenSize*visibleSize), hiddenSize, visibleSize);  
  14. W2 = reshape(theta(hiddenSize*visibleSize+1:2*hiddenSize*visibleSize), visibleSize, hiddenSize);  
  15. b1 = theta(2*hiddenSize*visibleSize+1:2*hiddenSize*visibleSize+hiddenSize);  
  16. b2 = theta(2*hiddenSize*visibleSize+hiddenSize+1:end);  
  17. % Cost and gradient variables (your code needs to compute these values).   
  18. % Here, we initialize them to zeros.   
  19. cost = 0;  
  20. W1grad = zeros(size(W1));   
  21. W2grad = zeros(size(W2));  
  22. b1grad = zeros(size(b1));   
  23. b2grad = zeros(size(b2));  
  24. %% ---------- YOUR CODE HERE --------------------------------------  
  25. %  Instructions: Compute the cost/optimization objective J_sparse(W,b) for the Sparse Autoencoder,  
  26. %                and the corresponding gradients W1grad, W2grad, b1grad, b2grad.  
  27. %  
  28. % W1grad, W2grad, b1grad and b2grad should be computed using backpropagation.  
  29. % Note that W1grad has the same dimensions as W1, b1grad has the same dimensions  
  30. % as b1, etc.  Your code should set W1grad to be the partial derivative of J_sparse(W,b) with  
  31. % respect to W1.  I.e., W1grad(i,j) should be the partial derivative of J_sparse(W,b)   
  32. % with respect to the input parameter W1(i,j).  Thus, W1grad should be equal to the term   
  33. % [(1/m) \Delta W^{(1)} + \lambda W^{(1)}] in the last block of pseudo-code in Section 2.2   
  34. % of the lecture notes (and similarly for W2grad, b1grad, b2grad).  
  35. %   
  36. % Stated differently, if we were using batch gradient descent to optimize the parameters,  
  37. % the gradient descent update to W1 would be W1 := W1 - alpha * W1grad, and similarly for W2, b1, b2.   
  38. %   
  39. %矩陣向量化形式實現,速度比不用向量快得多  
  40. Jcost = 0; %平方誤差  
  41. Jweight = 0; %規則項懲罰  
  42. Jsparse = 0; %稀疏性懲罰  
  43. [n, m] = size(data); %m為樣本數,這裡是10000,n為樣本維數,這裡是64  
  44. %feedforward前向演算法計算隱含層和輸出層的每個節點的z值(線性組合值)和a值(啟用值)  
  45. %data每一列是一個樣本,  
  46. z2 = W1*data + repmat(b1,1,m); %W1*data的每一列是每個樣本的經過權重W1到隱含層的線性組合值,repmat把列向量b1擴充成m列b1組成的矩陣  
  47. a2 = sigmoid(z2);  
  48. z3 = W2*a2 + repmat(b2,1,m);  
  49. a3 = sigmoid(z3);  
  50. %計算預測結果與理想結果的平均誤差  
  51. Jcost = (0.5/m)*sum(sum((a3-data).^2));  
  52. %計算權重懲罰項  
  53. Jweight = (1/2)*(sum(sum(W1.^2))+sum(sum(W2.^2)));  
  54. %計算稀疏性懲罰項  
  55. rho_hat = (1/m)*sum(a2,2);  
  56. Jsparse = sum(sparsityParam.*log(sparsityParam./rho_hat)+(1-sparsityParam).*log((1-sparsityParam)./(1-rho_hat)));  
  57. %計算總損失函式  
  58. cost = Jcost + lambda*Jweight + beta*Jsparse;  
  59. %反向傳播求誤差值  
  60. delta3 = -(data-a3).*fprime(a3); %每一列是一個樣本對應的誤差  
  61. sterm = beta*(-sparsityParam./rho_hat+(1-sparsityParam)./(1-rho_hat));   
  62. delta2 = (W2'*delta3 + repmat(sterm,1,m)).*fprime(a2);  
  63. %計算梯度  
  64. W2grad = delta3*a2';  
  65. W1grad = delta2*data';  
  66. W2grad = W2grad/m + lambda*W2;  
  67. W1grad = W1grad/m + lambda*W1;  
  68. b2grad = sum(delta3,2)/m; %因為對b的偏導是個向量,這裡要把delta3的每一列加起來  
  69. b1grad = sum(delta2,2)/m;  
  70. %%----------------------------------  
  71. % %對每個樣本進行計算, non-vectorial implementation  
  72. % [n m] = size(data);  
  73. % a2 = zeros(hiddenSize,m);  
  74. % a3 = zeros(visibleSize,m);  
  75. % Jcost = 0;    %平方誤差項  
  76. % rho_hat = zeros(hiddenSize,1);   %隱含層每個節點的平均啟用度  
  77. % Jweight = 0;  %權重衰減項     
  78. % Jsparse = 0;   % 稀疏項代價  
  79. %   
  80. % for i=1:m  
  81. %     %feedforward向前轉播  
  82. %     z2(:,i) = W1*data(:,i)+b1;  
  83. %     a2(:,i) = sigmoid(z2(:,i));  
  84. %     z3(:,i) = W2*a2(:,i)+b2;  
  85. %     a3(:,i) = sigmoid(z3(:,i));  
  86. %     Jcost = Jcost+sum((a3(:,i)-data(:,i)).*(a3(:,i)-data(:,i)));  
  87. %     rho_hat = rho_hat+a2(:,i);  %累加樣本隱含層的啟用度  
  88. % end  
  89. %   
  90. % rho_hat = rho_hat/m; %計算平均啟用度  
  91. % Jsparse = sum(sparsityParam*log(sparsityParam./rho_hat) + (1-sparsityParam)*log((1-sparsityParam)./(1-rho_hat))); %計算稀疏代價  
  92. % Jweight = sum(W1(:).*W1(:))+sum(W2(:).*W2(:));%計算權重衰減項  
  93. % cost = Jcost/2/m + Jweight/2*lambda + beta*Jsparse; %計算總代價  
  94. %   
  95. % for i=1:m  
  96. %     %backpropogation向後傳播  
  97. %     delta3 = -(data(:,i)-a3(:,i)).*fprime(a3(:,i));  
  98. %     delta2 = (W2'*delta3 +beta*(-sparsityParam./rho_hat+(1-sparsityParam)./(1-rho_hat))).*fprime(a2(:,i));  
  99. %   
  100. %     W2grad = W2grad + delta3*a2(:,i)';  
  101. %     W1grad = W1grad + delta2*data(:,i)';  
  102. %     b2grad = b2grad + delta3;  
  103. %     b1grad = b1grad + delta2;  
  104. % end  
  105. % %計算梯度  
  106. % W1grad = W1grad/m + lambda*W1;  
  107. % W2grad = W2grad/m + lambda*W2;  
  108. % b1grad = b1grad/m;  
  109. % b2grad = b2grad/m;  
  110. % -------------------------------------------------------------------  
  111. % After computing the cost and gradient, we will convert the gradients back  
  112. % to a vector format (suitable for minFunc).  Specifically, we will unroll  
  113. % your gradient matrices into a vector.  
  114. grad = [W1grad(:) ; W2grad(:) ; b1grad(:) ; b2grad(:)];  
  115. end  
  116. %%      Implementation of derivation of f(z)   
  117. % f(z) = sigmoid(z) = 1./(1+exp(-z))  
  118. % a = 1./(1+exp(-z))  
  119. % delta(f) = a.*(1-a)  
  120. function dz = fprime(a)  
  121.     dz = a.*(1-a);  
  122. end  
  123. %%  
  124. %-------------------------------------------------------------------  
  125. % Here's an implementation of the sigmoid function, which you may find useful  
  126. % in your computation of the costs and the gradients.  This inputs a (row or  
  127. % column) vector (say (z1, z2, z3)) and returns (f(z1), f(z2), f(z3)).   
  128. function sigm = sigmoid(x)  
  129.     sigm = 1 ./ (1 + exp(-x));  
  130. end  
  131. </span>  


computeNumericalGradient.m
  1. <span style="font-size:14px;">function numgrad = computeNumericalGradient(J, theta)  
  2. % numgrad = computeNumericalGradient(J, theta)  
  3. % theta: a vector of parameters  
  4. % J: a function that outputs a real-number. Calling y = J(theta) will return the  
  5. % function value at theta.   
  6. % Initialize numgrad with zeros  
  7. numgrad = zeros(size(theta));  
  8. %% ---------- YOUR CODE HERE --------------------------------------