Versions Compared

Key

  • This line was added.
  • This line was removed.
  • Formatting was changed.
  • 目次

Table of Contents

...

MATLABのバージョン:MATLAB R2022a

※R2022bではないので注意

※クラスタープロファイルは学内でのみ使用可能です。学外の場合はVPN接続で使用してください。

準備1-MATLAB R2022aのダウンロード

  1. MathWorksアカウント画面へ

  2. MATLAB(Individual)の右の下矢印を押してダウンロード画面へ
    ※この際に画面左のリリースを選択からR2022aを選択します。

  3. Windows用ダウンロードを押してMATLAB R2022aのダウンロードを開始します。

...

[完了]をクリックします。二枚目の画像は、設定後のMATLAB Job Schedulerクラスタ・プロファイルを示します。

4.

...

クラスタープロファイルを既定に設定

[規定に設定既定に設定] を選択して、このプロファイルをデフォルトにします。

...

クラスタの検証が成功すると、以下のように全ての段階のステータスが”パス”になります。

...

※クラスタープロファイルは学内でのみ使用可能です。学外の場合はVPN接続で使用してください。

...

解析するファイルの準備

Coding files>Block Process On Large Imageファイルのinput_img.ngをC:\Users\ユーザー名\Documents\MATLABに移す。

...

Code Block
tic % Start stopwatch timer
% Input image
input_img = "input_img.jpg"; % Add image path
% Initialize Edge detection function
fun = @(block_struct) edge(block_struct.data,"canny");
% Covert source image from RGB to GRAY
input_image= rgb2gray(imread(input_img));
% Perform Parallel Block Process
result = blockproc(input_image,[25 25],fun, ...
   'UseParallel',false);
toc % Terminate stopwatch timer 
% Show ouput image
imshow(result

...

並列処理の例

...

例1:大きな画像に対するブロック処理

  1. 並列処理ありの場合

    Code Block
    tic % Start stopwatch timer
    % Input image
    input_img = "input_img.jpg"; % Add image path
    % Initialize Edge detection function
    fun = @(block_struct) edge(block_struct.data,"canny");
    % Covert source image from RGB to GRAY
    input_image= rgb2gray(imread(input_img));
    % Perform Parallel Block Process
    result = blockproc(input_image,[25 25],fun, ...
       'UseParallel',true);
    toc % Terminate stopwatch timer 
    % Show ouput image
    imshow(result)
  2. 並列処理なしの場合

    Code Block
    tic % Start stopwatch timer
    % Input image
    input_img = "input_img.jpg"; % Add image path
    % Initialize Edge detection function
    fun = @(block_struct) edge(block_struct.data,"canny");
    % Covert source image from RGB to GRAY
    input_image= rgb2gray(imread(input_img));
    % Perform Parallel Block Process
    result = blockproc(input_image,[25 25],fun, ...
       'UseParallel',false);
    toc % Terminate stopwatch timer 
    % Show ouput image
    imshow(result

...

並列処理なし

並列処理あり

windows

(Local)

windows

(Local)

8 workers

Red Hat Enterprise Linux

(a9 Server)

12 workers

11.97

3.30

2.79

...

例2:グローバルミニマムの探索

  1. 並列処理ありの場合

    Code Block
    tic % Start stopwatch timer
    % Consider a function with several local minima.
    fun = @(x) x.^2 + 4*sin(5*x);
    fplot(fun,[-10,10])
    rng default % For reproducibility
    opts = optimoptions(@fmincon,'Algorithm','sqp');
    problem = createOptimProblem('fmincon','objective',...
        fun,'x0',3,'lb',-5,'ub',5,'options',opts);
    ms = MultiStart('UseParallel', true);
    %To search for the global minimum, run MultiStart on 2000 instances of the problem using the fmincon 'sqp' algorithm.
    [x,f] = run(ms,problem,2000)
    toc % Terminate stopwatch timer

  2. 並列処理なしの場合

    Code Block
    tic % Start stopwatch timer
    % Consider a function with several local minima.
    fun = @(x) x.^2 + 4*sin(5*x);
    fplot(fun,[-10,10])
    rng default % For reproducibility
    opts = optimoptions(@fmincon,'Algorithm','sqp');
    problem = createOptimProblem('fmincon','objective',...
        fun,'x0',3,'lb',-5,'ub',5,'options',opts);
    ms = MultiStart('UseParallel', false);
    %To search for the global minimum, run MultiStart on 2000 instances of the problem using the fmincon 'sqp' algorithm.
    [x,f] = run(ms,problem,2000)
    toc % Terminate stopwatch timer

...

並列処理なし

並列処理あり

windows

(Local)

windows

(Local)

8 workers

Red Hat Enterprise Linux

(a9 Server)

12 workers

6.20

1.70

1.52

...

例3:SVM分類器の最適化

  1. 並列処理ありの場合

    Code Block
    tic % Start stopwatch timer 
    load ionosphere % Load the ionosphere data set.
    rng default
    % Find hyperparameters that minimize five-fold cross-validation loss by using automatic hyperparameter optimization. For reproducibility, set the random seed and use the 'expected-improvement-plus' acquisition function.
    Mdl = fitcsvm(X,Y,'OptimizeHyperparameters','auto', ...
    'HyperparameterOptimizationOptions',struct('UseParallel',true))
    toc % Terminate stopwatch timer

  2. 並列処理なしの場合

    Code Block
    tic % Start stopwatch timer 
    load ionosphere % Load the ionosphere data set.
    rng default
    % Find hyperparameters that minimize five-fold cross-validation loss by using automatic hyperparameter optimization. For reproducibility, set the random seed and use the 'expected-improvement-plus' acquisition function.
    Mdl = fitcsvm(X,Y,'OptimizeHyperparameters','auto', ...
    'HyperparameterOptimizationOptions',struct('UseParallel',false))
    toc % Terminate stopwatch timer

...

並列処理なし

並列処理あり

windows

(Local)

windows

(Local)

8 workers

Red Hat Enterprise Linux

(a9 Server)

12 workers

32.38

8.23

7.86

...

例4:並列処理によるデータのクラスタリング

  1. 並列処理ありの場合

    Code Block
    Mu = bsxfun(@times,ones(20,300),(1:20)'); % Gaussian mixture mean
    rn300 = randn(300,300);
    Sigma = rn300'*rn300; % Symmetric and positive-definite covariance
    Mdl = gmdistribution(Mu,Sigma); % Define the Gaussian mixture distribution
    
    rng(1); % For reproducibility
    X = random(Mdl,10000);
    % Specify the options for parallel computing.
    stream = RandStream('mlfg6331_64');  % Random number stream
    options = statset('UseParallel',1,'UseSubstreams',1,...
        'Streams',stream);
    % Cluster the data using k-means clustering. Specify that there are k = 200 clusters in the data and increase the number of iterations. Typically, the objective function contains local minima. Specify 10 replicates to help find a lower, local minimum.
    
    tic; % Start stopwatch timer
    [idx,C,sumd,D] = kmeans(X,200,'Options',options,'MaxIter',10000,...
        'Display','final','Replicates',10);
    toc % Terminate stopwatch timer
  2. 並列処理なしの場合

    Code Block
    Mu = bsxfun(@times,ones(20,300),(1:20)'); % Gaussian mixture mean
    rn300 = randn(300,300);
    Sigma = rn300'*rn300; % Symmetric and positive-definite covariance
    Mdl = gmdistribution(Mu,Sigma); % Define the Gaussian mixture distribution
    
    rng(1); % For reproducibility
    X = random(Mdl,10000);
    % Specify the options for parallel computing.
    stream = RandStream('mlfg6331_64');  % Random number stream
    options = statset('UseParallel',false,'UseSubstreams',1,...
        'Streams',stream);
    % Cluster the data using k-means clustering. Specify that there are k = 200 clusters in the data and increase the number of iterations. Typically, the objective function contains local minima. Specify 10 replicates to help find a lower, local minimum.
    
    tic; % Start stopwatch timer
    [idx,C,sumd,D] = kmeans(X,200,'Options',options,'MaxIter',10000,...
        'Display','final','Replicates',10);
    toc % Terminate stopwatch timer

...

並列処理なし

並列処理あり

windows

(Local)

windows

(Local)

8 workers

Red Hat Enterprise Linux

(a9 Server)

12 workers

8.45

9.90

11.00

演習5:複数の GPU での MATLAB 関数の実行

単一の GPU の使用

Code Block
N = 1000;
r = gpuArray.linspace(0,4,N);
x = rand(1,N,"gpuArray");
numIterations = 1000;
for n=1:numIterations
    x = r.*x.*(1-x);
end
plot(r,x,'.');

経過時間を計測

Code Block
N = 1000;
r = gpuArray.linspace(0,4,N);
x = rand(1,N,"gpuArray");
numIterations = 1000;
for n=1:numIterations
    x = r.*x.*(1-x);
end
plot(r,x,'.');

parfor による複数の GPU の使用

Code Block
numGPUs = gpuDeviceCount("available");
parpool(numGPUs);
numSimulations = 100;
X = zeros(numSimulations,N,"gpuArray");
parfor i = 1:numSimulations
    X(i,:) = rand(1,N,"gpuArray");
    for n=1:numIterations
        X(i,:) = r.*X(i,:).*(1-X(i,:));
    end
end
figure
plot(r,X,'.');

サポートされているGPUデバイスがないため、numGPUsは1に変更
経過時間を計測

Code Block
parpool(1);
numSimulations = 100;
numIterations = 1000;
N = 1000;
r = gpuArray.linspace(0,4,N);
X = zeros(numSimulations,N,"gpuArray");
tic;
parfor i = 1:numSimulations
    X(i,:) = rand(1,N,"gpuArray");
    for n=1:numIterations
        X(i,:) = r.X(i,:).(1-X(i,:));
    end
end
toc;
figure
plot(r,X,'.');

...

parfeval による複数 GPU の非同期の使用

Code Block
f(numSimulations) = parallel.FevalFuture;
type myParallelFcn
for i=1:numSimulations
    f(i) = parfeval(@myParallelFcn,1,r);
end
figure
hold on
afterEach(f,@(x) plot(r,x,'.'),0);

演習1~4の並列処理の有無、Localとa9 Serverの比較

...

例1~4の並列処理の有無、Localとa9 Serverの比較

...

  • 例1~3について

    • 並列処理なし(Local):処理時間が長いが、振れ幅が少ない。

    • 並列処理あり(Local):処理時間が短いが、振れ幅が大きい

    • 並列処理あり(a9 Server):処理時間が短く、振れ幅も少ない

  • 演習4について例4について

    • 並列処理なしの方が処理時間が短くなった。

演習1:大きな画像に対するブロック処理例1:大きな画像に対するブロック処理

演習2:グローバルミニマムの探索例2:グローバルミニマムの探索

演習3:SVM分類器の最適化例3:SVM分類器の最適化

演習4:並列処理によるデータのクラスタリング例4:並列処理によるデータのクラスタリング

...

並列処理ありと並列処理なしの違い

  • 並列処理あり

    • コマンドにおいて'UseParallel',true

    • 処理中の際に左下のアイコンが緑色になる。

  • 並列処理なし

    • コマンドにおいて'UseParallel',false

    • 処理中の際に左下のアイコンが青色になる。

...