熱線電話:13121318867

登錄
首頁精彩閱讀簡單易學的機器學習算法—譜聚類(Spectal Clustering)
簡單易學的機器學習算法—譜聚類(Spectal Clustering)
2017-03-28
收藏

簡單易學的機器學習算法—譜聚類(Spectal Clustering)

一、復雜網絡中的一些基本概念

1、復雜網絡的表示

在復雜網絡的表示中,復雜網絡可以建模成一個圖,其中,V表示網絡中的節點的集合,E表示的是連接的集合。在復雜網絡中,復雜網絡可以是無向圖、有向圖、加權圖或者超圖。

2、網絡簇結構

網絡簇結構(network cluster structure)也稱為網絡社團結構(network community structure),是復雜網絡中最普遍和最重要的拓撲屬性之一。網絡簇是整個網絡中的稠密連接分支,具有同簇內部節點之間相互連接密集,不同簇的節點之間相互連接稀疏的特征。

3、復雜網絡的分類

復雜網絡主要分為:隨機網絡,小世界網絡和無標度網絡。

二、譜方法介紹

1、譜方法的思想

在復雜網絡的網絡簇結構存在著同簇節點之間連接密集,不同簇節點之間連接稀疏的特征,是否可以根據這樣的特征對網絡中的節點進行聚類,使得同類節點之間的連接密集,不同類別節點之間的連接稀疏?

在譜聚類中定義了“截”函數的概念,當一個網絡被劃分成為兩個子網絡時,“截”即指子網間的連接密度。譜聚類的目的就是要找到一種合理的分割,使得分割后形成若干子圖,連接不同的子圖的邊的權重盡可能低,即“截”最小,同子圖內的邊的權重盡可能高。

2、“截”函數的具體表現形式

“截”表示的是子網間的密度,即邊比較少。以二分為例,將圖聚類成兩個類:S類和T類。假設用來表示圖的劃分,我們需要的結果為:

其中表示的是類別S和T之間的權重。對于K個不同的類別,優化的目標為:

3、基本“截”函數的弊端

對于上述的“截”函數,最終會導致不好的分割,如二分類問題:

上述的“截”函數通常會將圖分割成一個點和其余n-1個點。

4、其他的“截”函數的表現形式

為了能夠讓每個類都有合理的大小,目標函數中應該使得足夠大,則提出了或者

其中表示A類中包含的頂點的數目

三、Laplacian矩陣

1、Laplacian矩陣的定義

拉普拉斯矩陣(Laplacian Matrix),也稱為基爾霍夫矩陣,是圖的一種矩陣表示形式。
對于一個有n個頂點的圖,其Laplacian矩陣定義為:

其中,d為圖的度矩陣,a為圖的鄰接矩陣。

2、度矩陣的定義

度矩陣是一個對角矩陣,主角線上的值由對應的頂點的度組成。

對于一個有n個頂點的圖,其鄰接矩陣為:

其度矩陣為:

其中。

3、Laplacian矩陣的性質

Laplacian矩陣;L是對稱半正定矩陣;

  1. Laplacian矩陣L的最小特征值是0,相應的特征向量是I;
  2. Laplacian矩陣L有n個非負實特征值:,且對于任何一個實向量f,都有下面的式子成立:

性質3的證明:

4、不同的Laplacian矩陣

除了上述的拉普拉斯矩陣,還有規范化的Laplacian矩陣形式:

四、Laplacian矩陣與譜聚類中的優化函數的關系

1、由Laplacian矩陣到“截”函數

對于二個類別的聚類問題,優化的目標函數為:

定義向量,且

而已知:,則

其中,表示的是頂點的數目,對于確定的圖來說是個常數。由上述的推導可知,由推導出了,由此可知:Laplacian矩陣與有優化的目標函數之間存在密切的聯系。

2、新的目標函數

由上式可得:

由于是個常數,故要求的最小值,即求的最小值。則新的目標函數為:
 

其中

3、轉化到Laplacian矩陣的求解

假設是Laplacian矩陣L的特征值,F是特征對應的特征向量,則有:

在上式的兩端同時左乘

已知,則,上式可以轉化為:

要求,即只需求得最小特征。由Laplacian矩陣的性質可知,Laplacian矩陣的最小特征值為0。由Rayleigh-Ritz理論,可以取第2小特征值。

五、從二類別聚類到多類別聚類1、二類別聚類


對于求解出來的特征向量中的每一個分量,根據每個分量的值來判斷對應的點所屬的類別:

2、多類別聚類

對于求出來的前K個特征向量,可以利用K-Means聚類方法對其進行聚類,若前K個特征向量為,這樣便由特征向量構成如下的特征向量矩陣:

特征向量矩陣中的每一行最為一個樣本,利用K-Means聚類方法對其進行聚類。

六、譜聚類的過程

1、基本的結構

基于以上的分析,譜聚類的基本過程為:

對于給定的圖,求圖的度矩陣d和鄰接矩陣a;

計算圖的Laplacian矩陣;

對Laplacian矩陣進行特征值分解,取其前k個特征值對應的特征向量,構成特征向量矩陣;

利用K-Means聚類算法對上述的特征向量矩陣進行聚類,每一行代表一個樣本點。

2、利用相似度矩陣的構造方法

上述的方法是通過圖的度矩陣D和鄰接矩陣A來構造Laplacian矩陣,也可以通過相似度矩陣的方法構造Laplacian矩陣,其方法如下:
相似度矩陣是由權值矩陣得到:

其中

再利用相似度矩陣S構造Laplacian矩陣:

其中D為相似度矩陣S的度矩陣。

注意:在第一種方法中,求解的是Laplacian矩陣的前個最小特征值對應的特征向量,在第二種方法中,求解的是Laplacian矩陣的前K個最大特征值對應的特征向量

七、實驗代碼

1、自己實現的一個

[python] view plain copy 在CODE上查看代碼片派生到我的代碼片
#coding:UTF-8  
'''''
Created on 2015年5月12日
 
@author: zhaozhiyong
'''  
from __future__ import division  
import scipy.io as scio  
from scipy import sparse  
from scipy.sparse.linalg.eigen import arpack#這里只能這么做,不然始終找不到函數eigs  
from numpy import *  
 
 
def spectalCluster(data, sigma, num_clusters):  
    print "將鄰接矩陣轉換成相似矩陣"  
    #先完成sigma != 0  
    print "Fixed-sigma譜聚類"  
    data = sparse.csc_matrix.multiply(data, data)  
 
    data = -data / (2 * sigma * sigma)  
      
    S = sparse.csc_matrix.expm1(data) + sparse.csc_matrix.multiply(sparse.csc_matrix.sign(data), sparse.csc_matrix.sign(data))     
      
    #轉換成Laplacian矩陣  
    print "將相似矩陣轉換成Laplacian矩陣"  
    D = S.sum(1)#相似矩陣是對稱矩陣  
    D = sqrt(1 / D)  
    n = len(D)  
    D = D.T  
    D = sparse.spdiags(D, 0, n, n)  
    L = D * S * D  
      
    #求特征值和特征向量  
    print "求特征值和特征向量"  
    vals, vecs = arpack.eigs(L, k=num_clusters,tol=0,which="LM")    
      
    # 利用k-Means  
    print "利用K-Means對特征向量聚類"  
    #對vecs做正規化  
    sq_sum = sqrt(multiply(vecs,vecs).sum(1))  
    m_1, m_2 = shape(vecs)  
    for i in xrange(m_1):  
        for j in xrange(m_2):  
            vecs[i,j] = vecs[i,j]/sq_sum[i]  
      
    myCentroids, clustAssing = kMeans(vecs, num_clusters)  
      
    for i in xrange(shape(clustAssing)[0]):  
        print clustAssing[i,0]  
      
 
def randCent(dataSet, k):  
    n = shape(dataSet)[1]  
    centroids = mat(zeros((k,n)))#create centroid mat  
    for j in range(n):#create random cluster centers, within bounds of each dimension  
        minJ = min(dataSet[:,j])   
        rangeJ = float(max(dataSet[:,j]) - minJ)  
        centroids[:,j] = mat(minJ + rangeJ * random.rand(k,1))  
    return centroids  
 
def distEclud(vecA, vecB):  
    return sqrt(sum(power(vecA - vecB, 2))) #la.norm(vecA-vecB)  
 
def kMeans(dataSet, k):  
    m = shape(dataSet)[0]  
    clusterAssment = mat(zeros((m,2)))#create mat to assign data points to a centroid, also holds SE of each point  
    centroids = randCent(dataSet, k)  
    clusterChanged = True  
    while clusterChanged:  
        clusterChanged = False  
        for i in range(m):#for each data point assign it to the closest centroid  
            minDist = inf; minIndex = -1  
            for j in range(k):  
                distJI = distEclud(centroids[j,:],dataSet[i,:])  
                if distJI < minDist:  
                    minDist = distJI; minIndex = j  
            if clusterAssment[i,0] != minIndex: clusterChanged = True  
            clusterAssment[i,:] = minIndex,minDist**2  
        #print centroids  
        for cent in range(k):#recalculate centroids  
            ptsInClust = dataSet[nonzero(clusterAssment[:,0].A==cent)[0]]#get all the point in this cluster  
            centroids[cent,:] = mean(ptsInClust, axis=0) #assign centroid to mean   
    return centroids, clusterAssment  
 
 
if __name__ == '__main__':  
    # 導入數據集  
    matf = 'E://data_sc//corel_50_NN_sym_distance.mat'  
    dataDic = scio.loadmat(matf)  
    data = dataDic['A']  
    # 譜聚類的過程  
    spectalCluster(data, 20, 18)  

2、網上提供的一個Matlab代碼
[plain] view plain copy 在CODE上查看代碼片派生到我的代碼片
function [cluster_labels evd_time kmeans_time total_time] = sc(A, sigma, num_clusters)  
%SC Spectral clustering using a sparse similarity matrix (t-nearest-neighbor).  
%  
%   Input  : A              : N-by-N sparse distance matrix, where  
%                             N is the number of data  
%            sigma          : sigma value used in computing similarity,  
%                             if 0, apply self-tunning technique  
%            num_clusters   : number of clusters  
%  
%   Output : cluster_labels : N-by-1 vector containing cluster labels  
%            evd_time       : running time for eigendecomposition  
%            kmeans_time    : running time for k-means  
%            total_time     : total running time  
 
%  
% Convert the sparse distance matrix to a sparse similarity matrix,  
% where S = exp^(-(A^2 / 2*sigma^2)).  
% Note: This step can be ignored if A is sparse similarity matrix.  
%  
disp('Converting distance matrix to similarity matrix...');  
tic;  
n = size(A, 1);  
 
if (sigma == 0) % Selftuning spectral clustering  
  % Find the count of nonzero for each column  
  disp('Selftuning spectral clustering...');  
  col_count = sum(A~=0, 1)';  
  col_sum = sum(A, 1)';  
  col_mean = col_sum ./ col_count;  
  [x y val] = find(A);  
  A = sparse(x, y, -val.*val./col_mean(x)./col_mean(y)./2);  
  clear col_count col_sum col_mean x y val;  
else % Fixed-sigma spectral clustering  
  disp('Fixed-sigma spectral clustering...');  
  A = A.*A;  
  A = -A/(2*sigma*sigma);  
end  
 
% Do exp function sequentially because of memory limitation  
num = 2000;  
num_iter = ceil(n/num);  
S = sparse([]);  
for i = 1:num_iter  
  start_index = 1 + (i-1)*num;  
  end_index = min(i*num, n);  
  S1 = spfun(@exp, A(:,start_index:end_index)); % sparse exponential func  
  S = [S S1];  
  clear S1;  
end  
clear A;  
toc;  
 
%  
% Do laplacian, L = D^(-1/2) * S * D^(-1/2)  
%  
disp('Doing Laplacian...');  
D = sum(S, 2) + (1e-10);  
D = sqrt(1./D); % D^(-1/2)  
D = spdiags(D, 0, n, n);  
L = D * S * D;  
clear D S;  
time1 = toc;  
 
%  
% Do eigendecomposition, if L =  
%   D^(-1/2) * S * D(-1/2)    : set 'LM' (Largest Magnitude), or  
%   I - D^(-1/2) * S * D(-1/2): set 'SM' (Smallest Magnitude).  
%  
disp('Performing eigendecomposition...');  
OPTS.disp = 0;  
[V, val] = eigs(L, num_clusters, 'LM', OPTS);  
time2 = toc;  
 
%  
% Do k-means  
%  
disp('Performing kmeans...');  
% Normalize each row to be of unit length  
sq_sum = sqrt(sum(V.*V, 2)) + 1e-20;  
U = V ./ repmat(sq_sum, 1, num_clusters);  
clear sq_sum V;  
cluster_labels = k_means(U, [], num_clusters);  
total_time = toc;  
 
%  
% Calculate and show time statistics  
%  
evd_time = time2 - time1  
kmeans_time = total_time - time2  
total_time  
disp('Finished!');  

[plain] view plain copy 在CODE上查看代碼片派生到我的代碼片
function cluster_labels = k_means(data, centers, num_clusters)  
%K_MEANS Euclidean k-means clustering algorithm.  
%  
%   Input    : data           : N-by-D data matrix, where N is the number of data,  
%                               D is the number of dimensions  
%              centers        : K-by-D matrix, where K is num_clusters, or  
%                               'random', random initialization, or  
%                               [], empty matrix, orthogonal initialization  
%              num_clusters   : Number of clusters  
%  
%   Output   : cluster_labels : N-by-1 vector of cluster assignment  
%  
%   Reference: Dimitrios Zeimpekis, Efstratios Gallopoulos, 2006.  
%              http://scgroup.hpclab.ceid.upatras.gr/scgroup/Projects/TMG/  
 
%  
% Parameter setting  
%  
iter = 0;  
qold = inf;  
threshold = 0.001;  
 
%  
% Check if with initial centers  
%  
if strcmp(centers, 'random')  
  disp('Random initialization...');  
  centers = random_init(data, num_clusters);  
elseif isempty(centers)  
  disp('Orthogonal initialization...');  
  centers = orth_init(data, num_clusters);  
end  
 
%  
% Double type is required for sparse matrix multiply  
%  
data = double(data);  
centers = double(centers);  
 
%  
% Calculate the distance (square) between data and centers  
%  
n = size(data, 1);  
x = sum(data.*data, 2)';  
X = x(ones(num_clusters, 1), :);  
y = sum(centers.*centers, 2);  
Y = y(:, ones(n, 1));  
P = X + Y - 2*centers*data';  
 
%  
% Main program  
%  
while 1  
  iter = iter + 1;  
 
  % Find the closest cluster for each data point  
  [val, ind] = min(P, [], 1);  
  % Sum up data points within each cluster  
  P = sparse(ind, 1:n, 1, num_clusters, n);  
  centers = P*data;  
  % Size of each cluster, for cluster whose size is 0 we keep it empty  
  cluster_size = P*ones(n, 1);  
  % For empty clusters, initialize again  
  zero_cluster = find(cluster_size==0);  
  if length(zero_cluster) > 0  
    disp('Zero centroid. Initialize again...');  
    centers(zero_cluster, :)= random_init(data, length(zero_cluster));  
    cluster_size(zero_cluster) = 1;  
  end  
  % Update centers  
  centers = spdiags(1./cluster_size, 0, num_clusters, num_clusters)*centers;  
 
  % Update distance (square) to new centers  
  y = sum(centers.*centers, 2);  
  Y = y(:, ones(n, 1));  
  P = X + Y - 2*centers*data';  
 
  % Calculate objective function value  
  qnew = sum(sum(sparse(ind, 1:n, 1, size(P, 1), size(P, 2)).*P));  
  mesg = sprintf('Iteration %d:\n\tQold=%g\t\tQnew=%g', iter, full(qold), full(qnew));  
  disp(mesg);  
 
  % Check if objective function value is less than/equal to threshold  
  if threshold >= abs((qnew-qold)/qold)  
    mesg = sprintf('\nkmeans converged!');  
    disp(mesg);  
    break;  
  end  
  qold = qnew;  
end  
 
cluster_labels = ind';  
 
 
%-----------------------------------------------------------------------------  
function init_centers = random_init(data, num_clusters)  
%RANDOM_INIT Initialize centroids choosing num_clusters rows of data at random  
%  
%   Input : data         : N-by-D data matrix, where N is the number of data,  
%                          D is the number of dimensions  
%           num_clusters : Number of clusters  
%  
%   Output: init_centers : K-by-D matrix, where K is num_clusters  
rand('twister', sum(100*clock));  
init_centers = data(ceil(size(data, 1)*rand(1, num_clusters)), :);  
 
function init_centers = orth_init(data, num_clusters)  
%ORTH_INIT Initialize orthogonal centers for k-means clustering algorithm.  
%  
%   Input : data         : N-by-D data matrix, where N is the number of data,  
%                          D is the number of dimensions  
%           num_clusters : Number of clusters  
%  
%   Output: init_centers : K-by-D matrix, where K is num_clusters  
 
%  
% Find the num_clusters centers which are orthogonal to each other  
%  
Uniq = unique(data, 'rows'); % Avoid duplicate centers  
num = size(Uniq, 1);  
first = ceil(rand(1)*num); % Randomly select the first center  
init_centers = zeros(num_clusters, size(data, 2)); % Storage for centers  
init_centers(1, :) = Uniq(first, :);  
Uniq(first, :) = [];  
c = zeros(num-1, 1); % Accumalated orthogonal values to existing centers for non-centers  
% Find the rest num_clusters-1 centers  
for j = 2:num_clusters  
  c = c + abs(Uniq*init_centers(j-1, :)');  
  [minimum, i] = min(c); % Select the most orthogonal one as next center  
  init_centers(j, :) = Uniq(i, :);  
  Uniq(i, :) = [];  
  c(i) = [];  
end  
clear c Uniq;  

個人的一點認識:譜聚類的過程相當于先進行一個非線性降維,然后在這樣的低維空間中再利用聚類的方法進行聚類。

數據分析咨詢請掃描二維碼

若不方便掃碼,搜微信號:CDAshujufenxi

數據分析師資訊
更多

OK
客服在線
立即咨詢
日韩人妻系列无码专区视频,先锋高清无码,无码免费视欧非,国精产品一区一区三区无码
客服在線
立即咨詢