当前位置: 首页 > news >正文

扁平化网站建设公司广告推广方案

扁平化网站建设,公司广告推广方案,购物网站建设所需软件,西安商城网站建设SDM 训练阶段的任务如下#xff1a; 载入标准化的数据#xff08;包括400*400的正脸及特征点#xff09;对每一张标准化的图片#xff0c;模拟人脸检测仪#xff0c;产生10个扰动的人脸框及相应的初始特征点x0。求解Δx,Φ,其中Δxx∗−x0,x∗表示true shape,Φ表示每个特…SDM 训练阶段的任务如下 载入标准化的数据包括400*400的正脸及特征点对每一张标准化的图片模拟人脸检测仪产生10个扰动的人脸框及相应的初始特征点x0x_0。求解Δx\Delta x,Φ\Phi,其中Δxx∗−x0\Delta x=x_*-x_0,x∗x_*表示true shape,Φ\Phi表示每个特征点的特征向量求解最小二乘问题得到一系列{Rk}\{R_k\} 下面分别来说明 载入数据 载入811个训练数据按照上一章预备篇关于第一幅图片的裁剪方法裁剪这811张图片。 matlab代码如下 function [Data] load_single_data2 ( dbpath_img, dbpath_pts,image_index, options )%% output format %{ DATA. - width_orig: the width of the original image. - height_orig: the height of the original image. - img_gray: the crop image. - height: the height of crop image. - wdith: the width of crop image. - shape_gt: ground-truth landmark. - bbox_gt: bounding box of ground-truth. %} slash options.slash; dbname options.datasetName;imlist dir([dbpath_img slash *.*g]);%% load imagesimg im2uint8(imread([dbpath_img slash imlist(image_index).name]));Data.width_orig size(img,2);Data.height_orig size(img,1);%% load shapeData.shape_gt double(annotation_load(...[dbpath_pts slash imlist(image_index).name(1:end-3) pts] , dbname));if 0figure(1); imshow(img); hold on;draw_shape(Data.shape_gt(:,1),...Data.shape_gt(:,2),y);hold off;pause;end %% get bounding boxData.bbox_gt getbbox(Data.shape_gt);%% enlarge region of faceregion enlargingbbox(Data.bbox_gt, 2.0);region(2) double(max(region(2), 1));%这里主要是为了防止求出的包围盒超过图像因此一旦超过则region(2)必然小于0因此此时取1即可。region(1) double(max(region(1), 1));bottom_y double(min(region(2) region(4) - 1, ...Data.height_orig));right_x double(min(region(1) region(3) - 1, ...Data.width_orig));%防止长和宽超过图片大小因此取二者最小值img_region img(region(2):bottom_y, region(1):right_x, :);%取人脸区域%% recalculate(重新计算) the location of groundtruth shape and bounding boxData.shape_gt bsxfun(minus, Data.shape_gt,...double([region(1) region(2)]));%等价于Data{iimgs}.shape_gt-repeat( double([region(1) region(2)]),size(Data{iimgs}.shape_gt,1),1)%将图像的坐标原点移到人脸包围盒的左上角,并因此得以重新计算新的特征点Data.bbox_gt getbbox(Data.shape_gt);%新的特征点的包围盒的左上角坐标发生了改变但是宽和高没有变化if size(img_region, 3) 1Data.img_gray img_region;elseData.img_gray rgb2gray(img_region);endData.width size(img_region, 2);Data.height size(img_region, 1);if 0figure(2); imshow(Data.img_gray); hold on;draw_shape(Data.shape_gt(:,1),...Data.shape_gt(:,2),y);hold off;pause;end%% normalized the image to the mean-shapesr options.canvasSize(1)/Data.width;sc options.canvasSize(2)/Data.height;Data.img_gray imresize(Data.img_gray,options.canvasSize);Data.width options.canvasSize(1);Data.height options.canvasSize(2);Data.shape_gt bsxfun(times, Data.shape_gt, [sr sc]); Data.bbox_gt(1:2) bsxfun(times, Data.bbox_gt(1:2), [sr sc]);%补充Data.bbox_gt(3:4) bsxfun(times, Data.bbox_gt(3:4), [sr sc]);%补充if 0figure(3); imshow(Data.img_gray); hold on;draw_shape(Data.shape_gt(:,1),...Data.shape_gt(:,2),r);hold on; rectangle(Position, Data.bbox_gt, EdgeColor, k);pause;end endfunction region enlargingbbox(bbox, scale) %同前面一样初始时刻这里得到仅仅是特征点盒子而我们如果想要包住整个人脸就必须先将原始盒子的左上角平移一半的宽高然后再放大两倍。这个在前面求解 %rect get_correct_region( boxes, shape,Dataa(i).img, 1 );中也用到过 %因此这里得到的盒子是包住全部人脸的盒子。 region(1) floor(bbox(1) - (scale - 1)/2*bbox(3)); region(2) floor(bbox(2) - (scale - 1)/2*bbox(4));region(3) floor(scale*bbox(3)); region(4) floor(scale*bbox(4));end 模拟人脸检测产生10个初始值 事实上每张图片都有一个ground-truth poins,因此可以求出它的包围盒也可以通过opencv或其他的检测器可以检测出这样的框来。但两者有点不一样。如下 我们可以对opencv的检测盒做一些变换就可以得到近似的box gt了。 我们需要对包围盒扰动以产生更多的盒子。怎么扰动呢 对于一个盒子有四个属性x,y,width,height.因此我们只要产生10种属性即可。或者也可以从另外一种角度来考虑这个问题。假设新的盒子已产生那么它与原来的盒子之间就会产生4个方向的偏差因此我们只需要对这些偏差做估计即可。 事实上我们通过对811张图片的init shape 与ground truth shape求解偏差的均值与方差以此可以产生两个分别是(x,y),(width,height)二维正太分布因此就可以产生正太分布的随机数于是10种属性的偏差就产生了然后加上原来盒子的属性就产生了10个扰动的盒子。再将mean shape对齐到10个盒子上产生了10个初始值。 do_learn_variation.m用来产生偏差的均值和方差 function do_learn_variation( options )%% loading learned shape model load([options.modelPath options.slash options.datasetName _ShapeModel.mat]);imgDir options.trainingImageDataPath; ptsDir options.trainingTruthDataPath;%% loading data Data load_data( imgDir, ptsDir, options );n length(Data);transVec zeros(n,2); scaleVec zeros(n,2);debug 0;%% computing the translation and scale vectors %%%%%%%%%%%%%%%%%%%%%%%%%%%%for i 1 : n%% the information of i-th imagedisp(Data(i).img);img imread(Data(i).img);shape Data(i).shape;%% if detect face using viola opencv% boxes detect_face( img , options );%% if using ground-truthboxes [];%% predict the face boxrect get_correct_region( boxes, shape,img, 1 );%% predict initial location[initX,initY,width,height] init_face_location( rect );%注意上面算出的人脸框比较大一般是特征点包围盒的4倍因此上面算出的width和height分别是rect宽和高的一半实际上从bounding_box的计算中可以看出%特征点的包围盒分别向左上和右下延伸了一半的宽和高导致人脸的包围盒的面积是特征点包围盒的4倍.init_shape align_init_shape(ShapeModel.MeanShape, ...initX, initY, width, height);if debugfigure(1); imshow(img); hold on;rectangle(Position, rect, EdgeColor, g);draw_shape(init_shape.XY(1:2:end), init_shape.XY(2:2:end), y);%绘制每幅人脸图上的平均人脸点hold on;plot(initX, initY, b*);%中心点draw_shape(shape(:,1), shape(:,2), r);hold off;pause;end[aligned_shape, cropIm] align_to_mean_shape( ShapeModel, img , ...vec_2_shape(init_shape.XY) , options );%vec_2_shape将一维向量转化为二维向量,获取400*400下的图像和在此标准下的真实人脸点和初始化人脸点[aligned_true_shape] align_shape(aligned_shape.TransM,shape_2_vec(shape));if debugfigure(1); imshow(cropIm); hold on;draw_shape(aligned_shape.XY(1:2:end), ...aligned_shape.XY(2:2:end), y);draw_shape(aligned_true_shape(1:2:end), ...aligned_true_shape(2:2:end), r);%hold off;pause;end initVector vec_2_shape(aligned_shape.XY);trueVector vec_2_shape(aligned_true_shape);%compute mean and covariance matrices of translation.%计算平移的平均值和协方差矩阵meanInitVector mean(initVector);meanTrueVector mean(trueVector);%compute bounding box sizeinitLeftTop min(initVector);initRightBottom max(initVector);initFaceSize abs(initLeftTop - initRightBottom);trueLeftTop min(trueVector);trueRightBottom max(trueVector);trueFaceSize abs(trueLeftTop - trueRightBottom);transVec(i,:) (meanInitVector - meanTrueVector)./initFaceSize;%平移要除以一个标准的人脸大小是为了消除人脸大小带来的不一致scaleVec(i,:) initFaceSize./trueFaceSize;clear img;clear xy;% endend%compute mean and covariance matrices of scale.%计算缩放的平均值和协方差矩阵 [mu_trans,cov_trans] mean_covariance_of_data ( transVec ); [mu_scale,cov_scale] mean_covariance_of_data ( scaleVec );DataVariation.mu_trans mu_trans; DataVariation.cov_trans cov_trans; DataVariation.mu_scale mu_scale; DataVariation.cov_scale cov_scale;save([options.modelPath options.slash options.datasetName ..._DataVariation.mat], DataVariation);clear Data;end random_init_position.m:产生10个盒子 function [rbbox] random_init_position( bbox, ...DataVariation, nRandInit,options)rbbox(1,:) bbox; if nRandInit 1center bbox(1:2) bbox(3:4)/2; mu_trans DataVariation.mu_trans; cov_trans DataVariation.cov_trans; mu_scale DataVariation.mu_scale; cov_scale DataVariation.cov_scale;rInit_trans mvnrnd(mu_trans,cov_trans,nRandInit-1); %rInit_trans zeros(nRandInit-1,2);rCenter repmat(center,nRandInit-1,1) ...rInit_trans.*repmat([bbox(3) bbox(4)],nRandInit-1,1);rInit_scale mvnrnd(mu_scale,cov_scale,nRandInit-1);%r mvnrnd(MU,SIGMA,cases)——从均值为MU(1*d)协方差矩阵为SIGMA(d*d)的正态分布中随机抽取cases个样本返回cases*d的矩阵r。 %rInit_scale ones(nRandInit-1,2);rWidth zeros(nRandInit-1,1); rHeight zeros(nRandInit-1,1);for i 1 : nRandInit - 1rWidth(i) bbox(3)*rInit_scale(i,1);%原始是除rHeight(i) bbox(4)*rInit_scale(i,2); endrbbox(2:nRandInit,1:2) rCenter - [rWidth(:,1) rHeight(:,1)]/2; rbbox(2:nRandInit,3:4) [rWidth(:,1) rHeight(:,1)]; %补充项防止扰动超过图片的边界 rbbox(1:nRandInit,1:2)max(rbbox(1:nRandInit,1:2),1); rbbox(1:nRandInit,1:2)min(rbbox(1:nRandInit,1:2)rbbox(1:nRandInit,3:4),options.canvasSize(1) )-rbbox(1:nRandInit,3:4); endendresetshape.m将shape_union对齐到bbox function [shape_initial] resetshape(bbox, shape_union) %RESETSHAPE Summary of this function goes here % Function: reset the initial shape according to the groundtruth shape and union shape for all faces % Detailed explanation goes here % Input: % bbox: bbounding box of groundtruth shape % shape_union: uniionshape % Output: % shape_initial: reset initial shape % bbox: bounding box of face image% get the bounding box according to the ground truth shape width_union (max(shape_union(:, 1)) - min(shape_union(:, 1))); height_union (max(shape_union(:, 2)) - min(shape_union(:, 2)));shape_union bsxfun(minus, (shape_union), (min(shape_union)));shape_initial bsxfun(times, shape_union, [(bbox(3)/width_union) (bbox(4)/height_union)]); shape_initial bsxfun(plus, shape_initial, double([bbox(1) bbox(2)]));end 求解特征点之差和特征向量 上面我们对每幅图片求得了10个初始特征点这样我们就很容易求解Δx\Delta x了。同样对于特征向量Φ\Phi我们也可以很容易地求出来。关于特征向量又名描述子。我们可以选择Sift特征或者Hog特征。 local_descriptors:求解特征向量 function [desc] local_descriptors( img, xy, dsize, dbins, options )%计算描述子featType options.descType;stage options.current_cascade;dsize options.descScale(stage) * size(img,1);if strcmp(featType,raw)if size(img,3) 3im im2double(rgb2gray(uint8(img)));elseim im2double(uint8(img));endfor ipts 1 : nptsdesc(ipts,:) raw(im,xy(ipts,:),desc_scale,desc_size);endelseif strcmp(featType,xx_sift)% i randi([1 68],1,1); % rect [xy(18,:) - [dsize/2 dsize/2] dsize dsize]; % % if 1 % figure(2); imshow(img); hold on; % rectangle(Position, rect, EdgeColor, g); % hold off; % pause; % endif size(img,3) 3im im2double(rgb2gray(uint8(img)));elseim im2double(uint8(img));endxy xy - repmat(dsize/2,size(xy,1),2);desc xx_sift(im,xy,nsb,dbins,winsize,dsize);elseif strcmp(featType,hog)if size(img,3) 3im im2double(rgb2gray(uint8(img)));elseim im2double(uint8(img));endnpts size(xy,1);for ipts 1 : npts%disp(ipts);if isempty(im)disp(empty im);endif isempty(dsize)disp(empty dsize);enddesc(ipts,:) hog(im,xy(ipts,:),dsize);endendend求解最小二乘问题 问题 Min||ΔX−RΦ||22 Min ||\Delta X-R\Phi||_2^2 其中ΔX∈R(68∗2)×n,Φ∈R(128∗68)×n\Delta X\in R^{(68*2)\times n},\Phi\in R^{(128*68)\times n} 这里68为特征点的个数128为每个特征点的特征向量的维数n为样本量这里为811. 显然这是个最小二乘问题可以直接求解。 ΔXRΦΔXΦ′RΦΦ′ΔXΦ′(ΦΦ′λI)−1RΦΦ′(ΦΦ′λI)−1ΔXΦ′(ΦΦ′λI)−1R \Delta X=R\Phi\\ \Delta X\Phi'=R\Phi\Phi'\\ \Delta X\Phi'(\Phi\Phi'+\lambda I)^{-1}=R\Phi\Phi'(\Phi\Phi'+\lambda I)^{-1}\\ \Delta X\Phi'(\Phi\Phi'+\lambda I)^{-1}=R 也可以通过SVM方法求解这里我们调用了 liblinear的SVR方法来求解。 linreg.m:求解最小二乘问题function [R,lambda] linreg( X , Y , lambda )%X [ones(size(X,1),1) X];%% method 1: soving linear regression using close-form solution %%%%%%%%%%%% R (X*Xeye(size(X,2))*lambda)\X*Y;%先是X*Y,再是除法%% method 2: using SVR in liblinear %%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%% featdim size(X,2); shapedim size(Y,2);param sprintf(-s 12 -p 0 -c %f -q, lambda); %param sprintf(-s 12 -p 0 -c 0.3 -q); R_tmp zeros( featdim, shapedim ); tic; for o 1 : shapedimdisp([Training landmarks num2str(o)]);model train(Y(:,o),sparse(X),param);R_tmp(:,o) model.w; end toc;R R_tmp;end后续的话我们还需要根据求解的R来更新x0x_0,进而更新Δx,Φ\Delta x,\Phi, 最后求解新的最小二乘问题得到新的R以此下去迭代5步即可。 这时产生的{Rk}\{R_k\}就可以用来进行下一步的test了。如下为5次的迭代的特征点效果图 我们可以看到越往后迭代产生的新的特征点就越接近true shape.
http://www.zqtcl.cn/news/886685/

相关文章:

  • 高端企业网站 程序北京做网站费用
  • net做网站遇到的问题搜索引擎优化方法
  • 专业的设计网站有哪些网站数据库做好了 怎么做网页
  • 鄂州网站建设公司网站制作过程教程
  • 网站建设课程小结二建证考试需要什么条件
  • 比较好的商城网站设计品牌策划案
  • 自适应科技公司网站模板做网站的公司深
  • 网站怎么吸引流量用淘宝做公司网站
  • asp做的网站后台怎么进去老河口城乡建设局网站
  • 中铁建设集团有限公司官方网站wordpress质感
  • 那个网站点击率高pc网站自动生成app
  • 东莞营销型网站建站淘金企业网站建设
  • 怎么用模板做网站手机python编程软件
  • 做视频网站都需要什么软件下载广东网站建设哪家专业
  • 开淘宝的店铺网站怎么做网页设计需要学什么书
  • 如何做收费网站微信小程序开发教程详解
  • 软件下载网站如何履行安全管理义务网站合同书
  • 普宁17网站一起做淘宝网站建设 丽水
  • 网站注册需要多少钱wordpress缓存失败
  • 西安h5响应式网站施工企业安全生产管理规范最新版
  • 电商平台网站建设如何安装网站模版
  • wordpress攻击跳转seo营销软件
  • 广东中山市做网站python做的网站如何部署
  • VPS做镜像网站wordpress 安装七牛
  • 雄安做网站优化的公司小程序开发公司哪里强
  • 做的网站没有注册国家建设部网站倪虹
  • 中英文网站怎么实现做网站有名的公司
  • 先网站开发后软件开发显示网站运行时间代码
  • 品牌网站制作流程图百度网页版入口页
  • 哪些人需要做网站网站开发工程师 招聘