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

特征检测之HOG特征算法详解及Opencv接口使用

1. HOG特征简介

特征描述符是图像或图像补丁的表示形式,它通过提取有用信息并丢弃无关信息来简化图像。

  • 通常,特征描述符将大小W x H x 3(通道)的图像转换为长度为n的特征向量/数组。对于 HOG 特征描述符,输入图像的大小为 64 x 128 x 3,输出特征向量的长度为 3780
  • 在HOG特征描述符中,梯度方向的分布(直方图)被用作特征。图像的渐变(x和y导数)很有用,因为边缘和角落(强度突然变化的区域)周围的梯度大小很大,我们知道边缘和角落比平面区域包含更多关于物体形状的信息。
  • HOG(Histogram of Oriented Gridients的简写)特征检测算法,最早是由法国研究员Dalal等在CVPR-2005上提出来的,一种解决人体目标检测的图像描述子,是一种用于表征图像局部梯度方向和梯度强度分布特性的描述符。其主要思想是:在边缘具体位置未知的情况下,边缘方向的分布也可以很好的表示行人目标的外形轮廓。
  • HOG特征检测算法的几个步骤:图像预处理—>梯度计算—>梯度方向直方图—>重叠块直方图归一化—>HOG特征。下面分别对其进行介绍。
    在这里插入图片描述

2. HOG算法实现

2.1 图像预处理

  • 图像缩放
    用于行人检测的 HOG 特征描述符是在图像的 64×128 个尺寸上计算的。当然,图像可以是任何大小。通常,在许多图像位置分析多个尺度的斑块。唯一的限制是正在分析的修补程序具有固定的纵横比。在我们的例子中,补丁需要具有 1:2 的纵横比。例如,它们可以是 100×200、128×256 或 1000×2000,但不能是 101×205。
    在这里插入图片描述

  • 灰度化
    对于彩色图像,可以将将RGB分量转化成灰度图像,其转化公式为:
    在这里插入图片描述

  • 伽马校正
    在图像照度不均匀的情况下,可以通过Gamma校正,将图像整体亮度提高或降低。在实际中可以采用两种不同的方式进行Gamma标准化,平方根、对数法。这里我们采用平方根的办法,公式如下(其中γ=0.5):
    在这里插入图片描述

2.2 计算梯度图像

  • 注:下边步骤省略灰度化、伽马变化过程,以行人的彩色图像为例计算HOG特征
    要计算 HOG 描述符,我们需要首先计算水平和垂直梯度;毕竟,我们要计算梯度的直方图。这可以通过使用以下内核过滤图像轻松实现。
    在这里插入图片描述

我们也可以通过在内核大小为 1 的 OpenCV 中使用 Sobel 运算符来实现相同的结果:

// C++ gradient calculation.
// Read image
Mat img = imread("bolt.png");
img.convertTo(img, CV_32F, 1/255.0);// Calculate gradients gx, gy
Mat gx, gy;
Sobel(img, gx, CV_32F, 1, 0, 1);
Sobel(img, gy, CV_32F, 0, 1, 1);
# Python gradient calculation # Read image
im = cv2.imread('bolt.png')
im = np.float32(im) / 255.0# Calculate gradient
gx = cv2.Sobel(img, cv2.CV_32F, 1, 0, ksize=1)
gy = cv2.Sobel(img, cv2.CV_32F, 0, 1, ksize=1)

接下来,我们可以使用以下公式找到梯度的大小和方向:
在这里插入图片描述

如果您使用的是OpenCV,则可以使用函数cartToPolar完成计算,如下所示:

// C++ Calculate gradient magnitude and direction (in degrees)
Mat mag, angle;
cartToPolar(gx, gy, mag, angle, 1);

Python代码如下:

# Python Calculate gradient magnitude and direction ( in degrees )
mag, angle = cv2.cartToPolar(gx, gy, angleInDegrees=True)

下图显示了渐变:
在这里插入图片描述
在每个像素处,梯度都有一个大小和一个方向。对于彩色图像,将评估三个通道的梯度(如上图所示)。一个像素处的梯度大小是三个通道梯度大小的最大值,角度是最大梯度对应的角度。

2.3 计算8×8个单元格中的梯度直方图

  • 为什么是8×8补丁?为什么不是 32×32 ?这是一个由我们正在寻找的功能规模决定的设计选择。HOG最初用于行人检测。在一张比例为8×8的行人照片中,64×128个单元格足够大,可以捕捉有趣的特征(例如面部,头顶等)。
    在这里插入图片描述
  • 下一步是在这 8×8 个单元格中创建梯度直方图。直方图包含 9 个箱,对应于角度 0、20、40 …160. 下图说明了该过程。我们正在研究与上图相同的 8×8 补丁的梯度的大小和方向。
  • 根据方向选择箱,并根据大小选择投票(进入箱的值)。让我们首先关注用蓝色包围的像素。它的角度(方向)为80度,星等为2。因此,它将 2 添加到第 5 个箱中。使用红色包围的像素处的梯度角度为 10 度,星等为 4。由于 10 度介于 0 和 20 之间,因此像素的投票将均匀地分成两个箱。
    在这里插入图片描述
  • 还有一个细节需要注意。如果角度大于 160 度,则介于 160 和 180 之间,我们知道角度环绕使 0 和 180 等效。因此,在下面的示例中,角度为 165 度的像素按比例贡献 0 度箱和 160 度箱。
    在这里插入图片描述
  • 将 8×8 个单元格中所有像素的贡献相加以创建 9 箱直方图。对于上面的尺寸,它看起来像这样:
    在这里插入图片描述
    在我们的表示中,y 轴为 0 度。您可以看到直方图在 0 度和 180 度附近有很多权重,这只是另一种说法,在色块中梯度指向向上或向下。

2.4 16×16 块规范化

  • 理想情况下,我们希望描述符独立于光照变化。换句话说,我们希望对直方图进行“归一化”,以便它们不受光照变化的影响。
    在这里插入图片描述

  • 如上图所示,一个 16×16 块有 4 个直方图,可以连接起来形成一个 36 x 1 元素向量,并且可以像 3×1 向量归一化一样进行归一化。然后窗口移动8个像素(参见动画),并在此窗口上计算归一化的36×1向量并重复该过程。其中,归一化实现为:分别对每个block进行标准化,一个block内有4个cell,每个cell含9维特征向量,故每个block就由4x9=36维特征向量来表征。
    在这里插入图片描述

2.5 HOG特征

  • HOG特征即计算定向梯度特征向量的直方图

  • 为了计算整个图像块的最终特征向量,将 36×1 个向量连接成一个巨大的向量。这个向量的大小是多少?让我们计算一下:

    • 16×16 个区块有多少个仓位?有 7 个水平位置和 15 个垂直位置,总共 7 x 15 = 105 个位置。
    • 每个 16×16 块由 36×1 向量表示。因此,当我们将它们全部连接成一个增益向量时,我们得到一个 36×105 = 3780 维向量。
  • 计算结果可视化如下:

在这里插入图片描述

3. Opencv中HOG特征使用

  • Opencv官方API参考:https://docs.opencv.org/4.x/d5/d33/structcv_1_1HOGDescriptor.html
  • 附一个Opencv官方使用教程
#include "opencv2/imgproc.hpp"
#include "opencv2/highgui.hpp"
#include "opencv2/ml.hpp"
#include "opencv2/objdetect.hpp"
#include "opencv2/videoio.hpp"
#include <iostream>
#include <time.h>
using namespace cv;
using namespace cv::ml;
using namespace std;
vector< float > get_svm_detector( const Ptr< SVM >& svm );
void convert_to_ml( const std::vector< Mat > & train_samples, Mat& trainData );
void load_images( const String & dirname, vector< Mat > & img_lst, bool showImages );
void sample_neg( const vector< Mat > & full_neg_lst, vector< Mat > & neg_lst, const Size & size );
void computeHOGs( const Size wsize, const vector< Mat > & img_lst, vector< Mat > & gradient_lst, bool use_flip );
void test_trained_detector( String obj_det_filename, String test_dir, String videofilename );
vector< float > get_svm_detector( const Ptr< SVM >& svm )
{// get the support vectorsMat sv = svm->getSupportVectors();const int sv_total = sv.rows;// get the decision functionMat alpha, svidx;double rho = svm->getDecisionFunction( 0, alpha, svidx );CV_Assert( alpha.total() == 1 && svidx.total() == 1 && sv_total == 1 );CV_Assert( (alpha.type() == CV_64F && alpha.at<double>(0) == 1.) ||(alpha.type() == CV_32F && alpha.at<float>(0) == 1.f) );CV_Assert( sv.type() == CV_32F );vector< float > hog_detector( sv.cols + 1 );memcpy( &hog_detector[0], sv.ptr(), sv.cols*sizeof( hog_detector[0] ) );hog_detector[sv.cols] = (float)-rho;return hog_detector;
}
/*
* Convert training/testing set to be used by OpenCV Machine Learning algorithms.
* TrainData is a matrix of size (#samples x max(#cols,#rows) per samples), in 32FC1.
* Transposition of samples are made if needed.
*/
void convert_to_ml( const vector< Mat > & train_samples, Mat& trainData )
{//--Convert dataconst int rows = (int)train_samples.size();const int cols = (int)std::max( train_samples[0].cols, train_samples[0].rows );Mat tmp( 1, cols, CV_32FC1 ); //< used for transposition if neededtrainData = Mat( rows, cols, CV_32FC1 );for( size_t i = 0 ; i < train_samples.size(); ++i ){CV_Assert( train_samples[i].cols == 1 || train_samples[i].rows == 1 );if( train_samples[i].cols == 1 ){transpose( train_samples[i], tmp );tmp.copyTo( trainData.row( (int)i ) );}else if( train_samples[i].rows == 1 ){train_samples[i].copyTo( trainData.row( (int)i ) );}}
}
void load_images( const String & dirname, vector< Mat > & img_lst, bool showImages = false )
{vector< String > files;glob( dirname, files );for ( size_t i = 0; i < files.size(); ++i ){Mat img = imread( files[i] ); // load the imageif ( img.empty() ){cout << files[i] << " is invalid!" << endl; // invalid image, skip it.continue;}if ( showImages ){imshow( "image", img );waitKey( 1 );}img_lst.push_back( img );}
}
void sample_neg( const vector< Mat > & full_neg_lst, vector< Mat > & neg_lst, const Size & size )
{Rect box;box.width = size.width;box.height = size.height;srand( (unsigned int)time( NULL ) );for ( size_t i = 0; i < full_neg_lst.size(); i++ )if ( full_neg_lst[i].cols > box.width && full_neg_lst[i].rows > box.height ){box.x = rand() % ( full_neg_lst[i].cols - box.width );box.y = rand() % ( full_neg_lst[i].rows - box.height );Mat roi = full_neg_lst[i]( box );neg_lst.push_back( roi.clone() );}
}
void computeHOGs( const Size wsize, const vector< Mat > & img_lst, vector< Mat > & gradient_lst, bool use_flip )
{HOGDescriptor hog;hog.winSize = wsize;Mat gray;vector< float > descriptors;for( size_t i = 0 ; i < img_lst.size(); i++ ){if ( img_lst[i].cols >= wsize.width && img_lst[i].rows >= wsize.height ){Rect r = Rect(( img_lst[i].cols - wsize.width ) / 2,( img_lst[i].rows - wsize.height ) / 2,wsize.width,wsize.height);cvtColor( img_lst[i](r), gray, COLOR_BGR2GRAY );hog.compute( gray, descriptors, Size( 8, 8 ), Size( 0, 0 ) );gradient_lst.push_back( Mat( descriptors ).clone() );if ( use_flip ){flip( gray, gray, 1 );hog.compute( gray, descriptors, Size( 8, 8 ), Size( 0, 0 ) );gradient_lst.push_back( Mat( descriptors ).clone() );}}}
}
void test_trained_detector( String obj_det_filename, String test_dir, String videofilename )
{cout << "Testing trained detector..." << endl;HOGDescriptor hog;hog.load( obj_det_filename );vector< String > files;glob( test_dir, files );int delay = 0;VideoCapture cap;if ( videofilename != "" ){if ( videofilename.size() == 1 && isdigit( videofilename[0] ) )cap.open( videofilename[0] - '0' );elsecap.open( videofilename );}obj_det_filename = "testing " + obj_det_filename;namedWindow( obj_det_filename, WINDOW_NORMAL );for( size_t i=0;; i++ ){Mat img;if ( cap.isOpened() ){cap >> img;delay = 1;}else if( i < files.size() ){img = imread( files[i] );}if ( img.empty() ){return;}vector< Rect > detections;vector< double > foundWeights;hog.detectMultiScale( img, detections, foundWeights );for ( size_t j = 0; j < detections.size(); j++ ){Scalar color = Scalar( 0, foundWeights[j] * foundWeights[j] * 200, 0 );rectangle( img, detections[j], color, img.cols / 400 + 1 );}imshow( obj_det_filename, img );if( waitKey( delay ) == 27 ){return;}}
}
int main( int argc, char** argv )
{const char* keys ={"{help h|     | show help message}""{pd    |     | path of directory contains positive images}""{nd    |     | path of directory contains negative images}""{td    |     | path of directory contains test images}""{tv    |     | test video file name}""{dw    |     | width of the detector}""{dh    |     | height of the detector}""{f     |false| indicates if the program will generate and use mirrored samples or not}""{d     |false| train twice}""{t     |false| test a trained detector}""{v     |false| visualize training steps}""{fn    |my_detector.yml| file name of trained SVM}"};CommandLineParser parser( argc, argv, keys );if ( parser.has( "help" ) ){parser.printMessage();exit( 0 );}String pos_dir = parser.get< String >( "pd" );String neg_dir = parser.get< String >( "nd" );String test_dir = parser.get< String >( "td" );String obj_det_filename = parser.get< String >( "fn" );String videofilename = parser.get< String >( "tv" );int detector_width = parser.get< int >( "dw" );int detector_height = parser.get< int >( "dh" );bool test_detector = parser.get< bool >( "t" );bool train_twice = parser.get< bool >( "d" );bool visualization = parser.get< bool >( "v" );bool flip_samples = parser.get< bool >( "f" );if ( test_detector ){test_trained_detector( obj_det_filename, test_dir, videofilename );exit( 0 );}if( pos_dir.empty() || neg_dir.empty() ){parser.printMessage();cout << "Wrong number of parameters.\n\n"<< "Example command line:\n" << argv[0] << " -dw=64 -dh=128 -pd=/INRIAPerson/96X160H96/Train/pos -nd=/INRIAPerson/neg -td=/INRIAPerson/Test/pos -fn=HOGpedestrian64x128.xml -d\n"<< "\nExample command line for testing trained detector:\n" << argv[0] << " -t -fn=HOGpedestrian64x128.xml -td=/INRIAPerson/Test/pos";exit( 1 );}vector< Mat > pos_lst, full_neg_lst, neg_lst, gradient_lst;vector< int > labels;clog << "Positive images are being loaded..." ;load_images( pos_dir, pos_lst, visualization );if ( pos_lst.size() > 0 ){clog << "...[done] " << pos_lst.size() << " files." << endl;}else{clog << "no image in " << pos_dir <<endl;return 1;}Size pos_image_size = pos_lst[0].size();if ( detector_width && detector_height ){pos_image_size = Size( detector_width, detector_height );}else{for ( size_t i = 0; i < pos_lst.size(); ++i ){if( pos_lst[i].size() != pos_image_size ){cout << "All positive images should be same size!" << endl;exit( 1 );}}pos_image_size = pos_image_size / 8 * 8;}clog << "Negative images are being loaded...";load_images( neg_dir, full_neg_lst, visualization );clog << "...[done] " << full_neg_lst.size() << " files." << endl;clog << "Negative images are being processed...";sample_neg( full_neg_lst, neg_lst, pos_image_size );clog << "...[done] " << neg_lst.size() << " files." << endl;clog << "Histogram of Gradients are being calculated for positive images...";computeHOGs( pos_image_size, pos_lst, gradient_lst, flip_samples );size_t positive_count = gradient_lst.size();labels.assign( positive_count, +1 );clog << "...[done] ( positive images count : " << positive_count << " )" << endl;clog << "Histogram of Gradients are being calculated for negative images...";computeHOGs( pos_image_size, neg_lst, gradient_lst, flip_samples );size_t negative_count = gradient_lst.size() - positive_count;labels.insert( labels.end(), negative_count, -1 );CV_Assert( positive_count < labels.size() );clog << "...[done] ( negative images count : " << negative_count << " )" << endl;Mat train_data;convert_to_ml( gradient_lst, train_data );clog << "Training SVM...";Ptr< SVM > svm = SVM::create();/* Default values to train SVM */svm->setCoef0( 0.0 );svm->setDegree( 3 );svm->setTermCriteria( TermCriteria(TermCriteria::MAX_ITER + TermCriteria::EPS, 1000, 1e-3 ) );svm->setGamma( 0 );svm->setKernel( SVM::LINEAR );svm->setNu( 0.5 );svm->setP( 0.1 ); // for EPSILON_SVR, epsilon in loss function?svm->setC( 0.01 ); // From paper, soft classifiersvm->setType( SVM::EPS_SVR ); // C_SVC; // EPSILON_SVR; // may be also NU_SVR; // do regression tasksvm->train( train_data, ROW_SAMPLE, labels );clog << "...[done]" << endl;if ( train_twice ){clog << "Testing trained detector on negative images. This might take a few minutes...";HOGDescriptor my_hog;my_hog.winSize = pos_image_size;// Set the trained svm to my_hogmy_hog.setSVMDetector( get_svm_detector( svm ) );vector< Rect > detections;vector< double > foundWeights;for ( size_t i = 0; i < full_neg_lst.size(); i++ ){if ( full_neg_lst[i].cols >= pos_image_size.width && full_neg_lst[i].rows >= pos_image_size.height )my_hog.detectMultiScale( full_neg_lst[i], detections, foundWeights );elsedetections.clear();for ( size_t j = 0; j < detections.size(); j++ ){Mat detection = full_neg_lst[i]( detections[j] ).clone();resize( detection, detection, pos_image_size, 0, 0, INTER_LINEAR_EXACT);neg_lst.push_back( detection );}if ( visualization ){for ( size_t j = 0; j < detections.size(); j++ ){rectangle( full_neg_lst[i], detections[j], Scalar( 0, 255, 0 ), 2 );}imshow( "testing trained detector on negative images", full_neg_lst[i] );waitKey( 5 );}}clog << "...[done]" << endl;gradient_lst.clear();clog << "Histogram of Gradients are being calculated for positive images...";computeHOGs( pos_image_size, pos_lst, gradient_lst, flip_samples );positive_count = gradient_lst.size();clog << "...[done] ( positive count : " << positive_count << " )" << endl;clog << "Histogram of Gradients are being calculated for negative images...";computeHOGs( pos_image_size, neg_lst, gradient_lst, flip_samples );negative_count = gradient_lst.size() - positive_count;clog << "...[done] ( negative count : " << negative_count << " )" << endl;labels.clear();labels.assign(positive_count, +1);labels.insert(labels.end(), negative_count, -1);clog << "Training SVM again...";convert_to_ml( gradient_lst, train_data );svm->train( train_data, ROW_SAMPLE, labels );clog << "...[done]" << endl;}HOGDescriptor hog;hog.winSize = pos_image_size;hog.setSVMDetector( get_svm_detector( svm ) );hog.save( obj_det_filename );test_trained_detector( obj_det_filename, test_dir, videofilename );return 0;
}

参考

1.HOG:从理论到OpenCV实践
2.【特征检测】HOG特征算法

相关文章:

特征检测之HOG特征算法详解及Opencv接口使用

1. HOG特征简介 特征描述符是图像或图像补丁的表示形式&#xff0c;它通过提取有用信息并丢弃无关信息来简化图像。 通常&#xff0c;特征描述符将大小W x H x 3&#xff08;通道&#xff09;的图像转换为长度为n的特征向量/数组。对于 HOG 特征描述符&#xff0c;输入图像的…...

一款好的低代码开发平台应该是什么样?

一款好的低代码开发平台应该是什么样&#xff1f; 以企业级应用构建来讲&#xff0c;完成一个应用复杂度随着技术的进步、需求的细化、业务要求的变化并不是逐渐降低&#xff0c;而是逐渐提升。用户想要有更好的体验&#xff0c;复杂度更是成倍提升。 基于此&#xff0c;低代码…...

基于Spring cloud搭建oauth2

1&#xff0c;OAuth2.0简介 OAuth&#xff08;开发授权&#xff09;是一个开放标准&#xff0c;允许用户授权第三方应用访问他们存储在另外的服务提供者上的信息&#xff0c;而不需要将用户名和密码提供给第三方应用或分享他们数据的所有内容。 OAuth2.0是OAuth的延续&#xf…...

实现一个小程序分享图 wxml2canvas

我们经常会遇上动态生成海报的需求&#xff0c;而在小程序中&#xff0c;生成图片非Canvas莫属。但是在实际工作当中&#xff0c;为了追求效率&#xff0c;我们会不可避免地去使用一些JS插件&#xff0c;而 wxml-to-canvas 就是一款官方推荐且非常优秀的插件&#xff0c;它可以…...

基于matlab设计x波段机载SAR系统

一、前言此示例说明如何设计在 X 波段工作的合成孔径雷达 &#xff08;SAR&#xff09; 传感器并计算传感器参数。SAR利用雷达天线在目标区域上的运动来提供目标区域的图像。当SAR平台在目标区域上空行进时&#xff0c;当脉冲从雷达天线发送和接收时&#xff0c;会产生合成孔径…...

WPF学习:Slider — 冒泡显示值

想做一个下图所示的Slider&#xff0c;以冒泡的方式显示其Value值&#xff0c;该怎么做呢&#xff1f; 功能要求&#xff0c;当鼠标放在滑块上的时候&#xff0c;冒“泡”显示值&#xff1b;当滑块移动的时候&#xff0c;“泡”跟随移动。 看似简单的功能&#xff0c;但要完美…...

Vue实战第4章:主页设计之中部内容设计

前言 本篇在讲什么 接上篇文章&#xff0c;我们制作了一个自定义的网页导航栏&#xff0c;本篇文章我们简单制作一个内容页 仅介绍简单的应用&#xff0c;仅供参考 本篇适合什么 适合初学Vue的小白 适合想要自己搭建网站的新手 适合没有接触过vue-router的前端程序 本篇…...

数据结构代码总结(C语言实现)

目录如何应对数据结构的代码题&#xff1f;采取的学习流程①首先对C语言的语法的熟悉②学习掌握基本代码的写法&#xff0c;做到熟练2.1插入排序2.2快速排序2.3二分查找2.4树的遍历③跟着网上视频开始熟悉对一些问题的解答④结合真题的代码&#xff0c;寻找其中的结题规律如何应…...

zookeeper 复习 ---- chapter04

zookeeper 复习 ---- chapter04zookeeper 的精髓是什么&#xff1f; 1&#xff1a;它有四个节点类型 持久无序的节点 临时无序的节点 持久有序的节点 临时有序的节点 临时的节点的特征&#xff1a;当客户端和服务器端断开连接&#xff0c;当前客户端创建的节点被服务器端自动删…...

thinkphp6.0连接MYSQL

目录8.连接多个数据库7.多级控制器不存在6.分页5.非法请求4.关于路由**3.初体验页面****2.加入fileheader添加注释****1.配置mysql0. 官方开发手册一些网址 http://127.0.0.1:8000/index 原桌面 http://127.0.0.1:8000/hello/fsh hello,fsh&#xff08;index中hello方法&#x…...

商家必读!超店有数分享,tiktok达人营销变现如何更快一步?

近几年来&#xff0c;“粉丝经济”发展越来越迅猛&#xff0c;“网红带货”已经成为了一种营销的方式。这种方式让商家能基于达人的影响下迅速抢占自己的私域流量池。消费者会基于对达人的信任&#xff0c;购买达人推荐的产品。达人效应可以助力品牌走出营销困境。如果商家想要…...

操作系统(day11)--快表,两级页表

具有快表的地址变换机构 时间局限性&#xff1a;会有大量连续的指令需要访问同一个内存块的数据的情况&#xff08;程序中的循环&#xff09; 空间局限性&#xff1a;一旦程序访问了某个存储单元&#xff0c;在不久之后&#xff0c;其附近的存储单元也很有可能被访问。&#xf…...

预告| 亮点抢先看!第四届OpenI/O启智开发者大会主论坛24日启幕!

2023年2月24日至25日&#xff0c;第四届OpenI/O启智开发者大会将在深圳隆重举行。“算网筑基、开源启智、AI赋能”作为今年大会的主题&#xff0c;吸引了全球业界关注的目光。大会集结中国算力网资源基座、开源社区治理及AI开源生态建设、国家级开放创新应用平台、NLP大模型等前…...

猪齿鱼(Choerodon UI )的通用提交的封装 —— 两种方案,A.使用dataSet的自身的submit,B.使用axios.post来提交

submit组件&#xff08;otherSubmit/axiosSubmit&#xff09; 一、背景与简介 1、首先我们申请表提交&#xff0c;分为【保存】提交与【其他】提交&#xff1b; 1.1【保存】提交&#xff0c;要求表单必须要有变更&#xff0c;DataToJSON默认为dirty&#xff08;只转换变更的…...

CISCN(Web Ezpentest)GC、序列化、case when

目录 REGEXP的一个点&#xff08;正则&#xff09; like&#xff08;默认不区分大小写&#xff09; 当禁用了空格 regexp&#xff0c;like的区分大小写的使用方法 [CISCN 2022 初赛]ezpentest 卡点 2022 HFCTF babysql 最近又学到了一道新知识&#xff0c;case when的错…...

OSG三维渲染引擎编程学习之五十七:“第六章:OSG场景工作机制” 之 “6.1 OSG访问器”

目录 第六章 OSG场景工作机制 6.1 OSG访问器 6.1.1 访问器模式 6.1.2 osg::NodeVisitor 6.1.3 访问器示例...

Python3 输入和输出实例及演示

在前面几个章节中&#xff0c;我们其实已经接触了 Python 的输入输出的功能。本章节我们将具体介绍 Python 的输入输出。 输出格式美化 Python两种输出值的方式: 表达式语句和 print() 函数。 第3种方式是使用文件对象的 write() 方法&#xff0c;标准输出文件可以用 sys.std…...

召回-回忆录(持续更新)

0.召回方法 词召回 swing、itemCF 缺点&#xff1a; 有冷启动问题不是全局召回&#xff0c;冷门活动难以得到召回结果容易召回过多的头部热门活动 向量召回 参考文献&#xff1a; 经典推荐算法学习&#xff08;七&#xff09;| Graph Embedding技术学习 | 从DeepWalk到No…...

1243. 糖果/状态压缩dp【AcWing】

1243. 糖果 糖果店的老板一共有 M种口味的糖果出售。 为了方便描述&#xff0c;我们将 M种口味编号 1∼M。 小明希望能品尝到所有口味的糖果。 遗憾的是老板并不单独出售糖果&#xff0c;而是 K颗一包整包出售。 幸好糖果包装上注明了其中 K颗糖果的口味&#xff0c;所以小…...

【Spring Cloud Alibaba】001-单体架构与微服务架构

【Spring Cloud Alibaba】001-单体架构与微服务 文章目录【Spring Cloud Alibaba】001-单体架构与微服务一、单体架构1、单体应用与单体架构2、单体应用架构图3、单体架构优缺点优点缺点二、微服务1、微服务的“定义”2、微服务的特性3、微服务架构图4、微服务的优缺点优点缺点…...

Renderer 使用材质分析:materials、sharedMaterials 及 MaterialPropertyBlock

一、materials 与 sharedMaterials 1.1 使用上的区别与差异 Unity 开发时&#xff0c;在 C# 中通过 Renderer 取材质操作是非常常见的操作&#xff0c;Renderer 有两种常规获取材质的方式&#xff1a; sharedMaterials&#xff1a;可以理解这个就是原始材质&#xff0c;所有使…...

java学习----网络编程

网络编程入门 网络编程概述 计算机网络 ​ 计算机网络是指地理位置不同的具有独立功能的计算机及其外部设备&#xff0c;通过通信线路连接起来&#xff0c;在网络操作系统&#xff0c;网络管理软件及网络通信协议的管理协调下&#xff0c;实现资源共享和信息传递的计算机系统…...

这些「误区」99%的研发都踩过

意识不到误区的存在最为离谱&#xff1b; 01生活中&#xff0c;职场上&#xff0c;游戏里&#xff0c;都少不了正面对喷过&#xff1a;意识太差&#xff1b; 在个人的认知中意识即思维&#xff0c;意识太差即思维中存在的误区比较多&#xff1b; 每个人或多或少都存在思维上的…...

Bi系统跟数据中台的区别是什么?

随着数据时代的发展&#xff0c;BI分析是当今数据时代必不可少的能力之一。BI系统通过系统化产品化的方法&#xff0c;能够大幅降低数据的获取成本、提升数据使用效率。同时借助可视化、交互式的操作&#xff0c;可以高效支持业务的分析及发展。 BI如此火热&#xff0c;随之而…...

微信小程序反编译方法分享

文章目录一、前言二、准备工作&#xff08;一&#xff09;安装Nodejs&#xff08;二&#xff09;解密和逆向工具三、小程序缓存文件解密&#xff08;一&#xff09;定位小程序缓存路径&#xff08;二&#xff09;源码解密&#xff08;三&#xff09;源码反编译四、小结一、前言…...

有了这些接口测试用例+工具,测试效率想不提升都难

写在前面&#xff1a;在日常开发过程中&#xff0c;有人做前端开发&#xff0c;有人负责后端开发。接口的主要作用就是连接前后台。但是&#xff0c;由于前端和后端开发的速度可能不一样&#xff0c;尤其是后端开发好了&#xff0c;但前端还未开发。这种时候我们需要做接口测试…...

麒麟 arm架构安装nginx

目录 1、下载nginx安装包并解压 在线安装&#xff1a; 离线安装&#xff1a; 上传nginx安装包&#xff08;下载地址&#xff1a;https://nginx.org/download/nginx-1.20.2.tar.gz&#xff09;到指定目录 2、安装系统相关依赖软件、组件包 1、上传或者下载对应的组件包 2、安…...

logrotate失效的排查---selinux开启状态拦截问题及解决方法

首先测试环境selinux 处于关闭状态 disable # getenforce disable重新开启selinux配置与生产环境一致 [rootlocal]# cat /etc/selinux/config # This file controls the state of SELinux on the system. # SELINUX can take one of these three values: # enforcing - S…...

Allegro使用总结-查看Layout基本操作:

好久没用CSDN写过笔记了&#xff0c;没想到无意间打开&#xff0c;编辑器更新啦&#xff01;以前巨难用的“富文本编辑器”终于改观了&#x1f62d;变的好像语雀&#xff0c;うれしい1. 视图/画面操作a. 画面缩放&#xff08;Zoom&#xff09;&#xff1a;F11/F12 或 鼠标滚轮b…...

cmd del命令笔记

使用 /s 删除文件夹下所有的 del /s sub # 删除目录下所有文件&#xff0c;这个目录不会删除 /p 确认提示 /q 静默模式&#xff0c;不会提示要不要删除 如过和/p同时使用&#xff0c;那么不提示 /a 根据属性删除&#xff0c;a是attribute的意思 del /a:r 01.jpg # 01.jp…...

网站手机版管理链接/今日国内新闻头条15条

在linux中如何查看服务器配置也是一个常常要用到的工作linux的硬件配置信息(除存储和外置设备dev)一般放置于/proc目录下&#xff0c;有如meminfo内存信息、cpuinfo主机CPU信息、version系统版本信息等1.比如查看服务器的内存信息cat /proc/meminfo或者free命令2.查看服务器cpu…...

wordpress网站安全/百度网站官网入口

收稿日期: 2012 年 3 月 基于 MATLAB 的机床主轴结构优化设计 刘红娟宝鸡文理学院 摘要: 介绍了机床主轴的结构&#xff0c;建立了以质量最轻为目标函数的优化模型&#xff0c;运用 MATLAB 优化工具箱中的fmincon 函数对其进行优化设计。通过对已有的机床主轴实例进行优化求解和…...

a站是哪个app/如何让百度搜索排名靠前

Jmeter的运行&#xff1a;打开Jmeter安装包&#xff0c;进入\bin中&#xff0c;找到“jmeter.bat”&#xff0c;双击运行即可。打开界面如图所示&#xff1a; 修改简体中文路径&#xff1a;option->choose Language->chinese(simplified) &#xff08;1&#xff09;获取学…...

企业网站建设参考文献/中国疾控卫生应急服装

需要统计的事项&#xff1a; UV每次访问都要把用户的ip&#xff08;不管该用户有无登录&#xff09;存到某个数据结构里&#xff0c;方便进行统计 DAU只统计登录的用户&#xff08;根据用户id&#xff09;&#xff0c;对于那些没有登录的游客不进行统计。1表示访问过&#x…...

上海装修公司哪家最好/seo排名第一的企业

题目&#xff1a;原题链接&#xff08;中等&#xff09; 标签&#xff1a;数组、哈希表 解法时间复杂度空间复杂度执行用时Ans 1 (Python)O(N)O(N)O(N)L(N)L(N)L(N)160ms (87.84%)Ans 2 (Python)Ans 3 (Python) 解法一&#xff1a; class Solution:def findLongestSubarray(…...

网站建设丶金手指B排名14/百度收录提交网站后多久收录

在适配器模式中引入了一个被称为适配器(Adapter)的包装类&#xff0c;而它所包装 的对象称为适配者(Adaptee)&#xff0c;即被适配的类。适配器的实现就是把客户类的请求转化为对适配者的相应接口的调用。也就是说&#xff1a;当客户类调用适配器的方法时&#xff0c;在适配器类…...