From 329a104d4cb5ba50a59fb80e58de0453ba49f075 Mon Sep 17 00:00:00 2001 From: Daniil Kazantsev Date: Mon, 3 Jul 2017 22:35:23 +0100 Subject: Major reorganization, updated routines --- main_func/FGP_TV.c | 400 ++++++++++++++++++++++++++++++++++++++++++++ main_func/FISTA_REC.m | 291 ++++++++++++++++---------------- main_func/FISTA_TV.c | 331 ------------------------------------ main_func/LLT_model.c | 2 +- main_func/SplitBregman_TV.c | 317 ++++++++++++++++++++--------------- main_func/compile_mex.m | 4 +- main_func/studentst.m | 94 +++++------ 7 files changed, 785 insertions(+), 654 deletions(-) create mode 100644 main_func/FGP_TV.c delete mode 100644 main_func/FISTA_TV.c (limited to 'main_func') diff --git a/main_func/FGP_TV.c b/main_func/FGP_TV.c new file mode 100644 index 0000000..1a1fd13 --- /dev/null +++ b/main_func/FGP_TV.c @@ -0,0 +1,400 @@ +#include "mex.h" +#include +#include +#include +#include +#include +#include "omp.h" + +/* C-OMP implementation of FGP-TV [1] denoising/regularization model (2D/3D case) + * + * Input Parameters: + * 1. Noisy image/volume [REQUIRED] + * 2. lambda - regularization parameter [REQUIRED] + * 3. Number of iterations [OPTIONAL parameter] + * 4. eplsilon: tolerance constant [OPTIONAL parameter] + * 5. TV-type: 'iso' or 'l1' [OPTIONAL parameter] + * + * Output: + * [1] Filtered/regularized image + * [2] last function value + * + * Example of image denoising: + * figure; + * Im = double(imread('lena_gray_256.tif'))/255; % loading image + * u0 = Im + .05*randn(size(Im)); % adding noise + * u = FGP_TV(single(u0), 0.05, 100, 1e-04); + * + * to compile with OMP support: mex FGP_TV.c CFLAGS="\$CFLAGS -fopenmp -Wall -std=c99" LDFLAGS="\$LDFLAGS -fopenmp" + * This function is based on the Matlab's code and paper by + * [1] Amir Beck and Marc Teboulle, "Fast Gradient-Based Algorithms for Constrained Total Variation Image Denoising and Deblurring Problems" + * + * D. Kazantsev, 2016-17 + * + */ + +float copyIm(float *A, float *B, int dimX, int dimY, int dimZ); +float Obj_func2D(float *A, float *D, float *R1, float *R2, float lambda, int dimX, int dimY); +float Grad_func2D(float *P1, float *P2, float *D, float *R1, float *R2, float lambda, int dimX, int dimY); +float Proj_func2D(float *P1, float *P2, int methTV, int dimX, int dimY); +float Rupd_func2D(float *P1, float *P1_old, float *P2, float *P2_old, float *R1, float *R2, float tkp1, float tk, int dimX, int dimY); + +float Obj_func3D(float *A, float *D, float *R1, float *R2, float *R3, float lambda, int dimX, int dimY, int dimZ); +float Grad_func3D(float *P1, float *P2, float *P3, float *D, float *R1, float *R2, float *R3, float lambda, int dimX, int dimY, int dimZ); +float Proj_func3D(float *P1, float *P2, float *P3, int dimX, int dimY, int dimZ); +float Rupd_func3D(float *P1, float *P1_old, float *P2, float *P2_old, float *P3, float *P3_old, float *R1, float *R2, float *R3, float tkp1, float tk, int dimX, int dimY, int dimZ); + + +void mexFunction( + int nlhs, mxArray *plhs[], + int nrhs, const mxArray *prhs[]) + +{ + int number_of_dims, iter, dimX, dimY, dimZ, ll, j, count, methTV; + const int *dim_array; + float *A, *D=NULL, *D_old=NULL, *P1=NULL, *P2=NULL, *P3=NULL, *P1_old=NULL, *P2_old=NULL, *P3_old=NULL, *R1=NULL, *R2=NULL, *R3=NULL, lambda, tk, tkp1, re, re1, re_old, epsil, funcval; + + number_of_dims = mxGetNumberOfDimensions(prhs[0]); + dim_array = mxGetDimensions(prhs[0]); + + /*Handling Matlab input data*/ + if ((nrhs < 2) || (nrhs > 5)) mexErrMsgTxt("At least 2 parameters is required: Image(2D/3D), Regularization parameter. The full list of parameters: Image(2D/3D), Regularization parameter, iterations number, tolerance, penalty type ('iso' or 'l1')"); + + A = (float *) mxGetData(prhs[0]); /*noisy image (2D/3D) */ + lambda = (float) mxGetScalar(prhs[1]); /* regularization parameter */ + iter = 50; /* default iterations number */ + epsil = 0.001; /* default tolerance constant */ + methTV = 0; /* default isotropic TV penalty */ + + if ((nrhs == 3) || (nrhs == 4) || (nrhs == 5)) iter = (int) mxGetScalar(prhs[2]); /* iterations number */ + if ((nrhs == 4) || (nrhs == 5)) epsil = (float) mxGetScalar(prhs[3]); /* tolerance constant */ + if (nrhs == 5) { + char *penalty_type; + penalty_type = mxArrayToString(prhs[4]); /* choosing TV penalty: 'iso' or 'l1', 'iso' is the default */ + if ((strcmp(penalty_type, "l1") != 0) && (strcmp(penalty_type, "iso") != 0)) mexErrMsgTxt("Choose TV type: 'iso' or 'l1',"); + if (strcmp(penalty_type, "l1") == 0) methTV = 1; /* enable 'l1' penalty */ + mxFree(penalty_type); + } + /*output function value (last iteration) */ + funcval = 0.0f; + plhs[1] = mxCreateNumericMatrix(1, 1, mxSINGLE_CLASS, mxREAL); + float *funcvalA = (float *) mxGetData(plhs[1]); + + if (mxGetClassID(prhs[0]) != mxSINGLE_CLASS) {mexErrMsgTxt("The input image must be in a single precision"); } + + /*Handling Matlab output data*/ + dimX = dim_array[0]; dimY = dim_array[1]; dimZ = dim_array[2]; + + tk = 1.0f; + tkp1=1.0f; + count = 1; + re_old = 0.0f; + + if (number_of_dims == 2) { + dimZ = 1; /*2D case*/ + D = (float*)mxGetPr(plhs[0] = mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); + D_old = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); + P1 = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); + P2 = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); + P1_old = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); + P2_old = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); + R1 = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); + R2 = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); + + /* begin iterations */ + for(ll=0; ll 3) { + Obj_func2D(A, D, P1, P2, lambda, dimX, dimY); + funcval = 0.0f; + for(j=0; j 2) { + if (re > re_old) { + Obj_func2D(A, D, P1, P2, lambda, dimX, dimY); + funcval = 0.0f; + for(j=0; j 3) { + Obj_func3D(A, D, P1, P2, P3,lambda, dimX, dimY, dimZ); + funcval = 0.0f; + for(j=0; j 2) { + if (re > re_old) { + Obj_func3D(A, D, P1, P2, P3,lambda, dimX, dimY, dimZ); + funcval = 0.0f; + for(j=0; j 1) { + P1[(i)*dimY + (j)] = P1[(i)*dimY + (j)]/sqrt(denom); + P2[(i)*dimY + (j)] = P2[(i)*dimY + (j)]/sqrt(denom); + } + }} + } + else { + /* anisotropic TV*/ +#pragma omp parallel for shared(P1,P2) private(i,j,val1,val2) + for(i=0; i>>> +% <<<< FISTA-based reconstruction algorithm using ASTRA-toolbox >>>> % ___Input___: % params.[] file: -% - .sino (2D or 3D sinogram) [required] -% - .N (image dimension) [required] -% - .angles (in radians) [required] +% - .proj_geom (geometry of the projector) [required] +% - .vol_geom (geometry of the reconstructed object) [required] +% - .sino (vectorized in 2D or 3D sinogram) [required] % - .iterFISTA (iterations for the main loop) % - .L_const (Lipschitz constant, default Power method) ) % - .X_ideal (ideal image, if given) -% - .weights (statisitcal weights, size of sinogram) +% - .weights (statisitcal weights, size of the sinogram) % - .ROI (Region-of-interest, only if X_ideal is given) -% - .lambdaTV (TV regularization parameter, default 0 - reg. TV is switched off) -% - .tol (tolerance to terminate TV regularization, default 1.0e-04) -% - .iterTV (iterations for the TV penalty, default 0) -% - .lambdaHO (Higher Order LLT regularization parameter, default 0 - LLT reg. switched off) -% - .iterHO (iterations for HO penalty, default 50) -% - .tauHO (time step parameter for HO term) -% - .lambdaR_L1 (regularization parameter for L1 ring minimization, if lambdaR_L1 > 0 then switch on ring removal, default 0) -% - .alpha_ring (larger values can accelerate convergence but check stability, default 1) +% - .Regul_LambdaTV (TV regularization parameter, default 0 - reg. TV is switched off) +% - .Regul_tol (tolerance to terminate TV regularization, default 1.0e-04) +% - .Regul_iterTV (iterations for the TV penalty, default 0) +% - .Regul_LambdaHO (Higher Order LLT regularization parameter, default 0 - LLT reg. switched off) +% - .Regul_iterHO (iterations for HO penalty, default 50) +% - .Regul_tauHO (time step parameter for HO term) +% - .Ring_LambdaR_L1 (regularization parameter for L1 ring minimization, if lambdaR_L1 > 0 then switch on ring removal, default 0) +% - .Ring_Alpha (larger values can accelerate convergence but check stability, default 1) % - .fidelity (choose between "LS" and "student" data fidelities) +% - .initializ (a 'warm start' using SIRT method from ASTRA) % - .precondition (1 - switch on Fourier filtering before backprojection) % - .show (visualize reconstruction 1/0, (0 default)) % - .maxvalplot (maximum value to use for imshow[0 maxvalplot]) % - .slice (for 3D volumes - slice number to imshow) % ___Output___: % 1. X - reconstructed image/volume -% 2. error - residual error (if X_ideal is given) +% 2. Resid_error - residual error (if X_ideal is given) % 3. value of the objective function -% 4. forward projection(X) +% 4. forward projection of X + % References: % 1. "A Fast Iterative Shrinkage-Thresholding Algorithm for Linear Inverse % Problems" by A. Beck and M Teboulle @@ -38,49 +40,53 @@ function [X, error, objective, residual] = FISTA_REC(params) % D. Kazantsev, 2016-17 % Dealing with input parameters -if (isfield(params,'sino')) - sino = params.sino; - [anglesNumb, Detectors, SlicesZ] = size(sino); - fprintf('%s %i %s %i %s %i %s \n', 'Sinogram has a dimension of', anglesNumb, 'projections;', Detectors, 'detectors;', SlicesZ, 'vertical slices.'); +if (isfield(params,'proj_geom') == 0) + error('%s \n', 'Please provide ASTRA projection geometry - proj_geom'); else - fprintf('%s \n', 'Please provide a sinogram'); + proj_geom = params.proj_geom; end -if (isfield(params,'N')) - N = params.N; +if (isfield(params,'vol_geom') == 0) + error('%s \n', 'Please provide ASTRA object geometry - vol_geom'); else - fprintf('%s \n', 'Please provide N-size for the reconstructed image [N x N]'); + vol_geom = params.vol_geom; end -if (isfield(params,'N')) - angles = params.angles; - if (length(angles) ~= anglesNumb) - fprintf('%s \n', 'Sinogram angular dimension does not correspond to the angles dimension provided'); - end +N = params.vol_geom.GridColCount; +if (isfield(params,'sino')) + sino = params.sino; + [Detectors, anglesNumb, SlicesZ] = size(sino); + fprintf('%s %i %s %i %s %i %s \n', 'Sinogram has a dimension of', Detectors, 'detectors;', anglesNumb, 'projections;', SlicesZ, 'vertical slices.'); else - fprintf('%s \n', 'Please provide a vector of angles'); + error('%s \n', 'Please provide a sinogram'); end if (isfield(params,'iterFISTA')) iterFISTA = params.iterFISTA; else iterFISTA = 30; end +if (isfield(params,'weights')) + weights = params.weights; +else + weights = ones(size(sino)); +end if (isfield(params,'L_const')) L_const = params.L_const; else % using Power method (PM) to establish L constant - vol_geom = astra_create_vol_geom(N, N); - proj_geom = astra_create_proj_geom('parallel', 1.0, Detectors, angles); - - niter = 10; % number of iteration for PM - x = rand(N,N); - [sino_id, y] = astra_create_sino_cuda(x, proj_geom, vol_geom); - astra_mex_data2d('delete', sino_id); + niter = 5; % number of iteration for PM + x = rand(N,N,SlicesZ); + sqweight = sqrt(weights); + [sino_id, y] = astra_create_sino3d_cuda(x, proj_geom, vol_geom); + y = sqweight.*y; + astra_mex_data3d('delete', sino_id); for i = 1:niter - x = astra_create_backprojection_cuda(y, proj_geom, vol_geom); - s = norm(x); + [id,x] = astra_create_backprojection3d_cuda(sqweight.*y, proj_geom, vol_geom); + s = norm(x(:)); x = x/s; - [sino_id, y] = astra_create_sino_cuda(x, proj_geom, vol_geom); - astra_mex_data2d('delete', sino_id); + [sino_id, y] = astra_create_sino3d_cuda(x, proj_geom, vol_geom); + y = sqweight.*y; + astra_mex_data3d('delete', sino_id); + astra_mex_data3d('delete', id); end L_const = s; end @@ -89,53 +95,48 @@ if (isfield(params,'X_ideal')) else X_ideal = 'none'; end -if (isfield(params,'weights')) - weights = params.weights; -else - weights = 1; -end if (isfield(params,'ROI')) ROI = params.ROI; else ROI = find(X_ideal>=0.0); end -if (isfield(params,'lambdaTV')) - lambdaTV = params.lambdaTV; +if (isfield(params,'Regul_LambdaTV')) + lambdaTV = params.Regul_LambdaTV; else lambdaTV = 0; end -if (isfield(params,'tol')) - tol = params.tol; +if (isfield(params,'Regul_tol')) + tol = params.Regul_tol; else tol = 1.0e-04; end -if (isfield(params,'iterTV')) - iterTV = params.iterTV; +if (isfield(params,'Regul_iterTV')) + iterTV = params.Regul_iterTV; else - iterTV = 10; + iterTV = 25; end -if (isfield(params,'lambdaHO')) - lambdaHO = params.lambdaHO; +if (isfield(params,'Regul_LambdaHO')) + lambdaHO = params.Regul_LambdaHO; else lambdaHO = 0; end -if (isfield(params,'iterHO')) - iterHO = params.iterHO; +if (isfield(params,'Regul_iterHO')) + iterHO = params.Regul_iterHO; else iterHO = 50; end -if (isfield(params,'tauHO')) - tauHO = params.tauHO; +if (isfield(params,'Regul_tauHO')) + tauHO = params.Regul_tauHO; else tauHO = 0.0001; end -if (isfield(params,'lambdaR_L1')) - lambdaR_L1 = params.lambdaR_L1; +if (isfield(params,'Ring_LambdaR_L1')) + lambdaR_L1 = params.Ring_LambdaR_L1; else lambdaR_L1 = 0; end -if (isfield(params,'alpha_ring')) - alpha_ring = params.alpha_ring; % higher values can accelerate ring removal procedure +if (isfield(params,'Ring_Alpha')) + alpha_ring = params.Ring_Alpha; % higher values can accelerate ring removal procedure else alpha_ring = 1; end @@ -164,21 +165,43 @@ if (isfield(params,'slice')) else slice = 1; end +if (isfield(params,'initilize')) + % Create a data object for the reconstruction + rec_id = astra_mex_data3d('create', '-vol', vol_geom); + + sinogram_id = astra_mex_data3d('create', '-proj3d', proj_geom, sino); + + % Set up the parameters for a reconstruction algorithm using the GPU + cfg = astra_struct('SIRT3D_CUDA'); + cfg.ReconstructionDataId = rec_id; + cfg.ProjectionDataId = sinogram_id; + + % Create the algorithm object from the configuration structure + alg_id = astra_mex_algorithm('create', cfg); + astra_mex_algorithm('iterate', alg_id, 35); + % Get the result + X = astra_mex_data3d('get', rec_id); + + % Clean up. Note that GPU memory is tied up in the algorithm object, + % and main RAM in the data objects. + astra_mex_algorithm('delete', alg_id); + astra_mex_data3d('delete', rec_id); + astra_mex_data3d('delete', sinogram_id); +else + X = zeros(N,N,SlicesZ, 'single'); % storage for the solution +end + %%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%% -% building geometry (parallel-beam) -vol_geom = astra_create_vol_geom(N, N); -proj_geom = astra_create_proj_geom('parallel', 1.0, Detectors, angles); -error = zeros(iterFISTA,1); % error vector +Resid_error = zeros(iterFISTA,1); % error vector objective = zeros(iterFISTA,1); % obhective vector if (lambdaR_L1 > 0) % do reconstruction WITH ring removal (Group-Huber fidelity) t = 1; - X = zeros(N,N,SlicesZ, 'single'); X_t = X; - add_ring = zeros(anglesNumb, Detectors, SlicesZ, 'single'); % size of sinogram array + add_ring = zeros(size(sino),'single'); % size of sinogram array r = zeros(Detectors,SlicesZ, 'single'); % 2D array (for 3D data) of sparse "ring" vectors r_x = r; @@ -189,47 +212,40 @@ if (lambdaR_L1 > 0) t_old = t; r_old = r; - % all slices loop - for j = 1:SlicesZ - - [sino_id, sino_updt] = astra_create_sino_cuda(X_t(:,:,j), proj_geom, vol_geom); - - for kkk = 1:anglesNumb - add_ring(kkk,:,j) = sino(kkk,:,j) - alpha_ring.*r_x(:,j)'; - end - - residual = sino_updt - add_ring(:,:,j); - - if (precondition == 1) - residual = filtersinc(residual'); % filtering residual (Fourier preconditioning) - residual = residual'; - end - - vec = sum(residual); - r(:,j) = r_x(:,j) - (1/L_const).*vec'; - - x_temp = astra_create_backprojection_cuda(residual, proj_geom, vol_geom); - - X(:,:,j) = X_t(:,:,j) - (1/L_const).*x_temp; - astra_mex_data2d('delete', sino_id); + [sino_id, sino_updt] = astra_create_sino3d_cuda(X_t, proj_geom, vol_geom); + + for kkk = 1:anglesNumb + add_ring(:,kkk,:) = sino(:,kkk,:) - alpha_ring.*r_x; + end + + residual = weights.*(sino_updt - add_ring); + + if (precondition == 1) + residual = filtersinc(residual'); % filtering residual (Fourier preconditioning) + residual = residual'; end + vec = sum(residual,2); + + r = r_x - (1./L_const).*vec; + + [id, x_temp] = astra_create_backprojection3d_cuda(residual, proj_geom, vol_geom); + + X = X_t - (1/L_const).*x_temp; + astra_mex_data3d('delete', sino_id); + astra_mex_data3d('delete', id); + if ((lambdaTV > 0) && (lambdaHO == 0)) - if (size(X,3) > 1) - [X] = FISTA_TV(single(X), lambdaTV, iterTV, tol); % TV regularization using FISTA - gradTV = 1; - else - [X, gradTV] = FISTA_TV(single(X), lambdaTV, iterTV, tol); % TV regularization using FISTA - end - objective(i) = 0.5.*norm(residual(:))^2 + norm(gradTV(:)); + [X, f_val] = FGP_TV(single(X), lambdaTV, iterTV, tol); % TV regularization using FISTA + objective(i) = 0.5.*norm(residual(:))^2 + f_val; % X = SplitBregman_TV(single(X), lambdaTV, iterTV, tol); % TV-Split Bregman regularization on CPU (memory limited) elseif ((lambdaHO > 0) && (lambdaTV == 0)) % Higher Order regularization X = LLT_model(single(X), lambdaHO, tauHO, iterHO, tol, 0); % LLT higher order model elseif ((lambdaTV > 0) && (lambdaHO > 0)) %X1 = SplitBregman_TV(single(X), lambdaTV, iterTV, tol); % TV-Split Bregman regularization on CPU (memory limited) - X1 = FISTA_TV(single(X), lambdaTV, iterTV, tol); % TV regularization using FISTA - X2 = LLT_model(single(X), lambdaHO, tauHO, iterHO, tol, 0); % LLT higher order model + X1 = FGP_TV(single(X), lambdaTV, iterTV, tol); % TV regularization using FISTA + X2 = LLT_model(single(X), lambdaHO, tauHO, iterHO, 3.0e-05, 0); % LLT higher order model X = 0.5.*(X1 + X2); % averaged combination of two solutions elseif ((lambdaTV == 0) && (lambdaHO == 0)) objective(i) = 0.5.*norm(residual(:))^2; @@ -244,11 +260,11 @@ if (lambdaR_L1 > 0) if (show == 1) figure(10); imshow(X(:,:,slice), [0 maxvalplot]); figure(11); plot(r); title('Rings offset vector') - pause(0.03); + pause(0.03); end if (strcmp(X_ideal, 'none' ) == 0) - error(i) = RMSE(X(ROI), X_ideal(ROI)); - fprintf('%s %i %s %s %.4f %s %s %.4f \n', 'Iteration Number:', i, '|', 'Error RMSE:', error(i), '|', 'Objective:', objective(i)); + Resid_error(i) = RMSE(X(ROI), X_ideal(ROI)); + fprintf('%s %i %s %s %.4f %s %s %.4f \n', 'Iteration Number:', i, '|', 'Error RMSE:', Resid_error(i), '|', 'Objective:', objective(i)); else fprintf('%s %i %s %s %.4f \n', 'Iteration Number:', i, '|', 'Objective:', objective(i)); end @@ -258,50 +274,42 @@ if (lambdaR_L1 > 0) else % WITHOUT ring removal t = 1; - X = zeros(N,N,SlicesZ, 'single'); X_t = X; - % iterations loop + % FISTA outer iterations loop for i = 1:iterFISTA X_old = X; t_old = t; - % slices loop - for j = 1:SlicesZ - [sino_id, sino_updt] = astra_create_sino_cuda(X_t(:,:,j), proj_geom, vol_geom); - residual = weights.*(sino_updt - sino(:,:,j)); - - % employ students t fidelity term - if (strcmp(fidelity,'student') == 1) - res_vec = reshape(residual, anglesNumb*Detectors,1); - %s = 100; - %gr = (2)*res_vec./(s*2 + conj(res_vec).*res_vec); - [ff, gr] = studentst(res_vec,1); - residual = reshape(gr, anglesNumb, Detectors); - end - - if (precondition == 1) - residual = filtersinc(residual'); % filtering residual (Fourier preconditioning) - residual = residual'; - end - - x_temp = astra_create_backprojection_cuda(residual, proj_geom, vol_geom); - X(:,:,j) = X_t(:,:,j) - (1/L_const).*x_temp; - astra_mex_data2d('delete', sino_id); + [sino_id, sino_updt] = astra_create_sino3d_cuda(X_t, proj_geom, vol_geom); + residual = weights.*(sino_updt - sino); + + % employ students t fidelity term + if (strcmp(fidelity,'student') == 1) + res_vec = reshape(residual, anglesNumb*Detectors*SlicesZ,1); + %s = 100; + %gr = (2)*res_vec./(s*2 + conj(res_vec).*res_vec); + [ff, gr] = studentst(res_vec,1); + residual = reshape(gr, Detectors, anglesNumb, SlicesZ); + end + + if (precondition == 1) + residual = filtersinc(residual'); % filtering residual (Fourier preconditioning) + residual = residual'; end + [id, x_temp] = astra_create_backprojection3d_cuda(residual, proj_geom, vol_geom); + X = X_t - (1/L_const).*x_temp; + astra_mex_data3d('delete', sino_id); + astra_mex_data3d('delete', id); + if ((lambdaTV > 0) && (lambdaHO == 0)) - if (size(X,3) > 1) - [X] = FISTA_TV(single(X), lambdaTV, iterTV, tol); % TV regularization using FISTA - gradTV = 1; - else - [X, gradTV] = FISTA_TV(single(X), lambdaTV, iterTV, tol); % TV regularization using FISTA - end + [X,f_val] = FGP_TV(single(X), lambdaTV, iterTV, tol); % TV regularization using FISTA if (strcmp(fidelity,'student') == 1) - objective(i) = ff + norm(gradTV(:)); + objective(i) = ff + f_val; else - objective(i) = 0.5.*norm(residual(:))^2 + norm(gradTV(:)); + objective(i) = 0.5.*norm(residual(:))^2 + f_val; end % X = SplitBregman_TV(single(X), lambdaTV, iterTV, tol); % TV-Split Bregman regularization on CPU (memory limited) elseif ((lambdaHO > 0) && (lambdaTV == 0)) @@ -315,24 +323,25 @@ else objective(i) = 0.5.*norm(residual(:))^2; end - t = (1 + sqrt(1 + 4*t^2))/2; % updating t X_t = X + ((t_old-1)/t).*(X - X_old); % updating X if (show == 1) figure(11); imshow(X(:,:,slice), [0 maxvalplot]); - pause(0.03); + pause(0.03); end if (strcmp(X_ideal, 'none' ) == 0) - error(i) = RMSE(X(ROI), X_ideal(ROI)); - fprintf('%s %i %s %s %.4f %s %s %.4f \n', 'Iteration Number:', i, '|', 'Error RMSE:', error(i), '|', 'Objective:', objective(i)); + Resid_error(i) = RMSE(X(ROI), X_ideal(ROI)); + fprintf('%s %i %s %s %.4f %s %s %.4f \n', 'Iteration Number:', i, '|', 'Error RMSE:', Resid_error(i), '|', 'Objective:', objective(i)); else fprintf('%s %i %s %s %.4f \n', 'Iteration Number:', i, '|', 'Objective:', objective(i)); end - end end +output.Resid_error = Resid_error; +output.objective = objective; +output.L_const = L_const; %%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%% end diff --git a/main_func/FISTA_TV.c b/main_func/FISTA_TV.c deleted file mode 100644 index 87681bc..0000000 --- a/main_func/FISTA_TV.c +++ /dev/null @@ -1,331 +0,0 @@ -#include "mex.h" -#include -#include -#include -#include -#include -#include "omp.h" - -/* C-OMP implementation of FISTA-TV denoising-regularization model (2D/3D) - * - * Input Parameters: - * 1. Noisy image/volume - * 2. lambda - regularization parameter - * 3. Number of iterations - * 4. eplsilon - tolerance constant - * - * Output: - * Filtered/regularized image - * - * Example: - * figure; - * Im = double(imread('lena_gray_256.tif'))/255; % loading image - * u0 = Im + .05*randn(size(Im)); % adding noise - * u = FISTA_TV(single(u0), 0.05, 150, 1e-04); - * - * to compile with OMP support: mex FISTA_TV.c CFLAGS="\$CFLAGS -fopenmp -Wall" LDFLAGS="\$LDFLAGS -fopenmp" - * References: A. Beck & M. Teboulle - * - * D. Kazantsev, 2016* - */ - -float copyIm(float *A, float *B, int dimX, int dimY, int dimZ); -float Obj_func2D(float *A, float *D, float *R1, float *R2, float *grad, float lambda, int dimX, int dimY); -float Grad_func2D(float *P1, float *P2, float *D, float *R1, float *R2, float lambda, int dimX, int dimY); -float Proj_func2D(float *P1, float *P2, int dimX, int dimY); -float Rupd_func2D(float *P1, float *P1_old, float *P2, float *P2_old, float *R1, float *R2, float tkp1, float tk, int dimX, int dimY); - -float Obj_func3D(float *A, float *D, float *R1, float *R2, float *R3, float lambda, int dimX, int dimY, int dimZ); -float Grad_func3D(float *P1, float *P2, float *P3, float *D, float *R1, float *R2, float *R3, float lambda, int dimX, int dimY, int dimZ); -float Proj_func3D(float *P1, float *P2, float *P3, int dimX, int dimY, int dimZ); -float Rupd_func3D(float *P1, float *P1_old, float *P2, float *P2_old, float *P3, float *P3_old, float *R1, float *R2, float *R3, float tkp1, float tk, int dimX, int dimY, int dimZ); - - -void mexFunction( - int nlhs, mxArray *plhs[], - int nrhs, const mxArray *prhs[]) - -{ - int number_of_dims, iter, dimX, dimY, dimZ, ll, j, count; - const int *dim_array; - float *A, *grad=NULL, *D=NULL, *D_old=NULL, *P1=NULL, *P2=NULL, *P3=NULL, *P1_old=NULL, *P2_old=NULL, *P3_old=NULL, *R1=NULL, *R2=NULL, *R3=NULL, lambda, tk, tkp1, re, re1, re_old, epsil; - - number_of_dims = mxGetNumberOfDimensions(prhs[0]); - dim_array = mxGetDimensions(prhs[0]); - - if(nrhs != 4) mexErrMsgTxt("Four input parameters is reqired: Image(2D/3D), Regularization parameter, Iterations, Tolerance"); - - /*Handling Matlab input data*/ - A = (float *) mxGetData(prhs[0]); /*noisy image (2D/3D) */ - lambda = (float) mxGetScalar(prhs[1]); /* regularization parameter */ - iter = (int) mxGetScalar(prhs[2]); /* iterations number */ - epsil = (float) mxGetScalar(prhs[3]); /* tolerance constant */ - - /*Handling Matlab output data*/ - dimX = dim_array[0]; dimY = dim_array[1]; dimZ = dim_array[2]; - - tk = 1.0f; - tkp1=1.0f; - count = 1; - re_old = 0.0f; - - if (number_of_dims == 2) { - dimZ = 1; /*2D case*/ - D = (float*)mxGetPr(plhs[0] = mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); - grad = (float*)mxGetPr(plhs[1] = mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); - D_old = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); - P1 = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); - P2 = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); - P1_old = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); - P2_old = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); - R1 = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); - R2 = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); - - /* begin iterations */ - for(ll=0; ll 3) break; - - /* check that the residual norm is decreasing */ - if (ll > 2) { - if (re > re_old) break; } - - re_old = re; - /*printf("%f %i %i \n", re, ll, count); */ - } - printf("TV iterations stopped at iteration: %i\n", ll); - } - if (number_of_dims == 3) { - D = (float*)mxGetPr(plhs[0] = mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); - D_old = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); - P1 = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); - P2 = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); - P3 = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); - P1_old = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); - P2_old = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); - P3_old = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); - R1 = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); - R2 = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); - R3 = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); - - /* begin iterations */ - for(ll=0; ll 3) break; - - /* check that the residual norm is decreasing */ - if (ll > 2) { - if (re > re_old) break; } - - re_old = re; - /*printf("%f %i %i \n", re, ll, count); */ - } - printf("TV iterations stopped at iteration: %i\n", ll); - } -} - -/* 2D-case related Functions */ -/*****************************************************************/ -float Obj_func2D(float *A, float *D, float *R1, float *R2, float *grad, float lambda, int dimX, int dimY) -{ - float val1, val2; - int i,j; -#pragma omp parallel for shared(A,D,R1,R2) private(i,j,val1,val2) - for(i=0; i #include "omp.h" -#define EPS 0.001 +#define EPS 0.01 /* C-OMP implementation of Lysaker, Lundervold and Tai (LLT) model of higher order regularization penalty * diff --git a/main_func/SplitBregman_TV.c b/main_func/SplitBregman_TV.c index 691ccce..f143aa6 100644 --- a/main_func/SplitBregman_TV.c +++ b/main_func/SplitBregman_TV.c @@ -11,8 +11,9 @@ * Input Parameters: * 1. Noisy image/volume * 2. lambda - regularization parameter - * 3. Number of iterations - * 4. eplsilon - tolerance constant + * 3. Number of iterations [OPTIONAL parameter] + * 4. eplsilon - tolerance constant [OPTIONAL parameter] + * 5. TV-type: 'iso' or 'l1' [OPTIONAL parameter] * * Output: * Filtered/regularized image @@ -31,12 +32,13 @@ float copyIm(float *A, float *B, int dimX, int dimY, int dimZ); float gauss_seidel2D(float *U, float *A, float *Dx, float *Dy, float *Bx, float *By, int dimX, int dimY, float lambda, float mu); -float updDxDy_shrink2D(float *U, float *Dx, float *Dy, float *Bx, float *By, int dimX, int dimY, float lambda); float updDxDy_shrinkAniso2D(float *U, float *Dx, float *Dy, float *Bx, float *By, int dimX, int dimY, float lambda); +float updDxDy_shrinkIso2D(float *U, float *Dx, float *Dy, float *Bx, float *By, int dimX, int dimY, float lambda); float updBxBy2D(float *U, float *Dx, float *Dy, float *Bx, float *By, int dimX, int dimY); float gauss_seidel3D(float *U, float *A, float *Dx, float *Dy, float *Dz, float *Bx, float *By, float *Bz, int dimX, int dimY, int dimZ, float lambda, float mu); -float updDxDyDz_shrink3D(float *U, float *Dx, float *Dy, float *Dz, float *Bx, float *By, float *Bz, int dimX, int dimY, int dimZ, float lambda); +float updDxDyDz_shrinkAniso3D(float *U, float *Dx, float *Dy, float *Dz, float *Bx, float *By, float *Bz, int dimX, int dimY, int dimZ, float lambda); +float updDxDyDz_shrinkIso3D(float *U, float *Dx, float *Dy, float *Dz, float *Bx, float *By, float *Bz, int dimX, int dimY, int dimZ, float lambda); float updBxByBz3D(float *U, float *Dx, float *Dy, float *Dz, float *Bx, float *By, float *Bz, int dimX, int dimY, int dimZ); void mexFunction( @@ -44,28 +46,39 @@ void mexFunction( int nrhs, const mxArray *prhs[]) { - int number_of_dims, iter, dimX, dimY, dimZ, ll, j, count; + int number_of_dims, iter, dimX, dimY, dimZ, ll, j, count, methTV; const int *dim_array; float *A, *U=NULL, *U_old=NULL, *Dx=NULL, *Dy=NULL, *Dz=NULL, *Bx=NULL, *By=NULL, *Bz=NULL, lambda, mu, epsil, re, re1, re_old; number_of_dims = mxGetNumberOfDimensions(prhs[0]); dim_array = mxGetDimensions(prhs[0]); - if(nrhs != 4) mexErrMsgTxt("Four input parameters is reqired: Image(2D/3D), Regularization parameter, Iterations, Tolerance"); + /*Handling Matlab input data*/ + if ((nrhs < 2) || (nrhs > 5)) mexErrMsgTxt("At least 2 parameters is required: Image(2D/3D), Regularization parameter. The full list of parameters: Image(2D/3D), Regularization parameter, iterations number, tolerance, penalty type ('iso' or 'l1')"); /*Handling Matlab input data*/ A = (float *) mxGetData(prhs[0]); /*noisy image (2D/3D) */ mu = (float) mxGetScalar(prhs[1]); /* regularization parameter */ - iter = (int) mxGetScalar(prhs[2]); /* iterations number */ - epsil = (float) mxGetScalar(prhs[3]); /* tolerance constant */ + iter = 35; /* default iterations number */ + epsil = 0.0001; /* default tolerance constant */ + methTV = 0; /* default isotropic TV penalty */ + if ((nrhs == 3) || (nrhs == 4) || (nrhs == 5)) iter = (int) mxGetScalar(prhs[2]); /* iterations number */ + if ((nrhs == 4) || (nrhs == 5)) epsil = (float) mxGetScalar(prhs[3]); /* tolerance constant */ + if (nrhs == 5) { + char *penalty_type; + penalty_type = mxArrayToString(prhs[4]); /* choosing TV penalty: 'iso' or 'l1', 'iso' is the default */ + if ((strcmp(penalty_type, "l1") != 0) && (strcmp(penalty_type, "iso") != 0)) mexErrMsgTxt("Choose TV type: 'iso' or 'l1',"); + if (strcmp(penalty_type, "l1") == 0) methTV = 1; /* enable 'l1' penalty */ + mxFree(penalty_type); + } + if (mxGetClassID(prhs[0]) != mxSINGLE_CLASS) {mexErrMsgTxt("The input image must be in a single precision"); } - lambda = 2.0f*2.0f; + lambda = 2.0f*mu; count = 1; - re_old = 0.0f; + re_old = 0.0f; /*Handling Matlab output data*/ dimY = dim_array[0]; dimX = dim_array[1]; dimZ = dim_array[2]; - if (number_of_dims == 2) { dimZ = 1; /*2D case*/ U = (float*)mxGetPr(plhs[0] = mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); @@ -73,7 +86,7 @@ void mexFunction( Dx = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); Dy = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); Bx = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); - By = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); + By = (float*)mxGetPr(mxCreateNumericArray(2, dim_array, mxSINGLE_CLASS, mxREAL)); copyIm(A, U, dimX, dimY, dimZ); /*initialize */ @@ -82,13 +95,14 @@ void mexFunction( /*storing old values*/ copyIm(U, U_old, dimX, dimY, dimZ); - - gauss_seidel2D(U, A, Dx, Dy, Bx, By, dimX, dimY, lambda, mu); - - updDxDy_shrink2D(U, Dx, Dy, Bx, By, dimX, dimY, lambda); - //updDxDy_shrinkAniso2D(U, Dx, Dy, Bx, By, dimX, dimY, lambda); - updBxBy2D(U, Dx, Dy, Bx, By, dimX, dimY); + /*GS iteration */ + gauss_seidel2D(U, A, Dx, Dy, Bx, By, dimX, dimY, lambda, mu); + + if (methTV == 1) updDxDy_shrinkAniso2D(U, Dx, Dy, Bx, By, dimX, dimY, lambda); + else updDxDy_shrinkIso2D(U, Dx, Dy, Bx, By, dimX, dimY, lambda); + + updBxBy2D(U, Dx, Dy, Bx, By, dimX, dimY); /* calculate norm to terminate earlier */ re = 0.0f; re1 = 0.0f; @@ -97,20 +111,20 @@ void mexFunction( re += pow(U_old[j] - U[j],2); re1 += pow(U_old[j],2); } - re = sqrt(re)/sqrt(re1); + re = sqrt(re)/sqrt(re1); if (re < epsil) count++; - if (count > 4) break; + if (count > 4) break; /* check that the residual norm is decreasing */ if (ll > 2) { - if (re > re_old) break; + if (re > re_old) break; } - re_old = re; - /*printf("%f %i %i \n", re, ll, count); */ + re_old = re; + /*printf("%f %i %i \n", re, ll, count); */ - /*copyIm(U_old, U, dimX, dimY, dimZ); */ + /*copyIm(U_old, U, dimX, dimY, dimZ); */ } - printf("SB iterations stopped at iteration: %i\n", ll); + printf("SB iterations stopped at iteration: %i\n", ll); } if (number_of_dims == 3) { U = (float*)mxGetPr(plhs[0] = mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); @@ -119,22 +133,24 @@ void mexFunction( Dy = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); Dz = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); Bx = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); - By = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); - Bz = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); + By = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); + Bz = (float*)mxGetPr(mxCreateNumericArray(3, dim_array, mxSINGLE_CLASS, mxREAL)); copyIm(A, U, dimX, dimY, dimZ); /*initialize */ /* begin outer SB iterations */ for(ll=0; ll 4) break; + if (count > 4) break; /* check that the residual norm is decreasing */ if (ll > 2) { if (re > re_old) break; } /*printf("%f %i %i \n", re, ll, count); */ - re_old = re; + re_old = re; } - printf("SB iterations stopped at iteration: %i\n", ll); + printf("SB iterations stopped at iteration: %i\n", ll); } } @@ -167,92 +183,92 @@ float gauss_seidel2D(float *U, float *A, float *Dx, float *Dy, float *Bx, float #pragma omp parallel for shared(U) private(i,j,i1,i2,j1,j2,sum) for(i=0; i