• <tr id="yyy80"></tr>
  • <sup id="yyy80"></sup>
  • <tfoot id="yyy80"><noscript id="yyy80"></noscript></tfoot>
  • 99热精品在线国产_美女午夜性视频免费_国产精品国产高清国产av_av欧美777_自拍偷自拍亚洲精品老妇_亚洲熟女精品中文字幕_www日本黄色视频网_国产精品野战在线观看 ?

    DM Code Key Point Detection Algorithm Based on CenterNet

    2023-12-15 03:57:10WeiWangXinyaoTangKaiZhouChunhuiZhaoandChangfaLiu
    Computers Materials&Continua 2023年11期

    Wei Wang,Xinyao Tang,Kai Zhou,Chunhui Zhao and Changfa Liu

    1School of Information Engineering,Chang’an University,Xi’an,710018,China

    2Algorithm Research and Development Department,GRGBanking Equipment Co.,Ltd.,Guangzhou,510663,China

    3Research and Development Department,Xi’an Soar Electromechanical Technology,Ltd.,Xi’an,710043,China

    ABSTRACT Data Matrix (DM) codes have been widely used in industrial production.The reading of DM code usually includes positioning and decoding.Accurate positioning is a prerequisite for successful decoding.Traditional image processing methods have poor adaptability to pollution and complex backgrounds.Although deep learning-based methods can automatically extract features,the bounding boxes cannot entirely fit the contour of the code.Further image processing methods are required for precise positioning,which will reduce efficiency.Because of the above problems,a CenterNet-based DM code key point detection network is proposed,which can directly obtain the four key points of the DM code.Compared with the existing methods,the degree of fitness is higher,which is conducive to direct decoding.To further improve the positioning accuracy,an enhanced loss function is designed,including DM code key point heatmap loss,standard DM code projection loss,and polygon Intersection-over-Union(IoU)loss,which is beneficial for the network to learn the spatial geometric characteristics of DM code.The experiment is carried out on the self-made DM code key point detection dataset,including pollution,complex background,small objects,etc.,which uses the Average Precision(AP)of the common object detection metric as the evaluation metric.AP reaches 95.80%,and Frames Per Second(FPS)gets 88.12 on the test set of the proposed dataset,which can achieve real-time performance in practical applications.

    KEYWORDS DM code key point detection;CenterNet;object detection;enhanced loss function

    1 Introduction

    DM code appears as a square or rectangular symbol comprising many small squares,and its data is stored in a combination of white and black square arrangements.It is widely used in industrial and logistics fields due to its high density,small size,and much-stored information.In practical applications,the critical steps of DM code reading are positioning and decoding,and an efficient and accurate positioning algorithm is essential for accurate DM code reading.

    Currently,the methods of DM code positioning can be divided into two categories:(1)Traditional image processing methods.(2)Deep learning methods.

    (1) Traditional image processing methods.To detect the edges and corner points of DM code,domain transform,threshold segmentation,and feature point operator-based methods are used in these approaches.Leong et al.[1] proposed a method in which feature points were extracted using the Speeded Up Robust Features (SURF) operator.The DM code is coarsely localized by feature point matching,then the DM code is locally segmented using the Otsu thresholding and diffuse filling algorithms to obtain connected regions,and finally,the DM code is precisely positioned using the Hough transform.However,this method has a lengthy processing time and high requirements for the quality of the DM code edge.Hu et al.[2]proposed a Two-Dimensional code detection method based on the Randon domain transform to extract 2D code features in the Rondon domain.This method is time-consuming.It cannot address the problem of feature contamination,but it can withstand noise interference and adapt to perspective-transformed images to a certain extent.Ha et al.[3]proposed a strategy of contour distance array estimation,which first roughly locates DM code based on morphological processing to determine the joint region,and then builds an array of boundary contour distance distribution to estimate the rotational angle of DM code based on their boundary characteristics,which is more dependent on the complete boundary of DM code and cannot be applied to cases such as code blurring and wear.To correct and recognize perspective deformation and column surface distortion DM code,Wang et al.[4]proposed several recognition methods for complex background and deformation DM code.However,the algorithms are time-consuming and cannot meet the industrial production demand in real time.Li et al.[5]proposed a feature edge pinpointing method based on the L-edge of DM code.The method includes fast positioning and priority ranking of DM code candidate regions based on corner point distribution,contour extraction through DM code candidate regions to reduce the interference produced by non-interest edges on positioning,and linear fitting using improved Hough transform and iterative weighted least squares method to pinpoint L-edge.This technique can significantly speed up the positioning of DM code with low contrast and poor resolution.Still,it demands excellent integrity for the edges of the DM code features and cannot be used in scenarios with contamination or wear.Yang et al.[6] proposed a DM code positioning algorithm based on corner points and region growth.Firstly,Harris corner points are used as highfrequency features,and a Gaussian pyramid is constructed to filter the background metal texture corner points.Radial basis functions are introduced to smooth the corner point density map,candidate regions are coarsely localized by threshold segmentation as well as region growth,and finally,the minimum outer rectangle is calculated and corrected to achieve fine positioning.This method improves the detection efficiency of tiny DM code to a certain extent.Omar et al.[7] proposed a particular solution for Quick Response(QR)code detection in uncontrolled environments.A binary large object-(BLOB-)based algorithm with subsequent iterative filtering QR symbol position detection patterns is used in recognizing geometrical features of QR code.The method is not time-consuming.However,it cannot be adaptive to small codes.Li et al.[8]proposed a DM code recognition algorithm based on local thresholding and the Otsu algorithm.Firstly,local thresholding and the Otsu algorithm are used to realize the binarization of the image containing DM code;then,corrosion,expansion,and other algorithms are used to filter out the background further,and the Canny algorithm is used to detect the edges of the Data Matrix code;finally,Hough transform is used to extract the L-shape region,and rotation,interpolation and other operations are carried out to realize the identification of the 2D code region.This method has high accuracy,but the processing is complicated and time-consuming.Ladislav et al.[9] have devised and compared various methods for localizing DM code in arbitrary images,all using a typical L-shaped lookup pattern to detect DM code in images.Although such approaches have a high detection rate,the immunity to interference is potentially insufficient.These techniques have high background differentiation and can localize objects quickly and precisely in less distracting environments.However,scenarios,contamination,and other factors frequently exist in actual production,making it difficult for image processing techniques to meet the demand for precise positioning.

    (2) Deep learning methods.With the rapid advancement of deep learning in recent years,several outstanding object detection algorithms have surfaced[10-13],considerably enhancing object detection accuracy by automatically extracting characteristics.A deep learning-based 2D code identification system based on the Mask Region-based Convolutional Neural Network (R-CNN) [14]segmentation model was proposed by Cai et al.[15].Still,it did not include DM code detection in industrial environments despite having a greater recognition speed in reflected backlight scenarios.Yang et al.[16] proposed an improved You Only look Once (YOLOv3-ms) for 2D code detection.Firstly,adding Spatial Pyramid Pooling(SPP)structure to the original YOLOv3 network for multiscale feature fusion.The K-Means algorithm is used to re-cluster the prior frame for the dataset,which helps to shorten the training time.Finally,the Mosaic data enhancement method is used to expand the dataset during the training process,which has high detection speed and accuracy,but is only limited to high resolution and clear 2D code images.Hu et al.[17]proposed a semantic segmentationbased DM code positioning method.Firstly,the Semantic Segmentation Network (SegNet) [18] is used to segment the DM code region from the image and localize and decode the 2D code for the region.While this method has a high level of accuracy,its inference speed is slow and cannot keep up with the demands of real-time industrial production.Guney et al.[19] proposed an image processing and YOLO algorithm based on Electric shore-to-ship charging socket detection,using image processing techniques to preprocess the input image and extract the relevant features.Then the YOLO algorithm is used to achieve real-time detection and positioning of charging sockets,which is faster to reason than the semantic segmentation approach.Still,we are more committed to getting the results in one inference.Wan et al.[20]proposed a lightweight CenterNet network for multi-scale 2D code positioning by lightweighting the backbone of the original CenterNet network to Cross Stage Partial Network Tiny(CSPDarkNet53-Tiny),while adding SPP modules to the network structure for multi-scale fusion and replacing the normal convolution in the detection head part with a depth-separable convolution,which realizes fast 2D code recognition in low configuration conditions.Almeida et al.[21]compared and analyzed several deep neural networks for detecting and decoding DM code in complex indoor environments.They investigated various deep neural network architectures ranging from two-stage to single-stage and evaluated their performance detecting DM code in indoor environments.The experimental results show that deep neural networks perform better in detecting and decoding DM code with higher accuracy and robustness than traditional methods.Lou et al.[22]proposed a YOLOv5-based QR code recognition algorithm.By designing a customized neural network architecture for the specific attributes and structure of QR codes,and YOLOv5 is used to model training and inference,the algorithm can quickly and accurately detect and recognize QR codes in complex images,and the results show that the algorithm performs excellently in terms of performance and robustness through a large amount of experimental data evaluation and comparison.Although these techniques can increase detection accuracy,they can only use a horizontal 2D box for the envelope.Since the detection box contains more background areas,which cannot get the positioning results of the fit code,it must still use an image processing algorithm,which lowers the algorithm’s overall effectiveness.In practical applications,2D codes usually have arbitrary rotational angles and perspective transformation,and to further improve the positioning accuracy,some scholars[23]proposed the solution of rotational object detection by increasing the rotational angle based on the horizontal 2D box,which solves the problem of including more background areas during detection to the maximum extent.Ma et al.[24]developed a Rotated Region of Interest(RRoI)pooling layer for extracting rotational characteristics based on Region Proposal Network (RPN).They suggested an arbitrary orientation text detection framework based on natural scene images,which can effectively improve text detection accuracy.To generate RRoI,Ding et al.[25] proposed a method based on horizontal prior box learning that effectively solves the misalignment issue between feature regions and objects.Yang et al.[26]proposed an end-to-end rotational object detector with feature refinement.They introduce the idea of denoising into the network structure and adjust the refined bounding box to the corresponding object to achieve feature reconstruction and alignment.Zhou et al.[27]proposed the polar coordinate system for rotational object detection.They developed a prior frame-free polar coordinate remote sensing object detection framework,Polar Remote Sensing Object Detector (PRSDet),in which the polar coordinates regression approach is used to enhance the correlation between regression parameters and improve the convergence speed of the network.A two-stage rotational object detection framework called Oriented R-CNN was proposed by Xie et al.[28]that first generates directed candidate boxes by Oriented RPN and then extracts fixed-size features by RRoI Align to align features and objects.This framework has higher accuracy but still necessitates setting a priori boxes,making the process more laborious.Han et al.[29] proposed a rotational object detection network,Single-shot Alignment Network(S2A-Net),based on feature alignment,which effectively solves the problem of inconsistency between regression and classification by using a Feature Alignment Module(FAM)and Orientation Detection Module(ODM).Although these methods can make the detection box fit the object contour to a certain extent,they still cannot achieve a complete fit for quadrilaterals with perspective transformation.

    Table 1 summarizes the characteristics of the above two types of methods.Although the traditional image processing methods have a solid ability for fine positioning,the interference resistance is poor;deep learning methods are primarily horizontal 2D frame detection but do not achieve fine positioning,and the rotational object detection lacks the processing of perspective deformation,the model is not only too complex but slower.In summary,there needs to be a method to achieve DM code fine positioning directly through neural networks and to meet industrial real-time demands.To address the above problems,we propose a DM code key point detection network based on CenterNet,which can directly obtain the four corner point positions of DM code and localize the DM code at the corner point level.The two contribution goals of this paper are summarized as follows:

    Table 1: Comparison of literature methods

    a.We proposed a DM code key point detection algorithm based on CenterNet,which can directly detect the four key points of DM code.In addition,for the geometric characteristics of DM code,we designed a series of enhanced loss functions to make full use of this characteristic and further improve the accuracy and speed of the algorithm.

    b.We proposed a DM code key point detection dataset,including DM code with complex backgrounds,contamination,and small objects,to demonstrate the effectiveness and robustness of our algorithm.

    2 Algorithm Framework

    As shown in Fig.1,the overall flow chart of the proposed DM code key point detection algorithm is shown in this paper.

    Figure 1:Flow chart of DM code key point detection

    Firstly,the original image containing the DM code is fed into the designed network after data enhancement,as shown in Stage 1 in Fig.1;then,the DM code type is decoded by the heat map obtained from the network,and the image coordinates of DM code center offset and DM key point offset are also regressed,as shown in Stage 2 in Fig.1;finally,the type and offset information are decoded into the final results,as shown in Stage 3 in Fig.1.

    3 DM Code Key Point Detection Network

    3.1 Network Structure

    CenterNet is a representative anchor-free object detection algorithm with a simple design and good scalability,so it is chosen as the base network and improved with the application of the algorithm in this paper.The overall structure of the network in this paper is shown in Fig.2,which contains three parts: the backbone feature extraction network,the enhanced feature extraction network,and the multi-task detector.

    Figure 2:Network structure of DM code key point detection

    In the structure,we define the input image asI∈RH×W×3,and obtain three outputs from the multitask detection head DM code type heat mapMc∈(Cis the number of DM code types),DM code center offset feature mapMco∈(‘2’is the DM code center offset coordinates),and DM code key point offset feature mapMko∈(‘4’is the four key points of the DM code,‘3’is the distance between the key points of the DM code and the center,and the sin and cos values of the angle formed with the center,respectively),whereH=W=512 and the down-sampling factor of the whole network isS=4.

    In Fig.2,we use ResNet-50[30]as our backbone feature extraction network.Engineering applications and experiments show that the backbone has a substantial feature extraction and generalization capability,and the number of parameters is smaller.As a result,we can obtain three feature maps from the backbone with size 64×64×512,32×32×1024 and 16×16×2048.

    To improve the detection ability of multi-scale DM code,we weigh and fuse the three feature maps obtained from the backbone feature extraction network and get a fused high-resolution feature map with size 128 × 128 × 64.In Fig.2,in the multi-task detector,we use the 1 × 1 convolution,normalization,and Rectified Linear Unit (ReLU) activation functions for the fused high-resolution feature map,and finally obtain the above outputs.Moreover,in the DM code type heat mapMc∈,we only focused on positioning the DM code key points,so only one type of DM code Direct Part Mark(DPM)code is considered,namelyC=1.To ensure the stability of the data during training,we normalize the coordinates inMcoandMkoto the fused high-resolution feature map with sizeH/S,W/S.

    3.2 Loss Function

    Compared with the traditional loss function design based on the 2D detection box,the DM code of the detection object in this paper contains more directional randomness,so it is necessary to utilize some geometric constraints in the loss function to obtain accurate detection results.Therefore,in the training process of the algorithm,we divide the loss function into the base loss function and the enhanced loss function.The base loss function comprises three parts:DM code classification loss,DM code center offset coordinate regression loss,and DM code key point offset coordinate regression loss.And the enhanced loss function consisted of three other components:DM code key point heat map loss,standard DM code projection loss,and DM code polygon IoU loss.

    3.2.1 Basic Loss Function

    (1)DM code classification loss.DM code occupies a few areas in the image with typical positive and negative sample imbalance characteristics.To solve the problem of positive and negative sample imbalances,we use the modified Focal Loss with the following equation:

    whereNis the number of positive samples,Cis the total number of classes,iandjis the horizontal and vertical coordinates under the feature map with size 128*128,αandβare hyperparameters used to adjust the loss weights of positive and negative samples,respectively,which we set to 2 and 4 in this paper.For each accurate labeled DM code,a set of response valuesis generated in the heat signature diagramMcusing a Gaussian kernel function,whereσ=1 is the standard deviation of the Gaussian distribution,anddenotes the predicted response value.

    (2) DM code offset coordinate regression loss.We use L1 regression loss with the following equations:

    3.2.2 Enhanced Loss Function

    To further improve the DM code key point detection accuracy,we designed the enhanced loss function by adding the geometric constraints of the DM code into the loss function as follows:

    (1)DM code key point heat map loss.A set of key points in the graph can correspond to a group of responding heat maps.When the key point locations are predicted accurately,the corresponding heat map responding values will also be located at the exact locations,so we use heat maps to further constrain the key point locations.As shown in Fig.3,the DM code key point offset is recovered to the DM code key point coordinates,and a set of response valuesis generated at the key point location using the Gaussian kernel function,whereσ=1 is the standard deviation of the Gaussian distribution,which constitutes a set of constraints with the response valueof the DM code generated through accurate annotation.We also use the modified Focal Loss as follows:

    Figure 3:Diagram of heatmap loss of DM code key point detection

    (2)Standard DM code projection loss.Since the DM code has the same number of grids in the width and height directions,they are presented as squares in physical space.Each DM code in the image can be perspective transformed to obtain the corresponding standard square DM code image,so we use the perspective transformation projection to constrain the DM code key point prediction further.The real perspective transformation matrix is generated from the actual annotation,defined as the standard DM code perspective transformation,and the obtained center and key points are considered standard.As shown in Fig.4,the network output’s DM code center and key point offset are recovered to the predicted DM code center and key point coordinates.Then the predicted standard DM code center and key point are obtained by the perspective transformation of the corresponding standard DM code,which constitutes a set of constraints with the actual standard DM code center and key point.We use L1 regression loss with the following equation:wheredenotes whether there is a DM code object ati,jof the output feature map,denote the predicted and ground-truth values of the standard DM code center ati,jof the output feature map,denote the predicted and actual values of the standard DM code key points ati,jof the output feature map,dist(·) is the coordinate finding distance function,λstdctandλstdkpare the weight values,which are set to 0.5 and 0.25 in this paper,respectively[13].

    Figure 4:Diagram of standard DM code projection loss

    (3)DM code polygon IoU loss.The IoU loss can reflect both the correlation between key point coordinates and the matching degree of key points enclosing polygons,which is conducive to faster convergence of the network.Since the DM code is an irregular quadrilateral,we use polygonal IoU loss to constrain the DM code key point locations further.As shown in Fig.5,the IoU of the polygon formed by the true DM code key points and the polygon formed by the coordinates of the DM code key points,which is recovered by decoding the DM code key point offset from the network output,constitute a set of constraints using the L1 regression loss as follows:

    With the above six loss functions,the multi-task loss function can be defined as follows:

    whereλdenotes the weights of the losses of each component.We refer to the weight settings of CenterNet[13]and Focal Loss[31],and useλc=1,λco=1,λko=0.1,λkp=0.1,λproj=0.1,λiou=1 in the experiment.

    Figure 5:Diagram of DM code polygon IoU loss

    4 Experimental Results and Analysis

    4.1 DM Code Key Point Detection Data Set

    To perform DM code key point detection,we produced a DM code key point detection dataset with two types of acquisition devices:fixed and non-fixed.Fixed type for industrial camera shooting,non-fixed type for ordinary camera shooting.The DM code type is DPM code,mainly used for DM code marked on parts in industrial production environments.For the annotation tool,we use the polygon annotation tool named LabelMe,and the DM code center is represented by the intersection of the two diagonals of the label.Finally,we obtained 3112 samples for the dataset,including 2956 for the training set and 156 for the validation test set.As shown in Fig.6,sample examples of the data set are shown,including cases of small codes,worn codes,and complex backgrounds.In Table 2,the number of images acquired by each device and the number of each particular sample are shown.

    Figure 6:Examples of samples in the dataset

    Table 2: DM code sample statistic

    4.2 Implementation Details

    4.2.1 Hardware and Software Environment

    The algorithm in this paper is implemented using the PyTorch deep learning framework with a Core i7-8700 CPU and a GTX 1080Ti GPU.We used the above homemade dataset for experimental validation.The dataset is divided into training and validation test sets in the ratio of 9.5:0.5.During training,we use the Adam optimizer with an initial learning rate of 0.001,and the backbone feature network is selected as ResNet-50 for feature extraction,with migration learning accelerating convergence using a pre-trained model of the ImageNet dataset.

    4.2.2 Data Enhancement Method

    The actual shooting scenes are complex and variable,and the limited locations in the dataset are far from being able to simulate all the acquisition environments.Therefore,to expand the number of samples in the dataset and prevent the network from overfitting,data enhancement,including random contrast transformation,horizontal flipping,and rotation,is performed during the training process.Meanwhile,according to the camera imaging principle,the changes in camera spatial position,view angle,and internal parameters correspond to the changes in the projection matrix.Thus,we use the perspective transformation in the image to simulate this projection change for simulating the variable image acquisition view angle.After data enhancement,the training validation set can be expanded from 3112 images to 5 times the original.Fig.7 shows the diagram of data enhancement,we padded the image with gray pixels to prevent scale distortion.

    Figure 7:Diagram of data augmentation

    4.2.3 Evaluation Metrics

    The King was pleased beyond measure at the sights but his greed for gold was still not satisfied, and he had the miller s daughter brought into a yet bigger room full of straw, and said: You must spin all this away in the night; but if you succeed this time you shall become my wife

    We refer to AP [32],a common evaluation metric for object detection,for the evaluation of algorithm accuracy,and use polygon IoU to calculate the Intersection-over-Union ratio as follows:

    where r denotes the recall interval sampling value andpinterp(r)denotes the precision value at the recall rate≥r.

    The algorithm speed is expressed using FPS with the following equation:

    wheretdenotes the processing time of a single image in seconds(s).

    4.3 DM Code Key Point Detection Results

    Table 3 shows the statistical detection results of this paper using Eqs.(8)and(9)on the test set of the DM code key point detection dataset.As shown in Fig.8,a visualization of the DM code detection results on the test set of the DM code key point detection dataset,including the positioning results and the heat map,is shown.From Table 3 and Fig.8,it can be seen that our algorithm can locate DM code accurately in a variety of environments while meeting the real-time requirements in practical applications.And Fig.9 shows a graph of the AP results for DM code key point detection.

    Figure 8: (Continued)

    Table 3: DM key point detection results on the test set of the DM key point detection dataset

    Figure 8:Visualization of DM code detection results on the test set of DM key point detection dataset

    Figure 9:AP of DM key point detection

    4.4 Comparison Experiments

    To demonstrate that our algorithm is more accurate in DM code positioning with perspective transformation,we selected the object detection algorithms of the horizontal 2D box and the rotational 2D box for training and testing on the above dataset.The comparison results are shown in Table 4.Besides,the visualization of detection results of the six algorithms on perspective transformation,small,worn,and multiple codes are shown in Fig.10.From Table 4 and Fig.10,it can be revealed that although the horizontal 2D box detection algorithms can achieve the best AP and FPS,the fit degree of DM code is low with more background left.While the rotational 2D box detection algorithm can get better performance in fitting the code,however,AP and FPS are lower than horizontal 2D detection.In contrast,our algorithm can achieve precise code alignment with high AP and FPS.In addition,in Table 4,the calculation of AP depends on the detection methods.Horizontal IoU is used in the horizontal 2D box,while polygonal IoU is used in rotational 2D box and key point detection.

    Figure 10: (Continued)

    Table 4: DM code detection results on the test set of DM key point detection dataset

    Figure 10: Comparison of detection results of six algorithms on perspective transformation codes,small codes,worn codes,and multiple codes

    4.5 Ablation Experiments

    To further demonstrate the effectiveness of our proposed enhanced loss function and dataenhanced perspective transformation,we conducted ablation experiments on the test set of the DM code key point detection dataset,and the benchmark model M1 is a network without adding any modules designed in this paper by using the backbone feature network as ResNet-50,on which the modules we created are added one by one for validation,and the validation results are shown in Table 5.It is apparent from Table 5 that the three enhanced loss functions and data-enhanced perspective transformation we designed improved the AP by 0.67%,1.65%,0.69%,and 1.26%,respectively,on the test set.Among them,the standard DM code projection loss in the enhanced loss function takes full advantage of the geometric properties of DM code in space and therefore is most influential for network performance improvement.

    Table 5: Ablation results of the proposed algorithm

    5 Conclusion and Future Studies

    Our proposed algorithm can directly obtain the four key points of the DM code compared to the current method,which is more accurate in fitting the DM code and facilitates the subsequent direct decoding,and improves the overall efficiency of the algorithm.In this paper,the contributions include:(1)According to the actual application requirements,a network capable of directly obtaining the four key points of DM code is designed with CenterNet as the base network,and three enhanced loss functions(DM code key point heat map loss,standard DM code projection loss,and DM code polygon IoU loss)are designed by making full use of the spatial geometric characteristics of DM code in the loss function,which is conducive to further improve the positioning accuracy of DM code.(2)The proposed dataset for DM code key point detection.From the experimental analysis,it can be revealed that the AP of the algorithm in this paper is 95.80%,and the processing frame rate is 88.12,which can achieve the real-time requirement while ensuring accuracy.However,there is still a limitation to the current method.Future work can be carried out in the following aspects:

    a.Detection method.The fit of the positioning results to the DM code contour can be further improved by introducing an image segmentation prior.The fitting ability of network fine positioning can also be continued to be enhanced by adding constraints.

    b.Dataset.The current dataset has relatively few data samples of small codes,worn codes,and complex backgrounds,and such data can be expanded subsequently to enhance the overall performance of the algorithm.

    c.Reading system.Combined with the detection algorithm proposed in this paper,a complete reading system can be further developed for DM code reading in real scenarios.The system can include functions such as image preprocessing,DM code detection,DM code recognition,result output,etc.

    Acknowledgement:The authors would like to thank Xi’an Soar Electromechanical Technology,Ltd.for providing DM codes which is used in our dataset.

    Funding Statement:This research was funded by the Youth Project of National Natural Science Foundation of China (52002031),the General Project of Shaanxi Province Science and Technology Development Planned Project (2023-JC-YB-600),Postgraduate Education and Teaching Research University-Level Project of Central University Project(300103131033),the Transportation Research Project of Shaanxi Transport Department(23-108 K).

    Author Contributions:Study conception and design: W.Wang and X.Y.Tang;data collection: C.F.Liu,K.Zhou and C.H.Zhao;analysis and interpretation of results: W.Wang,X.Y.Tang and K.Zhou;draft manuscript preparation:W.Wang,X.Y.Tang and K.Zhou.All authors reviewed the results and approved the final version of the manuscript.

    Availability of Data and Materials:Not applicable.

    Conflicts of Interest:The authors declare that they have no conflicts of interest to report regarding the present study.

    在线国产一区二区在线| 国产一卡二卡三卡精品| 免费看十八禁软件| 精品视频人人做人人爽| 国产精品影院久久| av中文乱码字幕在线| 在线视频色国产色| 日韩免费av在线播放| 精品久久蜜臀av无| 亚洲一区高清亚洲精品| 亚洲一区高清亚洲精品| 国产片内射在线| xxxhd国产人妻xxx| 男男h啪啪无遮挡| 欧美人与性动交α欧美软件| 啦啦啦视频在线资源免费观看| 精品国内亚洲2022精品成人 | 欧美不卡视频在线免费观看 | 精品国产超薄肉色丝袜足j| 国产真人三级小视频在线观看| 亚洲中文av在线| 欧美色视频一区免费| 久久热在线av| 一级a爱视频在线免费观看| 999久久久国产精品视频| 久久青草综合色| 亚洲一卡2卡3卡4卡5卡精品中文| av福利片在线| 欧美丝袜亚洲另类 | 一级片免费观看大全| 在线观看午夜福利视频| av超薄肉色丝袜交足视频| av超薄肉色丝袜交足视频| 国产色视频综合| 亚洲国产欧美一区二区综合| 亚洲精品中文字幕一二三四区| 视频在线观看一区二区三区| 一区在线观看完整版| 夜夜夜夜夜久久久久| 多毛熟女@视频| 日韩中文字幕欧美一区二区| 久热爱精品视频在线9| 午夜激情av网站| 老熟妇乱子伦视频在线观看| 欧美成人午夜精品| 亚洲全国av大片| 久热这里只有精品99| 国产精品.久久久| 午夜精品久久久久久毛片777| 久久人人爽av亚洲精品天堂| 日本黄色视频三级网站网址 | 一本一本久久a久久精品综合妖精| 国产精品一区二区在线观看99| 在线观看日韩欧美| 在线观看舔阴道视频| 亚洲少妇的诱惑av| 国产成人精品无人区| 中出人妻视频一区二区| 亚洲一区中文字幕在线| av线在线观看网站| 亚洲精品一二三| 日本黄色日本黄色录像| 80岁老熟妇乱子伦牲交| 一二三四社区在线视频社区8| 国产男女超爽视频在线观看| 色精品久久人妻99蜜桃| 精品无人区乱码1区二区| 国产成人啪精品午夜网站| 久久精品国产99精品国产亚洲性色 | 久久久水蜜桃国产精品网| av视频免费观看在线观看| 一级a爱片免费观看的视频| 久久久国产欧美日韩av| 嫩草影视91久久| 亚洲中文字幕日韩| 亚洲国产欧美日韩在线播放| 久久香蕉精品热| 国产精品影院久久| 午夜福利一区二区在线看| 美女高潮喷水抽搐中文字幕| 捣出白浆h1v1| 1024视频免费在线观看| 色尼玛亚洲综合影院| 黄色成人免费大全| 国产精品国产av在线观看| 亚洲精华国产精华精| av一本久久久久| 亚洲成人免费电影在线观看| 日韩熟女老妇一区二区性免费视频| bbb黄色大片| 丝袜美足系列| avwww免费| 99国产精品一区二区蜜桃av | 亚洲伊人色综图| a级毛片黄视频| 每晚都被弄得嗷嗷叫到高潮| 国产精品影院久久| 午夜福利,免费看| 亚洲五月婷婷丁香| 少妇猛男粗大的猛烈进出视频| 乱人伦中国视频| 国产有黄有色有爽视频| 亚洲欧洲精品一区二区精品久久久| 日韩免费高清中文字幕av| 一区二区三区激情视频| 精品人妻1区二区| 日韩欧美一区二区三区在线观看 | 黄片大片在线免费观看| 日韩欧美在线二视频 | 免费在线观看完整版高清| 久久久国产精品麻豆| 18禁美女被吸乳视频| 亚洲免费av在线视频| 国产成+人综合+亚洲专区| 亚洲第一av免费看| 99精国产麻豆久久婷婷| av福利片在线| 50天的宝宝边吃奶边哭怎么回事| 国产精品一区二区在线不卡| 欧美日韩国产mv在线观看视频| 久久久久国产精品人妻aⅴ院 | 老汉色av国产亚洲站长工具| 亚洲人成电影观看| 丝袜美足系列| 国产主播在线观看一区二区| 国产精华一区二区三区| 国产在视频线精品| 久久精品熟女亚洲av麻豆精品| 中国美女看黄片| 丰满迷人的少妇在线观看| 欧美日韩亚洲高清精品| 亚洲欧美一区二区三区黑人| 91老司机精品| 十八禁高潮呻吟视频| 免费女性裸体啪啪无遮挡网站| 色综合欧美亚洲国产小说| 欧美日韩精品网址| 欧美激情极品国产一区二区三区| 精品欧美一区二区三区在线| 身体一侧抽搐| 国内毛片毛片毛片毛片毛片| 多毛熟女@视频| 国产精品久久久久久精品古装| 女性生殖器流出的白浆| 国产精品欧美亚洲77777| 国产精品亚洲一级av第二区| 亚洲性夜色夜夜综合| 国产亚洲欧美98| 女性被躁到高潮视频| 久久精品熟女亚洲av麻豆精品| 最近最新中文字幕大全免费视频| 久久久精品国产亚洲av高清涩受| 女人被狂操c到高潮| 欧美乱色亚洲激情| 久久ye,这里只有精品| 咕卡用的链子| 亚洲av美国av| 可以免费在线观看a视频的电影网站| 国产精品98久久久久久宅男小说| 日韩熟女老妇一区二区性免费视频| 少妇的丰满在线观看| 在线观看66精品国产| 十八禁网站免费在线| 国产成人一区二区三区免费视频网站| 国产精品98久久久久久宅男小说| 91成年电影在线观看| 色综合欧美亚洲国产小说| 亚洲成人免费电影在线观看| 少妇裸体淫交视频免费看高清 | 国产aⅴ精品一区二区三区波| 老司机靠b影院| 精品国产乱码久久久久久男人| 夫妻午夜视频| 黑人巨大精品欧美一区二区mp4| 欧美激情 高清一区二区三区| 人人妻人人澡人人看| 在线十欧美十亚洲十日本专区| 亚洲欧美色中文字幕在线| 免费女性裸体啪啪无遮挡网站| 国产成人一区二区三区免费视频网站| 欧美精品av麻豆av| 一本大道久久a久久精品| 天天影视国产精品| 国内毛片毛片毛片毛片毛片| av福利片在线| xxx96com| 香蕉久久夜色| 丝袜在线中文字幕| 亚洲av第一区精品v没综合| 伦理电影免费视频| 嫩草影视91久久| av超薄肉色丝袜交足视频| 国产精品电影一区二区三区 | 久久草成人影院| 亚洲成人免费电影在线观看| а√天堂www在线а√下载 | 女人久久www免费人成看片| 精品欧美一区二区三区在线| 999精品在线视频| 久久人妻福利社区极品人妻图片| 亚洲色图综合在线观看| 久久亚洲精品不卡| 99久久精品国产亚洲精品| 黄色成人免费大全| 午夜亚洲福利在线播放| 制服人妻中文乱码| 国产又爽黄色视频| 亚洲人成伊人成综合网2020| 日韩中文字幕欧美一区二区| 黄频高清免费视频| 国产1区2区3区精品| videos熟女内射| 亚洲五月天丁香| 美女福利国产在线| 中文字幕人妻丝袜一区二区| 国产成人啪精品午夜网站| ponron亚洲| 啪啪无遮挡十八禁网站| 韩国av一区二区三区四区| 午夜免费观看网址| 人妻久久中文字幕网| 国产无遮挡羞羞视频在线观看| 香蕉丝袜av| 国产精品一区二区在线不卡| 亚洲第一av免费看| 欧美色视频一区免费| 99久久99久久久精品蜜桃| 天天躁夜夜躁狠狠躁躁| 欧美精品高潮呻吟av久久| 91精品三级在线观看| 国产精品成人在线| 免费在线观看黄色视频的| 人妻久久中文字幕网| 国产精品98久久久久久宅男小说| 91精品三级在线观看| 老司机福利观看| 精品电影一区二区在线| 久久性视频一级片| 不卡av一区二区三区| 欧美日本中文国产一区发布| 自拍欧美九色日韩亚洲蝌蚪91| 777久久人妻少妇嫩草av网站| 久久国产精品男人的天堂亚洲| 叶爱在线成人免费视频播放| 日韩有码中文字幕| 国产精品 欧美亚洲| 亚洲中文日韩欧美视频| 动漫黄色视频在线观看| 啦啦啦免费观看视频1| 亚洲熟女精品中文字幕| 亚洲午夜精品一区,二区,三区| 91精品三级在线观看| 大片电影免费在线观看免费| 午夜精品国产一区二区电影| 大香蕉久久成人网| 一区二区三区国产精品乱码| 午夜精品国产一区二区电影| 成人免费观看视频高清| 国产成人啪精品午夜网站| 老汉色∧v一级毛片| 香蕉丝袜av| svipshipincom国产片| 成人av一区二区三区在线看| 99精品欧美一区二区三区四区| 亚洲黑人精品在线| 多毛熟女@视频| 水蜜桃什么品种好| 国产成人系列免费观看| 两个人视频免费观看高清| 久久久久久久亚洲中文字幕 | 国产探花在线观看一区二区| 亚洲精品在线美女| 日本精品一区二区三区蜜桃| 99久国产av精品| 伊人久久大香线蕉亚洲五| 黄片大片在线免费观看| 麻豆成人av在线观看| 俄罗斯特黄特色一大片| 国产伦精品一区二区三区四那| 国产欧美日韩一区二区三| 国产成人欧美在线观看| 女人高潮潮喷娇喘18禁视频| 无人区码免费观看不卡| 一区二区三区高清视频在线| 日韩亚洲欧美综合| 夜夜看夜夜爽夜夜摸| 狠狠狠狠99中文字幕| 小蜜桃在线观看免费完整版高清| 国产成人福利小说| 一级毛片女人18水好多| 欧美黄色片欧美黄色片| 最近最新中文字幕大全电影3| 国产不卡一卡二| xxxwww97欧美| 嫩草影视91久久| 亚洲五月婷婷丁香| www日本在线高清视频| 国产真实伦视频高清在线观看 | 亚洲真实伦在线观看| 丰满人妻一区二区三区视频av | 夜夜夜夜夜久久久久| 欧美不卡视频在线免费观看| 天美传媒精品一区二区| 熟妇人妻久久中文字幕3abv| 偷拍熟女少妇极品色| 美女被艹到高潮喷水动态| 午夜免费观看网址| 日韩欧美国产在线观看| 精品国产三级普通话版| 婷婷丁香在线五月| 亚洲成人中文字幕在线播放| 成年女人毛片免费观看观看9| 亚洲 国产 在线| 成年人黄色毛片网站| 国产精品99久久99久久久不卡| 性色av乱码一区二区三区2| 天堂av国产一区二区熟女人妻| 国产精品免费一区二区三区在线| 国产 一区 欧美 日韩| 午夜福利欧美成人| 成人亚洲精品av一区二区| 久久国产乱子伦精品免费另类| 99精品久久久久人妻精品| 精品一区二区三区视频在线观看免费| 午夜福利视频1000在线观看| 日本黄色视频三级网站网址| 黄片大片在线免费观看| 动漫黄色视频在线观看| 久久久色成人| 日韩欧美 国产精品| 欧美乱妇无乱码| 全区人妻精品视频| 久久九九热精品免费| 黄色成人免费大全| 最后的刺客免费高清国语| 老司机在亚洲福利影院| 亚洲精品影视一区二区三区av| 亚洲va日本ⅴa欧美va伊人久久| av在线天堂中文字幕| 日韩欧美在线乱码| 欧美性感艳星| 一个人看视频在线观看www免费 | 夜夜看夜夜爽夜夜摸| 国模一区二区三区四区视频| 国产视频一区二区在线看| 啪啪无遮挡十八禁网站| 中文资源天堂在线| 99久久精品热视频| 好男人在线观看高清免费视频| 啦啦啦韩国在线观看视频| 欧美日韩黄片免| 我要搜黄色片| 久久精品国产亚洲av涩爱 | 欧美丝袜亚洲另类 | 全区人妻精品视频| 欧美乱妇无乱码| 动漫黄色视频在线观看| 麻豆国产av国片精品| 亚洲精品在线美女| 亚洲国产色片| 日韩人妻高清精品专区| 亚洲人成伊人成综合网2020| 午夜影院日韩av| 成人鲁丝片一二三区免费| 亚洲美女黄片视频| 亚洲av不卡在线观看| 欧美av亚洲av综合av国产av| 成人亚洲精品av一区二区| 午夜福利欧美成人| 99久久成人亚洲精品观看| 日韩欧美一区二区三区在线观看| 真实男女啪啪啪动态图| 亚洲18禁久久av| 夜夜躁狠狠躁天天躁| 美女高潮喷水抽搐中文字幕| 国产激情欧美一区二区| a级毛片a级免费在线| 中文字幕高清在线视频| 亚洲性夜色夜夜综合| 国产亚洲精品一区二区www| 女生性感内裤真人,穿戴方法视频| 亚洲av电影不卡..在线观看| 91av网一区二区| 精品午夜福利视频在线观看一区| 国产成人系列免费观看| 内地一区二区视频在线| 草草在线视频免费看| 午夜激情欧美在线| 国内精品美女久久久久久| 久9热在线精品视频| 老熟妇乱子伦视频在线观看| 俄罗斯特黄特色一大片| 国产午夜精品论理片| 在线观看美女被高潮喷水网站 | 变态另类成人亚洲欧美熟女| 禁无遮挡网站| 国产高清视频在线播放一区| 很黄的视频免费| 99国产极品粉嫩在线观看| 欧美色欧美亚洲另类二区| 村上凉子中文字幕在线| 亚洲avbb在线观看| 国产欧美日韩一区二区三| 最新美女视频免费是黄的| 五月玫瑰六月丁香| 亚洲中文日韩欧美视频| 国产黄色小视频在线观看| 两性午夜刺激爽爽歪歪视频在线观看| 亚洲黑人精品在线| 中文亚洲av片在线观看爽| 亚洲av免费高清在线观看| 国内精品美女久久久久久| 在线观看日韩欧美| 国产野战对白在线观看| 校园春色视频在线观看| 一进一出好大好爽视频| 国产探花在线观看一区二区| 久久久精品欧美日韩精品| 欧美乱色亚洲激情| 亚洲精华国产精华精| 亚洲成人免费电影在线观看| 午夜精品久久久久久毛片777| 好男人电影高清在线观看| 美女 人体艺术 gogo| 国产av在哪里看| 久久精品国产99精品国产亚洲性色| 3wmmmm亚洲av在线观看| 精品久久久久久久久久久久久| 91麻豆精品激情在线观看国产| 久久久精品大字幕| 久久久国产精品麻豆| 成人永久免费在线观看视频| 久久婷婷人人爽人人干人人爱| 日本一二三区视频观看| 亚洲一区二区三区色噜噜| 亚洲成人久久爱视频| 午夜福利在线在线| 亚洲精品456在线播放app | 免费看a级黄色片| 国产成人欧美在线观看| 热99在线观看视频| 黑人欧美特级aaaaaa片| 国产亚洲欧美在线一区二区| 一本综合久久免费| 免费搜索国产男女视频| 久久香蕉精品热| 午夜精品久久久久久毛片777| 久久欧美精品欧美久久欧美| 91麻豆av在线| 精品国产美女av久久久久小说| 午夜精品一区二区三区免费看| 国产亚洲欧美在线一区二区| 欧美+日韩+精品| 丝袜美腿在线中文| 亚洲电影在线观看av| 国产精品美女特级片免费视频播放器| 亚洲美女黄片视频| 亚洲avbb在线观看| 88av欧美| 手机成人av网站| 国产成人影院久久av| 一区二区三区高清视频在线| 成年免费大片在线观看| 搡女人真爽免费视频火全软件 | 精品国产三级普通话版| 久久久久久久亚洲中文字幕 | aaaaa片日本免费| 成人三级黄色视频| 中文字幕人妻熟人妻熟丝袜美 | 亚洲国产欧美网| 国产黄色小视频在线观看| av天堂中文字幕网| 99在线视频只有这里精品首页| 午夜免费成人在线视频| 色综合欧美亚洲国产小说| 18禁国产床啪视频网站| 美女被艹到高潮喷水动态| 国内毛片毛片毛片毛片毛片| 欧美日韩精品网址| 欧美色视频一区免费| 国产野战对白在线观看| 国内久久婷婷六月综合欲色啪| www.999成人在线观看| 国产亚洲精品av在线| av视频在线观看入口| 成人特级黄色片久久久久久久| 欧美日韩福利视频一区二区| 一级a爱片免费观看的视频| 中文字幕人妻熟人妻熟丝袜美 | 亚洲国产精品合色在线| 亚洲最大成人手机在线| 久久欧美精品欧美久久欧美| 亚洲人成网站在线播| 亚洲18禁久久av| 搡老熟女国产l中国老女人| 深爱激情五月婷婷| 免费观看精品视频网站| 免费电影在线观看免费观看| 亚洲第一电影网av| 婷婷六月久久综合丁香| 亚洲国产精品久久男人天堂| 久久这里只有精品中国| 国产成人欧美在线观看| 少妇人妻一区二区三区视频| 日本撒尿小便嘘嘘汇集6| 波多野结衣高清无吗| 女警被强在线播放| 在线观看av片永久免费下载| 亚洲av免费高清在线观看| 成人特级黄色片久久久久久久| 欧美xxxx黑人xx丫x性爽| 757午夜福利合集在线观看| 亚洲七黄色美女视频| 国产亚洲精品一区二区www| 欧美性感艳星| 特级一级黄色大片| 少妇裸体淫交视频免费看高清| 国产亚洲精品一区二区www| 叶爱在线成人免费视频播放| 亚洲成av人片在线播放无| 噜噜噜噜噜久久久久久91| 亚洲午夜理论影院| 丰满乱子伦码专区| 天堂av国产一区二区熟女人妻| 国产精品三级大全| 窝窝影院91人妻| 19禁男女啪啪无遮挡网站| 丁香六月欧美| 久久久久久大精品| 国产亚洲精品av在线| 男女之事视频高清在线观看| 色老头精品视频在线观看| 一个人观看的视频www高清免费观看| 欧美日韩精品网址| 精品久久久久久久末码| 欧美日韩综合久久久久久 | 噜噜噜噜噜久久久久久91| 亚洲午夜理论影院| 18禁在线播放成人免费| 99国产精品一区二区三区| 亚洲狠狠婷婷综合久久图片| 在线观看舔阴道视频| 欧美zozozo另类| 小说图片视频综合网站| 99riav亚洲国产免费| 九九在线视频观看精品| av视频在线观看入口| 精品不卡国产一区二区三区| 日韩高清综合在线| 亚洲人成网站在线播放欧美日韩| www.www免费av| 国产午夜福利久久久久久| 中国美女看黄片| 精品国产超薄肉色丝袜足j| 午夜精品久久久久久毛片777| 国产一区二区三区视频了| 久久久久九九精品影院| 动漫黄色视频在线观看| 久久九九热精品免费| 悠悠久久av| 三级毛片av免费| 村上凉子中文字幕在线| 国产成人av教育| 日本与韩国留学比较| 成熟少妇高潮喷水视频| 欧美黄色片欧美黄色片| 人人妻人人看人人澡| 亚洲黑人精品在线| 又紧又爽又黄一区二区| 久久九九热精品免费| 亚洲中文字幕日韩| 可以在线观看的亚洲视频| 久久国产乱子伦精品免费另类| 欧洲精品卡2卡3卡4卡5卡区| 美女高潮喷水抽搐中文字幕| 小蜜桃在线观看免费完整版高清| 69人妻影院| 国产精品亚洲一级av第二区| 久久久色成人| 午夜福利在线在线| 亚洲欧美精品综合久久99| 午夜免费观看网址| 国产伦精品一区二区三区四那| 男女之事视频高清在线观看| h日本视频在线播放| a在线观看视频网站| 波多野结衣高清无吗| 精品午夜福利视频在线观看一区| 18禁黄网站禁片免费观看直播| 国产69精品久久久久777片| 久久人人精品亚洲av| 国产日本99.免费观看| 嫩草影视91久久| e午夜精品久久久久久久| 人人妻人人澡欧美一区二区| 欧美3d第一页| 九九久久精品国产亚洲av麻豆| 国产探花在线观看一区二区| 亚洲av一区综合| 全区人妻精品视频| 国产成人aa在线观看| 亚洲精品日韩av片在线观看 | 夜夜躁狠狠躁天天躁| 一进一出好大好爽视频| 99热这里只有精品一区| 美女免费视频网站| 久久久国产成人精品二区| 神马国产精品三级电影在线观看| 欧美成狂野欧美在线观看| 精品不卡国产一区二区三区| 久久6这里有精品| 天天一区二区日本电影三级| 免费看美女性在线毛片视频| 看黄色毛片网站| 99在线人妻在线中文字幕|