AU2020103901A4 - Image Semantic Segmentation Method Based on Deep Full Convolutional Network and Conditional Random Field - Google Patents

Image Semantic Segmentation Method Based on Deep Full Convolutional Network and Conditional Random Field Download PDF

Info

Publication number
AU2020103901A4
AU2020103901A4 AU2020103901A AU2020103901A AU2020103901A4 AU 2020103901 A4 AU2020103901 A4 AU 2020103901A4 AU 2020103901 A AU2020103901 A AU 2020103901A AU 2020103901 A AU2020103901 A AU 2020103901A AU 2020103901 A4 AU2020103901 A4 AU 2020103901A4
Authority
AU
Australia
Prior art keywords
convolution
layer
pixel
image
convolutional
Prior art date
Legal status (The legal status is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the status listed.)
Active
Application number
AU2020103901A
Inventor
Shaoguo Cui
Yan Wei
Current Assignee (The listed assignees may be inaccurate. Google has not performed a legal analysis and makes no representation or warranty as to the accuracy of the list.)
Chongqing Normal University
Original Assignee
Chongqing Normal University
Priority date (The priority date is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the date listed.)
Filing date
Publication date
Application filed by Chongqing Normal University filed Critical Chongqing Normal University
Priority to AU2020103901A priority Critical patent/AU2020103901A4/en
Application granted granted Critical
Publication of AU2020103901A4 publication Critical patent/AU2020103901A4/en
Active legal-status Critical Current
Anticipated expiration legal-status Critical

Links

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T7/00Image analysis
    • G06T7/10Segmentation; Edge detection
    • G06T7/11Region-based segmentation
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/24Classification techniques
    • G06F18/245Classification techniques relating to the decision surface
    • G06F18/2453Classification techniques relating to the decision surface non-linear, e.g. polynomial classifier
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/08Learning methods
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T2207/00Indexing scheme for image analysis or image enhancement
    • G06T2207/20Special algorithmic details
    • G06T2207/20081Training; Learning
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T2207/00Indexing scheme for image analysis or image enhancement
    • G06T2207/20Special algorithmic details
    • G06T2207/20084Artificial neural networks [ANN]

Abstract

The invention provides an image semantic segmentation method based on deep full convolutional network and conditional random field (CRF), which comprises the following steps: construction deep full convolutional semantic segmentation network model; structured prediction of pixel label based on fully connected CRF; model training, parametric learning, and image semantic segmentation. In the omvention, dilated convolution and spatial pyramid pooling modules are introduced in deep full convolutional networks, and CRF is used to further modify the label prediction map produced by the deep full convolution network. The dilated convolution expands the receptive field, while ensuring that the resolution of the feature image remains the same. In the spatial pyramid pooling module, the contextual features of different scale regions are extracted from the convolutional local feature map, and the correlation between different objects and the relationship between object and their different scale region features are provided for label prediction. Finally, the fully connected CRF further optimizes the pixel label according to the feature similarity of pixel intensity and position to generate a semantic segmentation map with the features of high resolution, accurate boundary and good spatial continuity. -1/3 Deep full convolutional semantic segmentation Fully connected CRF Regional--------- - feature atII Itrio Feature Space pyramid different PIeai I scales reasoning of extraction P pooling module Feature concatenation classification approximate module prediction M probability of UT module CD mean field Convolution local feature Figure. 1

Description

-1/3
Deep full convolutional semantic segmentation Fully connected CRF
Regional--------- - feature atII Itrio Feature Space pyramid different PIeai I scales reasoning of extraction P pooling module Feature concatenation classification approximate module prediction M probability of UT module CD mean field
Convolution local feature
Figure. 1
Image Semantic Segmentation Method Based on Deep Full Convolutional
Network and Conditional Random Field
TECHNICAL FIELD
The invention relates to the technical field of image understanding, in particular to an
image semantic segmentation method based on deep full convolutional network and
conditional random field (CRF).
BACKGROUND
Image semantic segmentation is to label image pixels according to their semantics to
form different segmentation areas. Semantic segmentation is a crucial technology of
image understanding, which plays a pivotal role in street scene recognition and
understanding of the automatic driving systems, the landing site judgment of
Unmanned Aerial Vehicle (UAV), and lesion recognition and position in medical
images.
The emergence of deep learning technology has significantly improved the
performance of the semantic segmentation of image compared with traditional
methods. Using deep convolutional neural networks to perform supervised learning on
large data sets is the current mainstream method of semantic segmentation of image.
In this method, the image to be segmented is input, the continuous convolution and
down-sampling operations are used to extract image features step by step, and then
the final features is used to classify image pixels. However, the continuous
convolution and down-sampling operations in the method of semantic segmentation
of image based on deep learning technology will continuously reduce the feature map,
and the position detail information will be continuously lost, resulting in low
resolution of the segmentation map, difficulty in positioning the segmentation
boundary, and rough segmentation map. In addition, in the pixel classification method based on the deep convolutional network, the prediction of each pixel label is performed independently. When there is a lack of the prior knowledge and structural constraint, pixels with similar features are not encouraged to generate the same classification label, and isolated misclassification regions may be generated easily. Beyond that, when there are many categories of semantic segmentation, due to the lack of context relations between the different objects and between the object and the background, objects with similar appearances may be confused easily during classification. So the smaller objects are difficult to discover, and the larger objects result in discontinuous prediction when they are beyond the receptive field.
SUMMARY
In view of the problems of the existing methods, the invention provides a semantic segmentation method of image based on deep full convolutional networks and CRF. In the omvention, dilated convolution and spatial pyramid pooling modules are introduced in deep full convolutional networks, and CRF is used to further modify the label prediction map produced by the deep full convolution network.The dilated convolution expands the receptive field, while ensuring that the resolution of the feature image remains the same.. In the spatial pyramid pooling module, the contextual features of different scale regions are extracted from the convolutional local feature map, and the correlation between different objects and the relationship between object and their different scale region features are provided for label prediction. The fully connected CRF further optimizes the pixel label according to the feature similarity of the pixel intensity and position to generate a semantic segmentation map with the characteristics of high resolution, accurate boundary and good spatial continuity.
The invention adopts the following technical scheme to solve the above technical problems.
The invention relates to an image semantic segmentation method based on deep full convolutional network and conditional random field (CRF), which comprises the following steps:
Si. Construction of deep full convolutional semantic segmentation network
model.
S11. The deep full convolutional semantic segmentation network model consists
of a feature extraction module, a pyramid pooling module and a pixel label prediction
module. The recited feature extraction module extracts local features of the image by
performing convolution, maximum pooling and dilated convolution operations on the
input image; the recited pyramid pooling module performs spatial pooling of different
scales on the convolutional local features to extract the context features at different
scales; and the recited pixel label prediction module utilizes the convolutional local
features and combines the regional context features at different scale to predict the
pixel categories;
S12. The recited feature extraction module comprises the first to the fifth
convolutional layer groups, the first to the third maximum pooling layers, the first
dilated convolutional layer and the second dilated convolutional layer. The recited
first maximum pooling layer is located after the first convolutional layer group. The
recited second maximum pooling layer is located after the second convolutional layer
group, and the recited third maximum pooling layer is located after the third
convolutional layer group. The recited first dilated convolutional layer is located after
the fourth convolutional layer group, and the recited second dilated convolutional
layer is located after the fifth convolutional layer group. The recited pyramid pooling
module first use N types of different container sizes to perform N-level average
pooling on the convolutional local features output by the second dilated convolutional
layer to obtain N types of low-resolution regional context features at different scales.
And then, N types of regional context features at different scales are convoluted
respectively, and the output channel number is 1/N of the number of original feature
channel. After that, N types of low-resolution regional context features at different
scales are up sampled to the size of the original feature image. The recited pixel label prediction module comprises a first feature projection layer, a second feature projection layer, a category prediction layer and a Softmax probability conversion layer which are sequentially arranged. The recited pixel label prediction module first connects and fuses the convolutional local features and N types of up-sampled regional context features at different scales, uses the features after fusion to predict the pixel classification label, and then uses the Softmax probability conversion layer to convert the pixel classification label prediction score into pixel classification label prediction probability distribution;
S2. Structured prediction of pixel label based on a fully connected CRF: the fully
connected CRF is used to postprocess pixel classification label which is output by a
deep full convolutional semantic segmentation network to remove misclassified
isolated pixels or regions, optimize pixel labels near the boundary of a complex object,
and allow output segmentation map to have good spatial consistency and precise
boundary, which specifically comprises:
S21. The mutual relations between the variable probabilities of any two pixel
labels are modeled by using the fully connected CRF;
S22. The following Gibbs energy function is used for the fully connected CRF
model:
E(x)= Vy (xi) + I ,P(xi,,xj) i i,i,i<i
Where, x is a pixel classification label variable, xi and Xj are the labels
corresponding to the i t pixel and the j pixel respectively, V, is a univariate
potential function and V, is a pairwise potential function;
S23. The pixel classification label probability is modeled by using an iterative
reasoning algorithm of mean approximate probability of field, and an optimized pixel
classification label prediction probability distribution map is outputted.
S3. Model training and parameter learning;
S31. The parameters of the segmentation network model is initialized by using a
Xavier method;
S32. After expanding the training data, the training data will be divided into
training set, validation set and test set according to the ratio of 5:1:1, and the six-fold
cross-validation method is used to train the segmentation network model;
S33. The RGB image to be segmented is inputted as three channels into a deep
full convolutional semantic segmentation network, and a pixel classification label
prediction probability distribution is generated. The prediction loss is calculated by
using the label prediction probability and the segmentation label, and specifically a
classified cross entropy loss function is used as the objective function. The definition
is as follows:
1B S C L()= x jl log() 1I S B 1
Where, Y is the probability vector of segmentation label, Y is the label
prediction probability vector, C is the number of pixel classifications, S is the
number of image pixels, log(.) is the natural logarithm and B is the batch size;
S34. The stochastic gradient descent algorithm is used to optimize the objective
function, and the reverse propagation algorithm of error is used to update the
parameters of the deep full convolutional semantic segmentation network model. The
specific optimization process is as follows:
g, =V ,_ 1 L(O,_,)
v, = p*v,-r g,
Ot =0,1 +V,
Where, the subscript t is the number of iterations, 0 is a network model
parameter, L(0O,_) is a loss function when using 6,_I as a network parameter, g, v, and P are a gradient, a momentum and a momentum coefficient respectively, and t1 is a learning rate;
S4. Semantic segmentation of image:
S41. The RGB image to be segmented is inputted as three channels into a deep
full convolutional semantic segmentation network to carry out forward calculation;
S42.The convolutional local feature image of the image is outted through
convolution, maximum pooling and dilated convolution operations by the feature
extraction module;
S43. The convolutional local feature image is inputted into the pyramid pooling
module to generate regional context feature images at different scales;
S44. The convolutional local feature image to the regional context feature images
at different scales are connected, and the pixel label prediction module is inputted;
S45. The pixel label prediction module first performs convolution fusion on the
convolutional local features and the regional context features at different scales, and
then predicts the pixel classification by using the fusion features. After that, a pixel
classification label prediction probability distribution map is output;
S46. The label prediction probability distribution map of pixel classification
output by the deep full convolutional semantic segmentation network is inputted into
a fully connected CRF, the pixel classification label prediction probability distribution
of according to the intensity between pixels and the similarity of position features is
optimized, and the structured pixel classification label prediction probability
distribution map is outputted;
S47. The subscript of the maximum probability component in each pixel
probability distribution vector is taken as a pixel classification label to obtain a final
semantic segmentation image.
Furthermore, in Step S12, each convolutional layer group is composed of two convolutional layers, the size of convolution kernel of each convolution layer is 3x3, and the step length is 1. The number of convolution kernels of the first to fifth convolutional layer groups is 64, 128, 256, 512 and 1,024 in sequence; the pool kernel size of each maximum pool layer is 2x2, and the step length is 2; and the convolution kernel size of each dilated convolutional layer is 3x3, and the step size is 1. The dilated factors of the first and the second dilated convolutional layer are 2 and 4 respectively; the number of pyramid pooling stages in the pyramid pooling module is
4, the average size of 4- levels of average pooling containers is 1x1, 2x2, 4x4 and 8x8,
respectively, the size of convolution kernel in each stage is 1x1, the step length is 1,
and the number of convolution kernels in each stage is 256; and the size of
convolution kernel in each feature projection layer is 1x1, and the step length is 1.
The number of convolution kernels in the first and the second feature projection layer
are 1,024 and 512 respectively; and the size of convolution kernel of the category
prediction layer is 1x1, the step length is 1, and the number of convolution kernels is
32.
Furthermore, in Step S12, the dilated convolution of the first and the second
dilated convolution layer are calculated by using the following formula:
M N
Z(i,j) Y X(i+ r x m, j+ r x n)@ W(m,n) m=1 n=1
Where, (i, j) is theith lineand "thcolumn, W is the convolution kernel,
X is the input channel, Z is the convolution output image, (M, N) is the number
of convolution kernel dimensions, @ is the convolution operation, and r is the
dilated factor.
Furthermore, the output feature image Zr corresponding to any dilated
convolution kernel in the dilated convolution is calculated by using the following
formula:
Z,(i, j)= X,(i + r x m,j + r x n)@ W,,n) k=1 m=1 n=1
Where, 1 is the dilated convolution kernel number, K is the number of input
channels, and (M, N) is the number of dimensions of the convolution kernel.
Furthermore, Step S12 also comprises the batch standardization operation of
output feature image generated by the convolution layer, dilated convolution layer and
feature projection layer.
Furthermore, the LReLU function is used as an activation function in the recited
deep full convolutional semantic segmentation network, which is used for carrying
out non-linear transformation on each value in the feature image after batch
standardization, and the recited LReLU function is defined as follows:
f(z)= max(O, z)+a min(O, z)
Where, f(z) is a nonlinear excitation unit function, max (.) function is to find a
maximum value, min(.) function is to find a minimum value, z is an input value,
and a is a Leaky parameter.
Furthermore, in Step S12, the Softmax function is defined as follows:
Y = soft max(0,)= cexp(O) exp(o')
Where, 0, is a prediction score of a certain pixel in the i* classification,}Y
is the prediction probability of a pixel on the i th classification, C is the number of
pixel classifications, and exp(.) is an exponential function with natural constant e as
base.
Furthermore, in Step S22, the univariate potential function J is defined as
follows:
V.(x,) = -log P(x1
) Where, P(xi) is the label prediction probability of the classification label of the
ith pixel output by the deep full convolutional semantic segmentation network, and
log(.) is the natural logarithm;
The pairwise potential function V, is defined as follows:
2 2 2
x_)=M _xXmexp(-)+m 2 exp(-
) 20 2a 20,
2 2
Where, exp(- - ) is an external Gauss kernel, 2c, 2
exp(- ) is a smooth Gauss kernel, P(x,xj) is a label compatibility 20>
function, P(xi,xj)=[x,#x 1 ]. pi and P are the corresponding positions of the
i th and i tf pixel, I, and 17 are the corresponding intensities of the i th and i th
pixel, a, Up and 0, are Gauss kernel parameters, and Ci and 02 are relative
intensity of the two Gauss kernels.
Furthermore, in Step S33, the final objective function obtained is as follows by
adding Li and L2 regularization term into loss function:
L(6) = 1B x B SCQQ lI og(Y,,) + -1 6+2 S x Bk1 i1 j1 Q =1 Q i=1
Where, 21 and A2 are the regularization factors of Li and L 2 , O6 is the
parameter of the segmented network, and Q is the number of parameters of O6.
Furthermore, in Step 34, the linear attenuation of learning rate is introduced, and
the learning rate is attenuated according to the following rule:
77, =1-)x 77o +-x 77,
Where, q, is the learning rate used by the th iteration, 70 is the starting
learning rate, 7, is the final learning rate and r is the total number of iterations.
Compared with the existing technique, the image semantic segmentation method
based on deep full convolutional network and CRF provided by the invention have the
following advantages:
1. By using dilated convolution, the number of dimensions of the feature image
will not be reduced while the neuron receptive field is enlarged, and the resolution of
the feature image is improved, so that the final segmentation image has a high
resolution;
2. The pyramid pooling module extracts regional context features at different
scales from the convolutional local feature image. These features are taken as priori
knowledge to predict the pixel classification with the local features generated by the
deep full convolutional network, which is equivalent to fully considering the
relationship between different objects and the interrelationship between the objects
and the background during the pixel prediction, so that the prediction error rate of the
pixel classification can be obviously reduced;
3. The fully connected CRF utilizes pixel intensity and pixel position features,
and the same label shall be allocated to pixels with similar positions and similar
features, which can remove isolated segmentation areas, so that the segmentation
image has good appearance and spatial consistency;
4. By the combination of the multi-level pyramid pooling technology and the
fully connected CRF, the fine grain boundary of the complex object can be segmented,
so that the regional boundary of semantic segmentation image could be more
accurate;
5. The segmentation of the small-size object can be realized, and continuous label prediction can be generated when the large-size object exceeds the receptive field.
BRIEF DESCRIPTION OF THE FIGURES
Figure 1 is a schematic flow diagram of an image semantic segmentation method based on deep full convolutional network and CRF provided by the present invention.
Figure 2 is a schematic diagram of the feature extraction network structure provided by the present invention.
Figure 3 is a schematic diagram of the multi-scale regional feature extraction module based on multi-level pyramid pooling provided by the present invention.
DESCRIPTION OF THE INVENTION
In order to make the technical means, creative features, achieved objectives and efficacy of the invention easy to understand, the present invention will be further described with reference to the specific drawings and preferred embodiments.
Please refer to Figure 1 to 3. The invention provides an image semantic segmentation method based on deep full convolutional network and CRF, which comprises the following steps:
Si. Construction of deep full convolutional semantic segmentation network model.
S11. The deep full convolutional semantic segmentation network model comprises a feature extraction module, a pyramid pooling module and a pixel label prediction module. The recited feature extraction module extracts local features of the image by performing convolution, maximum pooling and dilated convolution operations on the input image; the recited pyramid pooling module pools the convolution local features at different scales to extract the regional context features at different scales; and the recited pixel label prediction module uses the convolutional local features and combines the regional context features at different scales to predict pixel classifications.
S12. The recited feature extraction module comprises the first to the fifth convolutional layer groups, the first to the third maximum pooling layers, the first dilated convolutional layer and the second dilated convolutional layer. the recited first maximum pooling layer is located after the first convolutional layer group, the recited second maximum pooling layer is located after the second convolutional layer group, the recited third maximum pooling layer is located after the third convolutional layer group, the recited first dilated convolutional layer is located after the fourth convolutional layer group, and the recited second dilated convolutional layer is located after the fifth convolutional layer group. That is, each convolutional layer group is followed by a maximum pooling layer or dilated convolutional layer. In order to ensure that the size of the feature image after convolution is the same as it before Convolution, set Padding as 1 in the convolution process. That is, fill the surrounding image with a value of 0 during convolution. The recited pyramid pooling module first uses N types of different container sizes (bin size) to perform N-level average pooling on the convolutional local features output by the second dilated convolutional layer to obtain N types of low-resolution regional context features at different scales. After that, N types of regional context features at different scales are convolved separately, the number of output channels is 1/N of the number of original feature channel, and then N types of regional context features at different scales are up-sampled to the size of the original feature image. The recited pixel label prediction module comprises a first feature projection layer, a second feature projection layer, a classification prediction layer and a Softmax probability conversion layer which are sequentially arranged. The recited pixel label prediction module first connects and fuses the convolutional local features and N types of up-sampled regional context features at different scales, predicts a pixel classification label by using the features after fusion, and then converts a pixel classification label prediction score value into a pixel classification label prediction probability distribution by using the Softmax probability conversion layer;
As a specific embodiment, the detailed structure of the recited deep full
convolutional semantic segmentation network model is shown as Table 1 below,
wherein the 480x480 input image is taken as an example for illustration in Table 1. Of
course, the size of the input image can be any other size:
Table 1 Parameter Table of Deep Full Convolutional Semantic Segmentation
Network Model (Padding=1) Convolution Container Convolution Step Dilated No. Layer name kernel Input Output size kernel size length factor number Convolution 1 Layer - 3x3 1 64 480x480x3 480x480x64 1_l+BN+LReLU Convolution 2 Layer - 3x3 1 64 480x480x64 480x480x64 1_2+BN+LReLU Maximum 3 - 2x2 2 - 480x480x64 240x240x64 Pooling Layer 1 Convolution 4 Layer - 3x3 1 128 240x240x64 240x240x128 2_1+BN+LReLU Convolution Layer - 3x3 1 128 240x240x128 240x240x128 2_2+BN+LReLU Maximum 6 - 2x2 2 - 240x240x128 120x120x128 Pooling Layer 2 Convolution 7 Layer - 3x3 1 256 120x120x128 120x120x256 3_1+BN+LReLU Convolution 8 Layer - 3x3 1 256 120x120x256 120x120x256 3_2+BN+LReLU Maximum 9 - 2x2 2 - 120x120x256 60x60x256 Pooling Layer 3 Convolution Layer - 3x3 1 512 60x60x256 60x60x512 4_1+BN+LReLU 11 Convolutiol - 3x3 1 512 60x60x512 60x60x512 -
Layer 4_2+BN+LReLU Dilated 12 Convolution 1 - 3x3 1 512 60x60x512 60x60x512 2 +BN+LReLU
Convolution 13 Layer - 3x3 1 1024 60x60x512 60x60x1024 5_1+BN+LReLU
Convolution 14 Layer - 3x3 1 1024 60x60x1024 60x60x1024 5_2+BN+LReLU Dilated Convolution 2 - 3x3 1 1024 60x60x1024 60x60x1024 4 +BN+LReLU
1x1 lx1 1 256
16 Pyramid 4-scale 2x2 lx1 1 256 60x60x1024 60x60x2048 pooling 4x4 lx1 1 256 8x8 1xi 1 256
Feature
17 Projection Layer - lx1 1 1024 60x60x2048 60x60x1024 1+BN+LReLU
Feature 18 Projection Layer - lxl 1 512 60x60x1024 60x60x512 2+BN+LReLU
Classification 19 Prediction 1x1 1 32 60x60x512 60x60x32 Layer+Softmax
As can be drawn from Table 1, in Step S12, each convolution layer group
consists of two convolutional layers, the size of each convolution kernel of each
convolution layer is 3x3, and the step size is 1. The number of convolution kernels of
the first to the fifth convolution layer groups is 64, 128, 256, 512 and 1,024 in
sequence; the pool kernel size of each maximum pooling layer is 2x2, and the step
length is 2; and the convolution kernel size of each dilated convolution layer is 3x3,
and the step length is 1. The dilated factors of the first dilated convolution layer and
the second dilated convolution layer are 2 and 4 respectively; the number of pyramid
pooling stages in the pyramid pooling module is 4 and the average size of 4 levels of
average pooling containers are 1x1, 2x2, 4x4 and 8x8, respectively. Through 4-level
average pooling, the original feature map can be averagely divided into 1, 4, 16 and
64 parts, the average value is obtained in each part to replace the original feature
value, and 4 types of regional context features are obtained. For each level,
convolution kernels with a size of lx 1, a step length of 1, and a number of 256 are used for convolution. Then, the size of the original feature image is obtained by
up-sampling; finally, through a pixel label prediction module, the convolutional local
features and the 4 types of up-sampled regional context features at different scales are
connected (Concatenation) and fused; the size of the convolution kernel of each
feature projection layer is 1 X1 and the step length is 1; the number of convolution
kernels of the recited first feature projection layer and the second feature projection
layer are 1,024 and 512 respectively; and the size of the convolution kernel of the
recited class prediction layer is 1 X 1, the step length is 1, the number of the
convolution kernels is 32, and 32 represents the number of classifications of the
semantic label output of pixel. Of course, the number of pyramid pooling stages, the
size of each level of containers, and the number of classifications of semantic label
output of pixel are not limited to the aforementioned parameter settings, and can also
be determined according to actual conditions.
As a specific embodiment, the computing operation of the deep full
convolutional semantic segmentation network model comprises:
(1) Dilated convolution:
The dilated convolution is to up-sample (dilation) the convolution kernel. The
weight of the original position of the convolution kernel remains unchanged, while the
middle position is supplemented with 0. The dilated convolution can improve the
receptive field by using different dilated factors to obtain the regional context features
at different scales, but does not increase the network parameters and the calculation
amount. Compared with the maximum pooling operation, it does not lead to the
reduction of the resolution of the feature image. Specifically, in Step S12, the dilated
convolution of the first dilated convolution layer and the second dilated convolution
layer are calculated by using the following formula:
Z(ij)= YX(i+rx m,j+rx n)@ W(m,n) (1)
Where, (i, j) is the ith line and J th column, W is the convolution kernel,
X is the input channel, Z is the convolution output image, (M, N) is the number
of convolution kernel dimensions, 0 is the convolution operation, and r is the
dilated factor. When r =1, it is equivalent to ordinary convolution.
Where, the output feature image Z, corresponding to any dilated convolution
kernel in the recited dilated convolution is calculated by using the following formula:
Z,(i,j)= EX,(i+rxm,j+rxn)0W(m,n) (2) k=1 m=1 n=1
Where, / is the number of dilated convolution kernel, K is the number of input
channels, and (M, N) is the number of convolution kernel dimensions.
(2) Batch standardization:
In order to make the input of each layer have a stable distribution and the
activation function to be distributed in a linear interval, thereby resulting in a greater
gradient to accelerate convergence. in Step S12, batch normalization (BN) operation
on the output feature image generated by the convolutional layer, the dilated
convolutional layer, and the signature projection layer is performed. namly, normalizing the output image generated by the convolution and the dilated
convolution, subtracting the average value, and dividing by the standard deviation.
(3) Nonlinear excitation LReLU:
The recited deep full convolutional semantic segmentation network uses an
LReLU (Leaky Rectifier Linear Units) function as an activation function for carrying
out non-linear transformation on each value in the feature image after batch
standardization, and the recited LReLU function is defined as follows: f(z)= max(0, z)+a min(0, z) (3)
Where, f(z) is a nonlinear excitation unit function, max (.) function is to find a
maximum value, min(.) function is to find a minimum value, z is an input value, a
is a Leaky parameter, and a = 0.3.
(4) Classification function Softmax:
The Softmax function is used to convert the prediction score of pixel
classification label output by the split network into a prediction probability
distribution of pixel classification label, and the Softmax function used is defined as
follows:
),=soft max(0,)= exp(Oi) C(4
exp(o,)
Where, 0, is a prediction score of a pixel on the i th classification, g is the
prediction probability of a pixel on the i th classification, C is the number of pixel
classifications, C = 32 , and exp(.) is an exponential function with natural
constant e as base.
S2. The structured prediction of pixel label based on a fully connected CRF: the
fully connected CRF is used to postprocess pixel classification label which is output
by a deep full convolutional semantic segmentation network to remove misclassified
isolated pixels or regions, optimize pixel labels near the boundary of a complex object,
and allow output segmentation map to have good spatial consistency and precise
boundary, which specifically comprises:
S21. The mutual relations between the variable probabilities of any two pixel
labels are modeled by using the fully connected CRF, and specifically, using
undirected graphical model of probability well known in this field to model the
prediction probability of the pixel classification label;
S22. The following Gibbs energy function is used for the fully connected CRF
model
E(x)= V/ (x,) + IV, (x,, xj) (5) i i,j,i<j
Where, x is a pixel classification label variable, xi and X; are the labels
corresponding to the i ' pixel and the jth pixel respectively, q, is a univariate
potential function and V, is a pairwise potential function;
In Gibbs energy function, q, is a unitary potential function, which is defined as
follows:
V"((x) = -log P(xi) (6)
Where, P(xi) is the prediction probability of classification label of the ith
pixel output by the deep full convolutional semantic segmentation network, and
log(.) is the natural logarithm;
In the Gibbs energy function, V, is a pairwise potential function, which is
defined as follows:
2 2 2
V, i, xj)=#P , xj)[oi exp(- - _2 exp(- )] (7) 20 2o-, 20
2 2 pi-pi I-I Where, exp(- - is an external Gauss kernel, 20T 20 |||2
exp(- ) is a smooth Gauss kernel, P(xi,x;) is a label compatibility
function, p(xi,x)=[x # x], p, and Pj are the corresponding positions of the i
th and i * pixel, Iand I, are the corresponding intensities of the i th pixel and
the j th pixel (or RGB color values), o7 , 0-p and 0-, are Gauss kernel parameters, and 0i and 02 are relative intensity of the two Gauss kernels; the appearance
Gaussian kernel is related to the pixel position and intensity, forcing the same label to
be assigned to pixels with similar positions and intensities; the smooth Gaussian
kernel is only related to pixel positions, smoothing local pixel boundaries and
removing the abnormal classification points or regions; the function of the label
compatibility function is to punish only when the i th and the j Ith pixel have
different labels; and specifically, the grid search method well known in this field can
be used to obtain 1 ,o and op. m2 =1 and O,=1;
S23. The pixel classification label probability is calculated by using an iterative
reasoning algorithm of mean approximate probability of field well-known in this field,
and an optimized pixel classification label prediction probability distribution map is
outputted ;
S3. Model training and parameter learning:
S31. The parameters of segmentation network model initialized by using a
Xavier method;
S32. The training data samples acquired , and the training data samples is
augmented by using a data augmentation technology of horizontal flip, vertical flip,
cutting after being zoomed out, rotation of 45, rotation of 90, rotation of 135°,
rotation of 180, rotation of 225, rotation of 270° and rotation of 315° to increase the
number of training data samples to be 10 times of the original number of data samples;
and then the training data classified into a training set, a validation set and a test set
according to the ratio of 5:1:1, and the segmentation network model is trained by
using a six-fold cross-validation method;
S33. The RGB image to be segmented is inputted as three channels into a deep
full convolutional semantic segmentation network, a pixel classification prediction
probability distribution is generated , a prediction loss is calculated by using the label
prediction probability and the segmentation label, and specifically using a classified cross entropy loss function as an objective function. The definition is as follows:
B S C 1 L()= x B log( ) (8) S k=1 1 1=
' Where, Y is the probability vector of segmentation label, Y is the label
prediction probability vector, C is the number of pixel classifications, S is the
number of image pixels, log(.) is the natural logarithm and B is the batch size, i.e.,
the number of samples used in each iteration during the random gradient descent
iteration. Assume that C = 32, S = 480x 480 = 230400 and B = 16;
To prevent overfitting, a regularization term including L, and L 2 is added to
the loss function shown in Equation (8), resulting in the final target function as
follows:
1 B SC Q Q L(O)= x B log(y.)+_J0 i+ 0i 21 9 Sx k1 i1 1= Q =1 Q =1
Where, A and A2 are the regularization factors of Li and L 2 , 4 and A2
are both set as 0.1, O, is the parameter of the segmented network, and Q is the
number of parameters of 0,.
S34. The stochastic gradient descent algorithm is used to optimize the objective
function and use the reverse propagation algorithm to update the parameters of the deep full convolutional semantic segmentation network model. The specific optimization process is as follows:
g, = V,_1L(0,_) (10)
v,=P*v, 1 -r ,g, (11)
t,= 0,_I+ v, (12)
Where, the subscript t is the number of iterations, 0 is a network model
parameter, L(O,-) is a loss function when using 0,_, as a network parameter,
g, v, and P are a gradient, a momentum and a momentum coefficient respectively,
q is a learning rate; and setting p = 0.9, and setting the initial learning rate as 10-;
In order to suppress the gradient noise caused by the random gradient descent and ensure the model convergence, the linear attenuation of learning rate 1 is introduced in Step S34, and the learning rate is attenuated according to the following rule:
77, = - )x 77o+ -x 77, (13)
Where, 7, is the learning rate used by the t * iteration, 7o is the starting
learning rate, q, is the final learning rate and r is the total number of iterations.
Assumethat 7,=770/1000 and r=100000.
S4. Semantic segmentation of image:
S41. The RGB image to be segmented is inputted as three channels into a deep full convolutional semantic segmentation network to carry out forward calculation;
S42. The convolutional local feature image of the image is outted through convolution, maximum pooling and dilated convolution operations by the feature extraction module;
S43. The convolutional local feature image is inputted into the pyramid pooling module to generate regional context feature images at different scales;;
S44. The convolutional local feature image to the regional context feature images at different scales are connected, and the pixel label prediction module is inputted;
S45. The pixel label prediction module first performs convolution fusion on the convolutional local features and the regional context features at different scales, and then predicts the pixel classification by utilizing the fusion features. After that, a pixel classification label prediction probability distribution map is output;
S46. The label prediction probability distribution map of pixel classification output by the deep full convolutional semantic segmentation network is inputted into a fully connected CRF, the pixel classification label prediction probability distribution of according to the intensity between pixels and the similarity of position features is optimized, and the structured pixel classification label prediction probability distribution map is outputted;
S47. The subscript of the maximum probability component in each pixel probability distribution vector is taken as a pixel classification label to obtain a final semantic segmentation image..
Compared with the existing technique, the image semantic segmentation method based on deep full convolutional network and CRF provided by the invention have the following advantages:
1. By using dilated convolution, the number of dimensions of the feature image will not be reduced while the neuron receptive field is enlarged, and the resolution of the feature image is improved, so that the final segmentation image has a high resolution;
2. The pyramid pooling module extracts regional context features at different scales from the convolutional local feature image, and the features are taken as priori knowledge to predict the pixel classification with the local features generated by the deep full convolutional network, which is equivalent to fully considering the relationship between different objects and the interrelationship between the objects and the background during the pixel prediction, so that the prediction error rate of the pixel classification can be obviously reduced;
3. The fully connected CRF utilizes pixel intensity and pixel position features, and the same label shall be allocated to pixels with similar positions and similar features, which can remove isolated segmentation areas, so that the segmentation image has good appearance and spatial consistency;
4. By the combination of the multi-level pyramid pooling technology and the
fully connected condition random field, the fine grain boundary of the complex object
can be segmented, so that the regional boundary of semantic segmentation image is
more accurate;
5. The segmentation of the small-size object can be realized, and continuous
label prediction can be generated when the large-size object exceeds the receptive
field.
Finally, it is to be noted that the above-mentioned embodiments are only used to
illustrate rather than limit the technical solutions of the invention. Although the
invention has been described in detail with reference to preferred embodiments
thereof, those skilled in the field should understand that the technical solution of the
present invention can be modified or equivalently replaced without departing from the
purpose and scope of the technical solution of the invention, and all of them shall be
covered by the scope of the claims of the present invention..

Claims (10)

Claims
1. An image semantic segmentation method based on deep full convolutional
network and CRF, which is characterized by comprising the following steps:
S. Construction of deep full convolutional semantic segmentation network
model.
S11. The deep full convolutional semantic segmentation network model
comprises a feature extraction module, a pyramid pooling module and a pixel label
prediction module. The recited feature extraction module extracts local features of the
image by performing convolution, maximum pooling and dilated convolution
operations on the input image; the recited pyramid pooling module pools the
convolution local features at different scales to extract the regional context features at
different scales; and the recited pixel label prediction module uses the convolutional
local features and combines the regional context features at different scales to predict
pixel categories.
S12. The aid feature extraction module comprises the first to the fifth
convolutional layer groups, the first to the third maximum pooling layers, the first
dilated convolutional layer and the second dilated convolutional layer. the recited first
maximum pooling layer is located after the first convolutional layer group, the recited
second maximum pooling layer is located after the second convolutional layer group,
the recited third maximum pooling layer is located after the third convolutional layer
group, the recited first dilated convolutional layer is located after the fourth
convolutional layer group, and the recited second dilated convolutional layer is
located after the fifth convolutional layer group. The recited pyramid pooling module
first uses different container sizes (bin size) to perform N-level average pooling on the
convolutional local features output by the second dilated convolutional layer to obtain
N types of low-resolution regional context features at different scales. And then, N
types of regional context features at different scales are convoluted respectively, and
the output channel number is 1/N of the number of original feature channel. After that,
N types of regional context features at different scales are up-sampled to the size of
the original feature image. The recited pixel label prediction module comprises a first
feature projection layer, a second feature projection layer, a classification prediction
layer and a Softmax probability conversion layer which are sequentially arranged. The
recited pixel label prediction module first connects and fuses the convolutional local
features and the N types of up-sampled regional context features at different scales,
uses the features after fusion to predict the pixel classification label, and then uses the
Softmax probability conversion layer to convert the pixel classification label
prediction score into pixel classification label prediction probability distribution;
S2. Structured prediction of pixel label based on a fully connected CRF: the fully
connected CRF is used to postprocess pixel classification label which is output by a
deep full convolutional semantic segmentation network to remove misclassified
isolated pixels or regions, optimize pixel labels near the boundary of a complex object,
and allow output segmentation map to have good spatial consistency and precise
boundary, which specifically comprises:
S21. The mutual relations between the variable probabilities of any two pixel
labels are modeled by using the fully connected CRF;
S22. The following Gibbs energy function is used for the fully connected CRF
model:
E(x)= Vf,(x,) + Vf ,(x,, xj) i,i,i<j
Where, x is a pixel classification label variable, x and x. are the labels
corresponding to the ith pixel and the jth pixel respectively, V, is a univariate
potential function and /, is a pairwise potential function;
S23. The pixel classification label probability is modeled by using an iterative
reasoning algorithm of mean approximate probability of field, and an optimized pixel classification label prediction probability distribution map is outputted;
S3. Model training and parameter learning:
S31. The parameters of the segmentation network model is initialized by using a
Xavier method;
S32. After expanding the training data, the training data will be divided into training set,
validation set and test set according to the ratio of 5:1:1, and the six-fold cross-validation method
is used to train the segmentation network model;
S33. The RGB image to be segmented is inputted as three channels into a deep
full convolutional semantic segmentation network, and a pixel classification label
prediction probability distribution is generated. The prediction loss is calculated by
using the label prediction probability and the segmentation label, and specifically a
classified cross entropy loss function is used as the objective function.. The definition is
as follows:
1B S C 1 ~~' log(Yl) Sx Bk-i i-I j
Where, Y is the probability vector of segmentation label, Y is the label
prediction probability vector, C is the number of pixel classification, S is the
number of image pixels, log(.) is the natural logarithm and B is the batch size;
S34. The stochastic gradient descent algorithm is used to optimize the objective
function, and the reverse propagation algorithm of error is used to update the
parameters of the deep full convolutional semantic segmentation network model. The
specific optimization process is as follows:
gt = V,_1L(0,,)
v, = P * v,_, - qtg,
O, = 0,_1 + v,
Where, the subscript t is the number of iterations, 0 is a network model
parameter, L(O,_,) is a loss function when using 0,1 as a network parameter,
g, v, and ' are a gradient, a momentum and a momentum coefficient respectively,
and 'l is a learning rate;
S4. Semantic segmentation of image:
The RGB image to be segmented is inputted as three channels into a deep full
convolutional semantic segmentation network to carry out forward calculation;
S42.The convolutional local feature image of the image is outted through
convolution, maximum pooling and dilated convolution operations by the feature
extraction module;
S43. The convolutional local feature image is inputted into the pyramid pooling
module to generate regional context feature images at different scales;
S44. The convolutional local feature image to the regional context feature images
at different scales are connected, and the pixel label prediction module is inputted;
S45. The pixel label prediction module first performs convolution fusion on the
convolution local features and the regional context features at different scales, and
then predicts the pixel classification by using the fusion features. After that, a pixel
classification label prediction probability distribution map is output;
S46. The label prediction probability distribution map of pixel classification
output by the deep full convolutional semantic segmentation network is inputted into
a fully connected CRF, the pixel classification label prediction probability distribution
of according to the intensity between pixels and the similarity of position features is
optimized, and the structured pixel classification label prediction probability
distribution map is outputted;
S47. The subscript of the maximum probability component in each pixel
probability distribution vector is taken as a pixel classification label to obtain a final semantic segmentation image.
2. An image semantic segmentation method based on deep full convolutional
network and CRF according to Claim 1, which is characterized in that in Step S12
each convolution layer group consists of two convolutional layers, the size of each
convolution kernel of each convolution layer is 3x3, and the step size is 1. The
number of convolution kernels of the first to the fifth convolution layer groups is 64,
128, 256, 512 and 1,024 in sequence; the pool kernel size of each maximum pooling
layer is 2x2, and the step length is 2; and the convolution kernel size of each dilated
convolution layer is 3x3, and the step length is 1. The dilated factors of the first
dilated convolution layer and the second dilated convolution layer are 2 and 4
respectively; the number of pyramid pooling stages in the pyramid pooling module is
4 and the average size of 4 levels of average pooling containers are 1x1, 2x2, 4x4 and
8x8, respectively. For each level, convolution kernels with a size of 1 X 1, a step
length of 1, and a number of 256 are used for convolution. The size of the convolution
kernel of each feature projection layer is 1 X 1 and the step length is 1; the number of
convolution kernels of the recited first feature projection layer and the second feature
projection layer are 1,024 and 512 respectively; and the size of the convolution kernel
of the recited class prediction layer is 1 X 1, the step length is 1, the number of the
convolution kernels is 32.
3. An image semantic segmentation method based on deep full convolutional
network and CRF according to Claim 1, which is characterized in that in Step S12 the
dilated convolution of the first dilated convolution layer and the second dilated
convolution layer is calculated by the following formula:
Z(i,j)= YX(i+ r x m, j+ r x n) W(m,n)
Where, (i, j) is the i* line and1 th j column, W is the convolution kernel, X is
the input channel, Z is the convolution output image, (M,N) is the convolution kernel dimension order, @ is the convolution operation, and r is the dilated factor.
4. An image semantic segmentation method based on deep full convolutional
network and CRF according to Claim 3, which is characterized in that the output
feature image Z, corresponding to any dilated convolution kernel in the dilated
convolution is calculated by using the following formula:
K M N Z,(i, j)= X,(i+ r x m, + r x n)0 Wk(m,n) k=1 m=1 n=1
Where, 1 is the dilated convolution kernel number, K is the number of input
channels, and (M, N) is the number of dimensions convolution kernel.
5. An image semantic segmentation method based on deep full convolutional
network and CRF according to Claim 1, which is characterized in that in Step S12
also comprises the batch standardization operation of output feature image generated
by the convolution layer, dilated convolution layer and feature projection layer.
6. An image semantic segmentation method based on deep full convolutional
network and CRF according to Claim 5, which is characterized in that the recited deep
full convolutional semantic segmentation network adopts an LReLU function as an
activation function, which is used for carrying out non-linear transfonnation on each
value in the feature image after batch standardization, and the recited LReLU function
is defined as follows:
f(z)= max(O, z)+ a min(O, z)
Where, f(z) is a nonlinear excitation unit function, max (.) function is to find a
maximum value, min(.) function is to find a minimum value, z is an input value,
and a is a Leaky parameter.
7. An image semantic segmentation method based on deep full convolutional
network and CRF according to Claim 1, which is characterized in that in Step S12 the
Softmax function is defined as follows:
=softmax(O,)= cexp(O) Iexp(o') c=1
Where, Oi is a prediction score of a pixel on the i th classification, Y is the
prediction probability of a pixel on the i th classification, C is the number of pixel
classifications, and exp(.) is an exponential function with natural constant e as base.
8. An image semantic segmentation method based on deep full convolutional
network and CRF according to Claim 1, which is characterized in that in Step S22 the
univariate potential function V/ is defined as follows:
VxO)= -log P(x)
Wherein P(xi) is the label prediction probability of the classification label of
the first pixel output by the deep full convolutional semantic segmentation network,
and log(.) is the natural logarithm;
The pairwise potential function is defined as follows:
2 2 2
W x i~;Xm )M xp(-)+w 2 exp(- )
2 2
Where, exp(- - ' ) is an external Gauss kernel, 2a 2aO 2
exp(- ) is a smooth Gauss kernel, i(xi,x1 ) is a label compatibility 2ar7
function,p(xi,x 1 )=[xi x1 ], p and P are the corresponding positionofthe ith
and j th pixel,I, and IJ are the corresponding intensity of the i th pixel and the
j th pixel, a, a# nd a are Gauss kernel parameters, and o1 and m2 are
relative intensity of the two Gauss kernels.
9. An image semantic segmentation method based on deep full convolutional
network and CRF according to Claim 1, which is characterized in that in Step S33 the
final objection obtained is as follows by adding Li and L2 regularization term into
loss function:
1 B SC Q + Q L (0)= xB , log(,, )+ E + Y, Sx Bk1 1j I Q 1 Q i
Where, A, and 2 are the regularization factors of Li and L2 , O is the
parameter of the segmented network, and Q is the number of parameters of O,.
10. An image semantic segmentation method based on deep full convolutional
network and CRF according to Claim 1, which is characterized in that in Step S34 the
linear attenuation of learning rate is introduced and the learning rate is attenuated
according to the following rule:
t t 77, =(1--)x 7h +-x 7,
Where, 7, is the learning rate used by the th iteration, 70 is the starting
learning rate, 7, is the final learning rate and T is the total number of iterations.
-1/3-
Deep full convolutional semantic segmentation Fully connected CRF
Semantic segmentation image Regional Original image
feature at different Iteration Feature Space pyramid Pixel scales reasoning of extraction pooling module Feature concatenation classification approximate 2020103901
module prediction probability of module mean field
Convolution local feature
Figure. 1
-2/3- Convolution Convolution layer 1_1 layer 1_2 Convolution layer 2_1 Maximum Convolution pooling layer layer 2_2 1 Maximum Convolution Maximum pooling layer Convolution layer 3_2 layer 3_1 pooling layer Convolution Convolution Dilated Convolution Convolution Dilated
Local feature 2 3 layer 4_1 layer 4_2 convolution 1 layer 5_1 layer 5_2 convolution 2 Original image 2020103901
Figure. 2
-3/3-
AU2020103901A 2020-12-04 2020-12-04 Image Semantic Segmentation Method Based on Deep Full Convolutional Network and Conditional Random Field Active AU2020103901A4 (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
AU2020103901A AU2020103901A4 (en) 2020-12-04 2020-12-04 Image Semantic Segmentation Method Based on Deep Full Convolutional Network and Conditional Random Field

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
AU2020103901A AU2020103901A4 (en) 2020-12-04 2020-12-04 Image Semantic Segmentation Method Based on Deep Full Convolutional Network and Conditional Random Field

Publications (1)

Publication Number Publication Date
AU2020103901A4 true AU2020103901A4 (en) 2021-02-11

Family

ID=74502278

Family Applications (1)

Application Number Title Priority Date Filing Date
AU2020103901A Active AU2020103901A4 (en) 2020-12-04 2020-12-04 Image Semantic Segmentation Method Based on Deep Full Convolutional Network and Conditional Random Field

Country Status (1)

Country Link
AU (1) AU2020103901A4 (en)

Cited By (186)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN112785593A (en) * 2021-03-12 2021-05-11 大连民族大学 Brain image segmentation method based on deep learning
CN112818161A (en) * 2021-02-24 2021-05-18 西安博达软件股份有限公司 Method for identifying original image by merging media asset library thumbnail based on deep learning
CN112819096A (en) * 2021-02-26 2021-05-18 西北大学 Method for constructing fossil image classification model based on composite convolutional neural network
CN112861443A (en) * 2021-03-11 2021-05-28 合肥工业大学 Advanced learning fault diagnosis method integrated with priori knowledge
CN112904299A (en) * 2021-03-03 2021-06-04 西安电子科技大学 Radar high-resolution range profile open set target identification method based on deep intra-class division
CN112926482A (en) * 2021-03-10 2021-06-08 辽宁工程技术大学 Road extraction method based on multi-scale residual convolution neural network
CN112967267A (en) * 2021-03-23 2021-06-15 武汉大学 Laser directional energy deposition sputtering counting method of full convolution neural network
CN112991326A (en) * 2021-04-14 2021-06-18 北京铁道工程机电技术研究所股份有限公司 Cleaning quality evaluation method
CN112991352A (en) * 2021-03-04 2021-06-18 扬州微地图地理信息科技有限公司 High-resolution remote sensing image segmentation system based on information tracing
CN112989978A (en) * 2021-03-04 2021-06-18 扬州微地图地理信息科技有限公司 Driving assistance recognition method based on high-precision map
CN113011525A (en) * 2021-04-20 2021-06-22 上海应用技术大学 Dependency decoding-based track slab crack semantic segmentation model
CN113034455A (en) * 2021-03-17 2021-06-25 清华大学深圳国际研究生院 Method for detecting pockmarks of planar object
CN113033572A (en) * 2021-04-23 2021-06-25 上海海事大学 Obstacle segmentation network based on USV and generation method thereof
CN113033411A (en) * 2021-03-26 2021-06-25 北京理工大学 Ground semantic cognition method based on segmentation and attention mechanism
CN113077450A (en) * 2021-04-12 2021-07-06 大连大学 Cherry grading detection method and system based on deep convolutional neural network
CN113095159A (en) * 2021-03-23 2021-07-09 陕西师范大学 Urban road traffic condition analysis method based on CNN
CN113128510A (en) * 2021-03-26 2021-07-16 武汉光谷信息技术股份有限公司 Semantic segmentation method and system
CN113160062A (en) * 2021-05-25 2021-07-23 烟台艾睿光电科技有限公司 Infrared image target detection method, device, equipment and storage medium
CN113159301A (en) * 2021-05-25 2021-07-23 电子科技大学 Image processing method based on binarization quantization model
CN113177965A (en) * 2021-04-09 2021-07-27 上海工程技术大学 Coal rock full-component extraction method based on improved U-net network and application thereof
CN113191390A (en) * 2021-04-01 2021-07-30 华中科技大学 Image classification model construction method, image classification method and storage medium
CN113205523A (en) * 2021-04-29 2021-08-03 浙江大学 Medical image segmentation and identification system, terminal and storage medium with multi-scale representation optimization
CN113205519A (en) * 2021-04-21 2021-08-03 西安电子科技大学 Image segmentation method and system based on multi-branch feature fusion
CN113222953A (en) * 2021-05-21 2021-08-06 西安电子科技大学 Natural image enhancement method based on depth gamma transformation
CN113239930A (en) * 2021-05-14 2021-08-10 广州广电运通金融电子股份有限公司 Method, system and device for identifying defects of cellophane and storage medium
CN113239830A (en) * 2021-05-20 2021-08-10 北京航空航天大学 Remote sensing image cloud detection method based on full-scale feature fusion
CN113255675A (en) * 2021-04-13 2021-08-13 西安邮电大学 Image semantic segmentation network structure and method based on expanded convolution and residual path
CN113269786A (en) * 2021-05-19 2021-08-17 青岛理工大学 Assembly image segmentation method and device based on deep learning and guided filtering
CN113283421A (en) * 2021-06-24 2021-08-20 中国平安人寿保险股份有限公司 Information identification method, device, equipment and storage medium
CN113283282A (en) * 2021-03-10 2021-08-20 北京工业大学 Weak supervision time sequence action detection method based on time domain semantic features
CN113284060A (en) * 2021-05-17 2021-08-20 大连海事大学 Underwater image enhancement method based on wavelength attenuation identification
CN113298810A (en) * 2021-06-28 2021-08-24 浙江工商大学 Trace detection method combining image enhancement and depth convolution neural network
CN113297174A (en) * 2021-05-24 2021-08-24 中南大学 Land use change simulation method based on deep learning
CN113298818A (en) * 2021-07-09 2021-08-24 大连大学 Remote sensing image building segmentation method based on attention mechanism and multi-scale features
CN113313173A (en) * 2021-06-01 2021-08-27 中山大学 Human body analysis method based on graph representation and improved Transformer
CN113313161A (en) * 2021-05-24 2021-08-27 北京大学 Object shape classification method based on rotation invariant canonical invariant network model
CN113313718A (en) * 2021-05-28 2021-08-27 华南理工大学 Acute lumbar vertebra fracture MRI image segmentation system based on deep learning
CN113313714A (en) * 2021-05-25 2021-08-27 西安交通大学第二附属医院 Coronary artery OCT image lesion plaque segmentation method based on improved U-Net network
CN113313775A (en) * 2021-05-26 2021-08-27 浙江科技学院 Deep learning-based nonlinear optical encryption system attack method
CN113313164A (en) * 2021-05-27 2021-08-27 复旦大学附属肿瘤医院 Digital pathological image classification method and system based on superpixel segmentation and image convolution
CN113361473A (en) * 2021-06-30 2021-09-07 北京百度网讯科技有限公司 Image processing method, model training method, device, apparatus, storage medium, and program
CN113361397A (en) * 2021-06-04 2021-09-07 重庆邮电大学 Face mask wearing condition detection method based on deep learning
CN113378883A (en) * 2021-05-12 2021-09-10 山东科技大学 Fine-grained vehicle classification method based on channel grouping attention model
CN113379771A (en) * 2021-07-02 2021-09-10 西安电子科技大学 Hierarchical human body analytic semantic segmentation method with edge constraint
CN113392871A (en) * 2021-04-06 2021-09-14 北京化工大学 Polarized SAR terrain classification method based on scattering mechanism multichannel expansion convolutional neural network
CN113408340A (en) * 2021-05-12 2021-09-17 北京化工大学 Dual-polarization SAR small ship detection method based on enhanced feature pyramid
CN113421269A (en) * 2021-06-09 2021-09-21 南京瑞易智能科技有限公司 Real-time semantic segmentation method based on double-branch deep convolutional neural network
CN113435461A (en) * 2021-06-11 2021-09-24 中国地质大学(武汉) Point cloud local feature extraction method, device, equipment and storage medium
CN113435411A (en) * 2021-07-26 2021-09-24 中国矿业大学(北京) Improved DeepLabV3+ based open pit land utilization identification method
CN113469064A (en) * 2021-07-05 2021-10-01 安徽大学 Method and system for identifying corn leaf disease images in complex environment
CN113486806A (en) * 2021-07-07 2021-10-08 西安交通大学 Suspended sand monitoring method based on one-dimensional residual error neural network
CN113486894A (en) * 2021-07-15 2021-10-08 北京航空航天大学 Semantic segmentation method for satellite image feature component
CN113486979A (en) * 2021-07-28 2021-10-08 佛山市南海区广工大数控装备协同创新研究院 Lightweight target detection method based on key points
CN113506300A (en) * 2021-06-25 2021-10-15 江苏大学 Image semantic segmentation method and system based on rainy complex road scene
CN113505834A (en) * 2021-07-13 2021-10-15 阿波罗智能技术(北京)有限公司 Method for training detection model, determining image updating information and updating high-precision map
CN113516668A (en) * 2021-06-16 2021-10-19 郑州大学 Image semantic segmentation method in application of Internet of things
CN113538476A (en) * 2021-07-20 2021-10-22 大连民族大学 Deep learning image segmentation method and system based on edge feature extraction
CN113553949A (en) * 2021-07-23 2021-10-26 湖南铭生安全科技有限责任公司 Tailing pond semantic segmentation method based on photogrammetric data
CN113554605A (en) * 2021-07-07 2021-10-26 常州大学 Fabric abnormal area detection method based on feature matching
CN113570111A (en) * 2021-06-29 2021-10-29 中北大学 On-chip monitoring method for bridge health state based on lightweight network
CN113592893A (en) * 2021-08-29 2021-11-02 浙江工业大学 Image foreground segmentation method combining determined main body and refined edge
CN113592894A (en) * 2021-08-29 2021-11-02 浙江工业大学 Image segmentation method based on bounding box and co-occurrence feature prediction
CN113591633A (en) * 2021-07-18 2021-11-02 武汉理工大学 Object-oriented land utilization information interpretation method based on dynamic self-attention Transformer
CN113610099A (en) * 2021-08-26 2021-11-05 吉林大学 Environment sensing method and system
CN113610097A (en) * 2021-08-09 2021-11-05 西安电子科技大学 SAR ship target segmentation method based on multi-scale similarity guide network
CN113627437A (en) * 2021-08-06 2021-11-09 河南大学 Method for rapidly identifying graphite electrode label
CN113643238A (en) * 2021-07-14 2021-11-12 南京航空航天大学 Mobile phone terminal vein imaging method based on deep learning
CN113640397A (en) * 2020-07-13 2021-11-12 江南大学 Remote sensing image change detection method and system based on depth network
CN113642390A (en) * 2021-07-06 2021-11-12 西安理工大学 Street view image semantic segmentation method based on local attention network
CN113658074A (en) * 2021-08-16 2021-11-16 福州大学 Single-image raindrop removing method based on LAB color space multi-scale fusion network
CN113658702A (en) * 2021-08-26 2021-11-16 山西慧虎健康科技有限公司 Cerebral apoplexy characteristic extraction and intelligent risk prediction method and system based on traditional Chinese medicine inspection diagnosis
CN113655479A (en) * 2021-08-16 2021-11-16 西安电子科技大学 Small sample SAR target classification method based on deformable convolution and double attention
CN113673451A (en) * 2021-08-25 2021-11-19 上海鹏冠生物医药科技有限公司 Graph volume module for extracting image features of tissue cytology pathology pieces
CN113673553A (en) * 2021-07-05 2021-11-19 浙江工业大学 Method and system for rapidly detecting and identifying few-sample target
CN113673307A (en) * 2021-07-05 2021-11-19 浙江工业大学 Light-weight video motion recognition method
CN113688702A (en) * 2021-08-12 2021-11-23 武汉工程大学 Streetscape image processing method and system based on fusion of multiple features
CN113705641A (en) * 2021-08-16 2021-11-26 武汉大学 Hyperspectral image classification method based on rich context network
CN113705580A (en) * 2021-08-31 2021-11-26 西安电子科技大学 Hyperspectral image classification method based on deep migration learning
CN113723231A (en) * 2021-08-17 2021-11-30 南京邮电大学 Low-illumination semantic segmentation model training method, semantic segmentation method and semantic segmentation device
CN113723447A (en) * 2021-07-15 2021-11-30 西北工业大学 End-to-end template matching method for multi-modal images
CN113743258A (en) * 2021-08-20 2021-12-03 科大讯飞股份有限公司 Target identification method, target identification device, electronic equipment and computer-readable storage medium
CN113743194A (en) * 2021-07-23 2021-12-03 北京眼神智能科技有限公司 Face silence living body detection method and device, electronic equipment and storage medium
CN113743654A (en) * 2021-08-11 2021-12-03 青岛港国际股份有限公司 Automatic wharf gate traffic flow early warning method
CN113780149A (en) * 2021-09-07 2021-12-10 北京航空航天大学 Method for efficiently extracting building target of remote sensing image based on attention mechanism
CN113781489A (en) * 2021-08-25 2021-12-10 浙江工业大学 Polyp image semantic segmentation method and device
CN113781409A (en) * 2021-08-25 2021-12-10 五邑大学 Bolt looseness detection method and device and storage medium
CN113792745A (en) * 2021-09-17 2021-12-14 重庆大学 Method and system for extracting single-sided tree point cloud skeleton line
CN113807362A (en) * 2021-09-03 2021-12-17 西安电子科技大学 Image classification method based on interlayer semantic information fusion deep convolutional network
CN113807210A (en) * 2021-08-31 2021-12-17 西安理工大学 Remote sensing image semantic segmentation method based on pyramid segmentation attention module
CN113807363A (en) * 2021-09-08 2021-12-17 西安电子科技大学 Image classification method based on lightweight residual error network
CN113808251A (en) * 2021-08-09 2021-12-17 杭州易现先进科技有限公司 Dense reconstruction method, system, device and medium based on semantic segmentation
CN113808166A (en) * 2021-09-15 2021-12-17 西安电子科技大学 Single-target tracking method based on clustering difference and depth twin convolutional neural network
CN113807355A (en) * 2021-07-29 2021-12-17 北京工商大学 Image semantic segmentation method based on coding and decoding structure
CN113822828A (en) * 2021-08-18 2021-12-21 吉林大学 Multi-focus image fusion method
CN113838067A (en) * 2021-09-26 2021-12-24 中南民族大学 Segmentation method and device of lung nodule, computing equipment and storable medium
CN113850824A (en) * 2021-09-27 2021-12-28 太原理工大学 Remote sensing image road network extraction method based on multi-scale feature fusion
CN113870377A (en) * 2021-10-21 2021-12-31 天津科技大学 Lung imaging method based on V-ResNet
CN113888663A (en) * 2021-10-15 2022-01-04 推想医疗科技股份有限公司 Reconstruction model training method, anomaly detection method, device, equipment and medium
CN113887373A (en) * 2021-09-27 2022-01-04 中关村科学城城市大脑股份有限公司 Attitude identification method and system based on urban intelligent sports parallel fusion network
CN113902758A (en) * 2021-10-14 2022-01-07 吉林大学 Brain MR image segmentation method based on dual-path capsule network
CN113902915A (en) * 2021-10-12 2022-01-07 江苏大学 Semantic segmentation method and system based on low-illumination complex road scene
CN113920363A (en) * 2021-10-07 2022-01-11 中国电子科技集团公司第二十研究所 Cultural relic classification method based on lightweight deep learning network
CN113936139A (en) * 2021-10-29 2022-01-14 江苏大学 Scene aerial view reconstruction method and system combining visual depth information and semantic segmentation
CN113963718A (en) * 2021-10-26 2022-01-21 合肥工业大学 Voice session segmentation method based on deep learning
CN113962882A (en) * 2021-09-29 2022-01-21 西安交通大学 JPEG image compression artifact eliminating method based on controllable pyramid wavelet network
CN113971731A (en) * 2021-10-28 2022-01-25 燕山大学 Target detection method and device and electronic equipment
CN114005038A (en) * 2021-11-08 2022-02-01 浙江力石科技股份有限公司 Method for identifying illegal buildings near scenic spot
CN114004257A (en) * 2021-11-02 2022-02-01 南京邮电大学 Myoelectric gesture recognition method based on lightweight convolutional neural network
CN114022727A (en) * 2021-10-20 2022-02-08 之江实验室 Deep convolution neural network self-distillation method based on image knowledge review
CN114062511A (en) * 2021-10-24 2022-02-18 北京化工大学 Single-sensor-based intelligent acoustic emission identification method for early damage of aircraft engine
CN114092330A (en) * 2021-11-19 2022-02-25 长春理工大学 Lightweight multi-scale infrared image super-resolution reconstruction method
CN114139689A (en) * 2021-12-09 2022-03-04 东北大学 Deep polymerization neural network lightweight method for embedded system
CN114155518A (en) * 2021-11-08 2022-03-08 西安西光产业发展有限公司 Expressway visor inclination identification method based on deep semantic segmentation network and image correction
CN114170150A (en) * 2021-11-17 2022-03-11 西安交通大学 Retina exudate full-automatic segmentation method based on curvature loss function
CN114220098A (en) * 2021-12-21 2022-03-22 一拓通信集团股份有限公司 Improved multi-scale full-convolution network semantic segmentation method
CN114255250A (en) * 2021-12-28 2022-03-29 黄河勘测规划设计研究院有限公司 River protection engineering slope collapse detection method based on deep learning
CN114283320A (en) * 2021-12-25 2022-04-05 福州大学 Target detection method based on full convolution and without branch structure
CN114332462A (en) * 2021-12-31 2022-04-12 福州大学 MRI segmentation method for integrating attention mechanism into cerebral lesion
CN114359873A (en) * 2022-01-06 2022-04-15 中南大学 Weak supervision vehicle feasible region segmentation method integrating road space prior and region level characteristics
CN114359739A (en) * 2022-03-18 2022-04-15 深圳市海清视讯科技有限公司 Target identification method and device
CN114359283A (en) * 2022-03-18 2022-04-15 华东交通大学 Defect detection method based on Transformer and electronic equipment
CN114387523A (en) * 2022-03-23 2022-04-22 成都理工大学 Remote sensing image building extraction method based on DCNN boundary guidance
CN114387439A (en) * 2022-01-13 2022-04-22 中国电子科技集团公司第五十四研究所 Semantic segmentation network based on fusion of optical and PolSAR (polar synthetic Aperture Radar) features
CN114426069A (en) * 2021-12-14 2022-05-03 哈尔滨理工大学 Indoor rescue vehicle based on real-time semantic segmentation and image semantic segmentation method
CN114494699A (en) * 2022-01-28 2022-05-13 福州大学 Image semantic segmentation method and system based on semantic propagation and foreground and background perception
CN114511007A (en) * 2022-01-17 2022-05-17 上海梦象智能科技有限公司 Non-invasive electrical fingerprint identification method based on multi-scale feature perception
CN114519723A (en) * 2021-12-24 2022-05-20 上海海洋大学 Meteorite crater automatic extraction method based on pyramid image segmentation
CN114581861A (en) * 2022-03-02 2022-06-03 北京交通大学 Track area identification method based on deep learning convolutional neural network
CN114595748A (en) * 2022-02-21 2022-06-07 南昌大学 Data segmentation method for fall protection system
CN114595725A (en) * 2022-03-15 2022-06-07 合肥工业大学 Electroencephalogram signal classification method based on addition network and supervised contrast learning
CN114612681A (en) * 2022-01-30 2022-06-10 西北大学 GCN-based multi-label image classification method, model construction method and device
CN114663779A (en) * 2022-03-25 2022-06-24 辽宁师范大学 Multi-temporal hyperspectral image change detection method based on time-space-spectrum attention mechanism
CN114693558A (en) * 2022-03-31 2022-07-01 福州大学 Image Moire removing method and system based on progressive fusion multi-scale strategy
CN114693932A (en) * 2022-04-06 2022-07-01 南京航空航天大学 Large aircraft large component point cloud semantic segmentation method
CN114758178A (en) * 2022-04-18 2022-07-15 江南大学 Hub real-time classification and air valve hole positioning method based on deep learning
CN114782409A (en) * 2022-05-23 2022-07-22 松立控股集团股份有限公司 Vehicle surface anomaly detection method based on side direction camera
CN114782949A (en) * 2022-04-29 2022-07-22 中南大学 Traffic scene semantic segmentation method for boundary guide context aggregation
CN114820567A (en) * 2022-05-17 2022-07-29 合肥工业大学 Insulator detection method based on deep learning
CN114842206A (en) * 2022-07-04 2022-08-02 江西师范大学 Remote sensing image semantic segmentation model and method based on double-layer global convolution
CN114863505A (en) * 2022-03-07 2022-08-05 武汉纺织大学 Pedestrian re-identification method based on trident convolutional neural network
CN114862770A (en) * 2022-04-18 2022-08-05 华南理工大学 Gastric cancer pathological section image segmentation prediction method based on SEnet
CN114882222A (en) * 2022-05-27 2022-08-09 江苏大学 Improved YOLOv5 target detection model construction method and tea tender shoot identification and picking point positioning method
CN114882537A (en) * 2022-04-15 2022-08-09 华南理工大学 Finger new visual angle image generation method based on nerve radiation field
CN114898284A (en) * 2022-04-08 2022-08-12 西北工业大学 Crowd counting method based on feature pyramid local difference attention mechanism
CN114898120A (en) * 2022-05-27 2022-08-12 杭州电子科技大学 360-degree image salient target detection method based on convolutional neural network
CN114897922A (en) * 2022-04-03 2022-08-12 西北工业大学 Histopathology image segmentation method based on deep reinforcement learning
CN114913325A (en) * 2022-03-24 2022-08-16 北京百度网讯科技有限公司 Semantic segmentation method, device and computer program product
CN114926746A (en) * 2022-05-25 2022-08-19 西北工业大学 SAR image change detection method based on multi-scale differential feature attention mechanism
CN114943835A (en) * 2022-04-20 2022-08-26 西北工业大学 Real-time semantic segmentation method for aerial images of ice slush unmanned aerial vehicle in yellow river
CN114999637A (en) * 2022-07-18 2022-09-02 华东交通大学 Pathological image diagnosis method and system based on multi-angle coding and embedded mutual learning
CN114998195A (en) * 2022-04-21 2022-09-02 重庆理工大学 Pig B ultrasonic image fat content detection method based on deep regression network
CN115018780A (en) * 2022-05-30 2022-09-06 太原理工大学 Thyroid nodule segmentation method fusing global reasoning and MLP framework
CN115019201A (en) * 2022-05-20 2022-09-06 西北工业大学 Weak and small target detection method based on feature refined depth network
CN115018729A (en) * 2022-06-17 2022-09-06 重庆米弘科技有限公司 White box image enhancement method for content
CN115035295A (en) * 2022-06-15 2022-09-09 湖北工业大学 Remote sensing image semantic segmentation method based on shared convolution kernel and boundary loss function
CN115082675A (en) * 2022-06-07 2022-09-20 中南大学 Transparent object image segmentation method and system
CN115239564A (en) * 2022-08-18 2022-10-25 中国矿业大学 Mine image super-resolution reconstruction method combining semantic information
CN115272681A (en) * 2022-09-22 2022-11-01 中国海洋大学 Ocean remote sensing image semantic segmentation method and system based on high-order feature class decoupling
CN115331087A (en) * 2022-10-11 2022-11-11 水利部交通运输部国家能源局南京水利科学研究院 Remote sensing image change detection method and system fusing regional semantics and pixel characteristics
CN115393470A (en) * 2022-10-28 2022-11-25 成都航空职业技术学院 Cultural relic digital line graph drawing method, system and device
CN115578360A (en) * 2022-10-24 2023-01-06 电子科技大学 Multi-target semantic segmentation method for ultrasonic cardiogram
CN115631127A (en) * 2022-08-15 2023-01-20 无锡东如科技有限公司 Image segmentation method for industrial defect detection
CN115782334A (en) * 2022-12-13 2023-03-14 乐清裕丰新材料有限公司 Organic silicon composite material taking fiber, metal or plastic as base material and preparation method thereof
CN115908464A (en) * 2023-01-09 2023-04-04 智慧眼科技股份有限公司 Tongue image segmentation method and system
CN115908298A (en) * 2022-11-10 2023-04-04 苏州慧维智能医疗科技有限公司 Method for predicting polyp target in endoscopic image, model and storage medium
CN115964360A (en) * 2023-03-14 2023-04-14 山东省地震工程研究院 Earthquake safety evaluation database construction method and system
CN116129123A (en) * 2023-02-27 2023-05-16 中国矿业大学 End-to-end chromosome segmentation method based on uncertainty calibration and region decomposition
CN116119589A (en) * 2023-02-21 2023-05-16 德玛克(浙江)精工科技有限公司 Liquid PET bottled drink purging, filling and rotating integrated machine and method thereof
CN116129265A (en) * 2023-01-03 2023-05-16 国网湖北省电力有限公司经济技术研究院 Remote sensing image engineering quantity monitoring method based on neural network
CN116256803A (en) * 2023-03-09 2023-06-13 中国矿业大学 Coal mine microseismic region positioning method integrating mining information and geological information
CN116416479A (en) * 2023-06-06 2023-07-11 江西理工大学南昌校区 Mineral classification method based on deep convolution fusion of multi-scale image features
CN116543165A (en) * 2023-07-03 2023-08-04 东华理工大学南昌校区 Remote sensing image fruit tree segmentation method based on dual-channel composite depth network
CN116563285A (en) * 2023-07-10 2023-08-08 邦世科技(南京)有限公司 Focus characteristic identifying and dividing method and system based on full neural network
CN116563553A (en) * 2023-07-10 2023-08-08 武汉纺织大学 Unmanned aerial vehicle image segmentation method and system based on deep learning
CN116703834A (en) * 2023-05-22 2023-09-05 浙江大学 Method and device for judging and grading excessive sintering ignition intensity based on machine vision
CN116721420A (en) * 2023-08-10 2023-09-08 南昌工程学院 Semantic segmentation model construction method and system for ultraviolet image of electrical equipment
CN116758631A (en) * 2023-06-13 2023-09-15 孟冠宇 Big data driven behavior intelligent analysis method and system
CN113920378B (en) * 2021-11-09 2023-10-20 西安交通大学 Bupleurum seed identification method based on attention mechanism
CN117058468A (en) * 2023-10-11 2023-11-14 青岛金诺德科技有限公司 Image recognition and classification system for recycling lithium batteries of new energy automobiles
CN117252926A (en) * 2023-11-20 2023-12-19 南昌工控机器人有限公司 Mobile phone shell auxiliary material intelligent assembly control system based on visual positioning
CN117338310A (en) * 2023-11-16 2024-01-05 齐鲁工业大学(山东省科学院) Electrocardiosignal classification method based on contrast learning and multi-scale feature extraction
CN117456191A (en) * 2023-12-15 2024-01-26 武汉纺织大学 Semantic segmentation method based on three-branch network structure under complex environment
CN117690096A (en) * 2024-02-04 2024-03-12 成都中轨轨道设备有限公司 Contact net safety inspection system adapting to different scenes
CN117765264A (en) * 2024-02-22 2024-03-26 北京理工大学 image semantic segmentation method and system based on frequency self-adaptive expansion convolution
CN117809043A (en) * 2024-03-01 2024-04-02 华东交通大学 Foundation cloud picture segmentation and classification method
CN114359873B (en) * 2022-01-06 2024-04-26 中南大学 Weak supervision vehicle feasible region segmentation method integrating road space priori and regional level features

Cited By (304)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN113640397A (en) * 2020-07-13 2021-11-12 江南大学 Remote sensing image change detection method and system based on depth network
CN112818161A (en) * 2021-02-24 2021-05-18 西安博达软件股份有限公司 Method for identifying original image by merging media asset library thumbnail based on deep learning
CN112819096A (en) * 2021-02-26 2021-05-18 西北大学 Method for constructing fossil image classification model based on composite convolutional neural network
CN112819096B (en) * 2021-02-26 2024-01-19 西北大学 Construction method of fossil image classification model based on composite convolutional neural network
CN112904299A (en) * 2021-03-03 2021-06-04 西安电子科技大学 Radar high-resolution range profile open set target identification method based on deep intra-class division
CN112904299B (en) * 2021-03-03 2023-06-30 西安电子科技大学 Radar high-resolution range profile open set target identification method based on deep class segmentation
CN112989978A (en) * 2021-03-04 2021-06-18 扬州微地图地理信息科技有限公司 Driving assistance recognition method based on high-precision map
CN112991352A (en) * 2021-03-04 2021-06-18 扬州微地图地理信息科技有限公司 High-resolution remote sensing image segmentation system based on information tracing
CN113283282A (en) * 2021-03-10 2021-08-20 北京工业大学 Weak supervision time sequence action detection method based on time domain semantic features
CN112926482A (en) * 2021-03-10 2021-06-08 辽宁工程技术大学 Road extraction method based on multi-scale residual convolution neural network
CN112861443A (en) * 2021-03-11 2021-05-28 合肥工业大学 Advanced learning fault diagnosis method integrated with priori knowledge
CN112861443B (en) * 2021-03-11 2022-08-30 合肥工业大学 Advanced learning fault diagnosis method integrated with priori knowledge
CN112785593A (en) * 2021-03-12 2021-05-11 大连民族大学 Brain image segmentation method based on deep learning
CN113034455B (en) * 2021-03-17 2023-01-10 清华大学深圳国际研究生院 Method for detecting pockmarks of planar object
CN113034455A (en) * 2021-03-17 2021-06-25 清华大学深圳国际研究生院 Method for detecting pockmarks of planar object
CN113095159A (en) * 2021-03-23 2021-07-09 陕西师范大学 Urban road traffic condition analysis method based on CNN
CN112967267A (en) * 2021-03-23 2021-06-15 武汉大学 Laser directional energy deposition sputtering counting method of full convolution neural network
CN112967267B (en) * 2021-03-23 2024-01-23 湖南珞佳智能科技有限公司 Laser directional energy deposition sputtering counting method of full convolution neural network
CN113033411A (en) * 2021-03-26 2021-06-25 北京理工大学 Ground semantic cognition method based on segmentation and attention mechanism
CN113128510A (en) * 2021-03-26 2021-07-16 武汉光谷信息技术股份有限公司 Semantic segmentation method and system
CN113191390A (en) * 2021-04-01 2021-07-30 华中科技大学 Image classification model construction method, image classification method and storage medium
CN113191390B (en) * 2021-04-01 2022-06-14 华中科技大学 Image classification model construction method, image classification method and storage medium
CN113392871B (en) * 2021-04-06 2023-10-24 北京化工大学 Polarized SAR (synthetic aperture radar) ground object classification method based on scattering mechanism multichannel expansion convolutional neural network
CN113392871A (en) * 2021-04-06 2021-09-14 北京化工大学 Polarized SAR terrain classification method based on scattering mechanism multichannel expansion convolutional neural network
CN113177965A (en) * 2021-04-09 2021-07-27 上海工程技术大学 Coal rock full-component extraction method based on improved U-net network and application thereof
CN113077450A (en) * 2021-04-12 2021-07-06 大连大学 Cherry grading detection method and system based on deep convolutional neural network
CN113077450B (en) * 2021-04-12 2024-03-12 大连大学 Cherry grading detection method and system based on deep convolutional neural network
CN113255675A (en) * 2021-04-13 2021-08-13 西安邮电大学 Image semantic segmentation network structure and method based on expanded convolution and residual path
CN113255675B (en) * 2021-04-13 2023-10-10 西安邮电大学 Image semantic segmentation network structure and method based on expanded convolution and residual path
CN112991326B (en) * 2021-04-14 2023-11-07 北京铁道工程机电技术研究所股份有限公司 Cleaning quality evaluation method
CN112991326A (en) * 2021-04-14 2021-06-18 北京铁道工程机电技术研究所股份有限公司 Cleaning quality evaluation method
CN113011525A (en) * 2021-04-20 2021-06-22 上海应用技术大学 Dependency decoding-based track slab crack semantic segmentation model
CN113011525B (en) * 2021-04-20 2023-09-19 上海应用技术大学 Rail plate crack semantic segmentation model based on dependency decoding
CN113205519A (en) * 2021-04-21 2021-08-03 西安电子科技大学 Image segmentation method and system based on multi-branch feature fusion
CN113205519B (en) * 2021-04-21 2023-07-25 西安电子科技大学 Image segmentation method and system based on multi-branch feature fusion
CN113033572B (en) * 2021-04-23 2024-04-05 上海海事大学 Obstacle segmentation network based on USV and generation method thereof
CN113033572A (en) * 2021-04-23 2021-06-25 上海海事大学 Obstacle segmentation network based on USV and generation method thereof
CN113205523A (en) * 2021-04-29 2021-08-03 浙江大学 Medical image segmentation and identification system, terminal and storage medium with multi-scale representation optimization
CN113408340B (en) * 2021-05-12 2024-03-29 北京化工大学 Dual-polarization SAR small ship detection method based on enhanced feature pyramid
CN113378883B (en) * 2021-05-12 2024-01-23 山东科技大学 Fine-grained vehicle classification method based on channel grouping attention model
CN113408340A (en) * 2021-05-12 2021-09-17 北京化工大学 Dual-polarization SAR small ship detection method based on enhanced feature pyramid
CN113378883A (en) * 2021-05-12 2021-09-10 山东科技大学 Fine-grained vehicle classification method based on channel grouping attention model
CN113239930A (en) * 2021-05-14 2021-08-10 广州广电运通金融电子股份有限公司 Method, system and device for identifying defects of cellophane and storage medium
CN113239930B (en) * 2021-05-14 2024-04-05 广州广电运通金融电子股份有限公司 Glass paper defect identification method, system, device and storage medium
CN113284060B (en) * 2021-05-17 2024-04-05 大连海事大学 Underwater image enhancement method based on wavelength attenuation identification
CN113284060A (en) * 2021-05-17 2021-08-20 大连海事大学 Underwater image enhancement method based on wavelength attenuation identification
CN113269786A (en) * 2021-05-19 2021-08-17 青岛理工大学 Assembly image segmentation method and device based on deep learning and guided filtering
CN113239830A (en) * 2021-05-20 2021-08-10 北京航空航天大学 Remote sensing image cloud detection method based on full-scale feature fusion
CN113222953B (en) * 2021-05-21 2023-10-20 西安电子科技大学 Natural image enhancement method based on depth gamma transformation
CN113222953A (en) * 2021-05-21 2021-08-06 西安电子科技大学 Natural image enhancement method based on depth gamma transformation
CN113297174A (en) * 2021-05-24 2021-08-24 中南大学 Land use change simulation method based on deep learning
CN113313161A (en) * 2021-05-24 2021-08-27 北京大学 Object shape classification method based on rotation invariant canonical invariant network model
CN113297174B (en) * 2021-05-24 2023-10-13 中南大学 Land utilization change simulation method based on deep learning
CN113313161B (en) * 2021-05-24 2023-09-26 北京大学 Object shape classification method based on rotation-invariant standard isomorphism network model
CN113313714B (en) * 2021-05-25 2023-10-27 西安交通大学第二附属医院 Coronary OCT (optical coherence tomography) image lesion plaque segmentation method based on improved U-Net network
CN113160062A (en) * 2021-05-25 2021-07-23 烟台艾睿光电科技有限公司 Infrared image target detection method, device, equipment and storage medium
CN113313714A (en) * 2021-05-25 2021-08-27 西安交通大学第二附属医院 Coronary artery OCT image lesion plaque segmentation method based on improved U-Net network
CN113160062B (en) * 2021-05-25 2023-06-06 烟台艾睿光电科技有限公司 Infrared image target detection method, device, equipment and storage medium
CN113159301A (en) * 2021-05-25 2021-07-23 电子科技大学 Image processing method based on binarization quantization model
CN113313775A (en) * 2021-05-26 2021-08-27 浙江科技学院 Deep learning-based nonlinear optical encryption system attack method
CN113313775B (en) * 2021-05-26 2024-03-15 浙江科技学院 Nonlinear optical encryption system attack method based on deep learning
CN113313164A (en) * 2021-05-27 2021-08-27 复旦大学附属肿瘤医院 Digital pathological image classification method and system based on superpixel segmentation and image convolution
CN113313718B (en) * 2021-05-28 2023-02-10 华南理工大学 Acute lumbar vertebra fracture MRI image segmentation system based on deep learning
CN113313718A (en) * 2021-05-28 2021-08-27 华南理工大学 Acute lumbar vertebra fracture MRI image segmentation system based on deep learning
CN113313173A (en) * 2021-06-01 2021-08-27 中山大学 Human body analysis method based on graph representation and improved Transformer
CN113313173B (en) * 2021-06-01 2023-05-30 中山大学 Human body analysis method based on graph representation and improved transducer
CN113361397A (en) * 2021-06-04 2021-09-07 重庆邮电大学 Face mask wearing condition detection method based on deep learning
CN113361397B (en) * 2021-06-04 2022-07-12 重庆邮电大学 Face mask wearing condition detection method based on deep learning
CN113421269A (en) * 2021-06-09 2021-09-21 南京瑞易智能科技有限公司 Real-time semantic segmentation method based on double-branch deep convolutional neural network
CN113435461B (en) * 2021-06-11 2023-07-14 深圳市规划和自然资源数据管理中心(深圳市空间地理信息中心) Point cloud local feature extraction method, device, equipment and storage medium
CN113435461A (en) * 2021-06-11 2021-09-24 中国地质大学(武汉) Point cloud local feature extraction method, device, equipment and storage medium
CN113516668B (en) * 2021-06-16 2024-03-29 郑州大学 Image semantic segmentation method in application of Internet of things
CN113516668A (en) * 2021-06-16 2021-10-19 郑州大学 Image semantic segmentation method in application of Internet of things
CN113283421B (en) * 2021-06-24 2024-03-01 中国平安人寿保险股份有限公司 Information identification method, device, equipment and storage medium
CN113283421A (en) * 2021-06-24 2021-08-20 中国平安人寿保险股份有限公司 Information identification method, device, equipment and storage medium
CN113506300A (en) * 2021-06-25 2021-10-15 江苏大学 Image semantic segmentation method and system based on rainy complex road scene
CN113298810A (en) * 2021-06-28 2021-08-24 浙江工商大学 Trace detection method combining image enhancement and depth convolution neural network
CN113298810B (en) * 2021-06-28 2023-12-26 浙江工商大学 Road line detection method combining image enhancement and depth convolution neural network
CN113570111B (en) * 2021-06-29 2023-08-29 中北大学 Bridge health state on-chip monitoring method based on lightweight network
CN113570111A (en) * 2021-06-29 2021-10-29 中北大学 On-chip monitoring method for bridge health state based on lightweight network
CN113361473A (en) * 2021-06-30 2021-09-07 北京百度网讯科技有限公司 Image processing method, model training method, device, apparatus, storage medium, and program
CN113361473B (en) * 2021-06-30 2023-12-08 北京百度网讯科技有限公司 Image processing method, model training method, image processing device, model training apparatus, storage medium, and program
CN113379771A (en) * 2021-07-02 2021-09-10 西安电子科技大学 Hierarchical human body analytic semantic segmentation method with edge constraint
CN113379771B (en) * 2021-07-02 2024-04-09 西安电子科技大学 Hierarchical human body analysis semantic segmentation method with edge constraint
CN113673553A (en) * 2021-07-05 2021-11-19 浙江工业大学 Method and system for rapidly detecting and identifying few-sample target
CN113673307B (en) * 2021-07-05 2024-03-29 浙江工业大学 Lightweight video action recognition method
CN113673553B (en) * 2021-07-05 2024-03-29 浙江工业大学 Method and system for rapidly detecting and identifying few sample targets
CN113673307A (en) * 2021-07-05 2021-11-19 浙江工业大学 Light-weight video motion recognition method
CN113469064A (en) * 2021-07-05 2021-10-01 安徽大学 Method and system for identifying corn leaf disease images in complex environment
CN113469064B (en) * 2021-07-05 2024-03-29 安徽大学 Identification method and system for corn leaf disease image in complex environment
CN113642390B (en) * 2021-07-06 2024-02-13 西安理工大学 Street view image semantic segmentation method based on local attention network
CN113642390A (en) * 2021-07-06 2021-11-12 西安理工大学 Street view image semantic segmentation method based on local attention network
CN113554605B (en) * 2021-07-07 2023-09-26 常州大学 Fabric abnormal region detection method based on feature matching
CN113554605A (en) * 2021-07-07 2021-10-26 常州大学 Fabric abnormal area detection method based on feature matching
CN113486806A (en) * 2021-07-07 2021-10-08 西安交通大学 Suspended sand monitoring method based on one-dimensional residual error neural network
CN113486806B (en) * 2021-07-07 2024-04-05 西安交通大学 Suspended sand monitoring method based on one-dimensional residual neutral network
CN113298818A (en) * 2021-07-09 2021-08-24 大连大学 Remote sensing image building segmentation method based on attention mechanism and multi-scale features
CN113298818B (en) * 2021-07-09 2023-08-18 大连大学 Remote sensing image building segmentation method based on attention mechanism and multi-scale features
CN113505834A (en) * 2021-07-13 2021-10-15 阿波罗智能技术(北京)有限公司 Method for training detection model, determining image updating information and updating high-precision map
CN113643238A (en) * 2021-07-14 2021-11-12 南京航空航天大学 Mobile phone terminal vein imaging method based on deep learning
CN113723447B (en) * 2021-07-15 2024-03-08 西北工业大学 End-to-end template matching method for multi-mode image
CN113723447A (en) * 2021-07-15 2021-11-30 西北工业大学 End-to-end template matching method for multi-modal images
CN113486894A (en) * 2021-07-15 2021-10-08 北京航空航天大学 Semantic segmentation method for satellite image feature component
CN113486894B (en) * 2021-07-15 2023-07-25 北京航空航天大学 Semantic segmentation method for satellite image feature parts
CN113591633B (en) * 2021-07-18 2024-04-30 武汉理工大学 Object-oriented land utilization information interpretation method based on dynamic self-attention transducer
CN113591633A (en) * 2021-07-18 2021-11-02 武汉理工大学 Object-oriented land utilization information interpretation method based on dynamic self-attention Transformer
CN113538476A (en) * 2021-07-20 2021-10-22 大连民族大学 Deep learning image segmentation method and system based on edge feature extraction
CN113743194A (en) * 2021-07-23 2021-12-03 北京眼神智能科技有限公司 Face silence living body detection method and device, electronic equipment and storage medium
CN113743194B (en) * 2021-07-23 2024-02-02 北京眼神智能科技有限公司 Face silence living body detection method and device, electronic equipment and storage medium
CN113553949A (en) * 2021-07-23 2021-10-26 湖南铭生安全科技有限责任公司 Tailing pond semantic segmentation method based on photogrammetric data
CN113435411A (en) * 2021-07-26 2021-09-24 中国矿业大学(北京) Improved DeepLabV3+ based open pit land utilization identification method
CN113486979A (en) * 2021-07-28 2021-10-08 佛山市南海区广工大数控装备协同创新研究院 Lightweight target detection method based on key points
CN113807355B (en) * 2021-07-29 2023-08-25 北京工商大学 Image semantic segmentation method based on coding and decoding structure
CN113807355A (en) * 2021-07-29 2021-12-17 北京工商大学 Image semantic segmentation method based on coding and decoding structure
CN113627437B (en) * 2021-08-06 2024-03-29 河南大学 Method for rapidly identifying graphite electrode label
CN113627437A (en) * 2021-08-06 2021-11-09 河南大学 Method for rapidly identifying graphite electrode label
CN113610097A (en) * 2021-08-09 2021-11-05 西安电子科技大学 SAR ship target segmentation method based on multi-scale similarity guide network
CN113610097B (en) * 2021-08-09 2023-05-05 西安电子科技大学 SAR ship target segmentation method based on multi-scale similarity guidance network
CN113808251A (en) * 2021-08-09 2021-12-17 杭州易现先进科技有限公司 Dense reconstruction method, system, device and medium based on semantic segmentation
CN113808251B (en) * 2021-08-09 2024-04-12 杭州易现先进科技有限公司 Dense reconstruction method, system, device and medium based on semantic segmentation
CN113743654A (en) * 2021-08-11 2021-12-03 青岛港国际股份有限公司 Automatic wharf gate traffic flow early warning method
CN113688702B (en) * 2021-08-12 2024-04-26 武汉工程大学 Street view image processing method and system based on fusion of multiple features
CN113688702A (en) * 2021-08-12 2021-11-23 武汉工程大学 Streetscape image processing method and system based on fusion of multiple features
CN113705641A (en) * 2021-08-16 2021-11-26 武汉大学 Hyperspectral image classification method based on rich context network
CN113655479B (en) * 2021-08-16 2023-07-07 西安电子科技大学 Small sample SAR target classification method based on deformable convolution and double attentions
CN113658074B (en) * 2021-08-16 2023-07-28 福州大学 Single image raindrop removing method based on LAB color space multi-scale fusion network
CN113658074A (en) * 2021-08-16 2021-11-16 福州大学 Single-image raindrop removing method based on LAB color space multi-scale fusion network
CN113705641B (en) * 2021-08-16 2023-11-10 武汉大学 Hyperspectral image classification method based on rich context network
CN113655479A (en) * 2021-08-16 2021-11-16 西安电子科技大学 Small sample SAR target classification method based on deformable convolution and double attention
CN113723231A (en) * 2021-08-17 2021-11-30 南京邮电大学 Low-illumination semantic segmentation model training method, semantic segmentation method and semantic segmentation device
CN113822828A (en) * 2021-08-18 2021-12-21 吉林大学 Multi-focus image fusion method
CN113743258A (en) * 2021-08-20 2021-12-03 科大讯飞股份有限公司 Target identification method, target identification device, electronic equipment and computer-readable storage medium
CN113781409B (en) * 2021-08-25 2023-10-20 五邑大学 Bolt loosening detection method, device and storage medium
CN113781409A (en) * 2021-08-25 2021-12-10 五邑大学 Bolt looseness detection method and device and storage medium
CN113673451A (en) * 2021-08-25 2021-11-19 上海鹏冠生物医药科技有限公司 Graph volume module for extracting image features of tissue cytology pathology pieces
CN113781489B (en) * 2021-08-25 2024-03-29 浙江工业大学 Polyp image semantic segmentation method and device
CN113781489A (en) * 2021-08-25 2021-12-10 浙江工业大学 Polyp image semantic segmentation method and device
CN113658702A (en) * 2021-08-26 2021-11-16 山西慧虎健康科技有限公司 Cerebral apoplexy characteristic extraction and intelligent risk prediction method and system based on traditional Chinese medicine inspection diagnosis
CN113658702B (en) * 2021-08-26 2023-09-15 山西慧虎健康科技有限公司 Cerebral apoplexy feature extraction and intelligent risk prediction method and system based on traditional Chinese medicine inspection
CN113610099B (en) * 2021-08-26 2024-02-02 吉林大学 Environment sensing method and system
CN113610099A (en) * 2021-08-26 2021-11-05 吉林大学 Environment sensing method and system
CN113592893A (en) * 2021-08-29 2021-11-02 浙江工业大学 Image foreground segmentation method combining determined main body and refined edge
CN113592894B (en) * 2021-08-29 2024-02-02 浙江工业大学 Image segmentation method based on boundary box and co-occurrence feature prediction
CN113592893B (en) * 2021-08-29 2024-03-05 浙江工业大学 Image foreground segmentation method for determining combination of main body and accurate edge
CN113592894A (en) * 2021-08-29 2021-11-02 浙江工业大学 Image segmentation method based on bounding box and co-occurrence feature prediction
CN113705580A (en) * 2021-08-31 2021-11-26 西安电子科技大学 Hyperspectral image classification method based on deep migration learning
CN113807210B (en) * 2021-08-31 2023-09-15 西安理工大学 Remote sensing image semantic segmentation method based on pyramid segmentation attention module
CN113807210A (en) * 2021-08-31 2021-12-17 西安理工大学 Remote sensing image semantic segmentation method based on pyramid segmentation attention module
CN113807362B (en) * 2021-09-03 2024-02-27 西安电子科技大学 Image classification method based on interlayer semantic information fusion depth convolution network
CN113807362A (en) * 2021-09-03 2021-12-17 西安电子科技大学 Image classification method based on interlayer semantic information fusion deep convolutional network
CN113780149A (en) * 2021-09-07 2021-12-10 北京航空航天大学 Method for efficiently extracting building target of remote sensing image based on attention mechanism
CN113780149B (en) * 2021-09-07 2023-11-17 北京航空航天大学 Remote sensing image building target efficient extraction method based on attention mechanism
CN113807363B (en) * 2021-09-08 2024-04-19 西安电子科技大学 Image classification method based on lightweight residual error network
CN113807363A (en) * 2021-09-08 2021-12-17 西安电子科技大学 Image classification method based on lightweight residual error network
CN113808166A (en) * 2021-09-15 2021-12-17 西安电子科技大学 Single-target tracking method based on clustering difference and depth twin convolutional neural network
CN113792745A (en) * 2021-09-17 2021-12-14 重庆大学 Method and system for extracting single-sided tree point cloud skeleton line
CN113792745B (en) * 2021-09-17 2023-10-20 重庆大学 Single-sided tree point cloud skeleton line extraction method and system
CN113838067B (en) * 2021-09-26 2023-10-20 中南民族大学 Method and device for segmenting lung nodules, computing device and storable medium
CN113838067A (en) * 2021-09-26 2021-12-24 中南民族大学 Segmentation method and device of lung nodule, computing equipment and storable medium
CN113887373A (en) * 2021-09-27 2022-01-04 中关村科学城城市大脑股份有限公司 Attitude identification method and system based on urban intelligent sports parallel fusion network
CN113887373B (en) * 2021-09-27 2022-12-16 中关村科学城城市大脑股份有限公司 Attitude identification method and system based on urban intelligent sports parallel fusion network
CN113850824A (en) * 2021-09-27 2021-12-28 太原理工大学 Remote sensing image road network extraction method based on multi-scale feature fusion
CN113850824B (en) * 2021-09-27 2024-03-29 太原理工大学 Remote sensing image road network extraction method based on multi-scale feature fusion
CN113962882B (en) * 2021-09-29 2023-08-25 西安交通大学 JPEG image compression artifact eliminating method based on controllable pyramid wavelet network
CN113962882A (en) * 2021-09-29 2022-01-21 西安交通大学 JPEG image compression artifact eliminating method based on controllable pyramid wavelet network
CN113920363A (en) * 2021-10-07 2022-01-11 中国电子科技集团公司第二十研究所 Cultural relic classification method based on lightweight deep learning network
CN113902915A (en) * 2021-10-12 2022-01-07 江苏大学 Semantic segmentation method and system based on low-illumination complex road scene
CN113902758A (en) * 2021-10-14 2022-01-07 吉林大学 Brain MR image segmentation method based on dual-path capsule network
CN113888663B (en) * 2021-10-15 2022-08-26 推想医疗科技股份有限公司 Reconstruction model training method, anomaly detection method, device, equipment and medium
CN113888663A (en) * 2021-10-15 2022-01-04 推想医疗科技股份有限公司 Reconstruction model training method, anomaly detection method, device, equipment and medium
CN114022727B (en) * 2021-10-20 2024-04-26 之江实验室 Depth convolution neural network self-distillation method based on image knowledge review
CN114022727A (en) * 2021-10-20 2022-02-08 之江实验室 Deep convolution neural network self-distillation method based on image knowledge review
CN113870377A (en) * 2021-10-21 2021-12-31 天津科技大学 Lung imaging method based on V-ResNet
CN114062511A (en) * 2021-10-24 2022-02-18 北京化工大学 Single-sensor-based intelligent acoustic emission identification method for early damage of aircraft engine
CN113963718B (en) * 2021-10-26 2024-04-16 合肥工业大学 Voice conversation segmentation method based on deep learning
CN113963718A (en) * 2021-10-26 2022-01-21 合肥工业大学 Voice session segmentation method based on deep learning
CN113971731A (en) * 2021-10-28 2022-01-25 燕山大学 Target detection method and device and electronic equipment
CN113936139A (en) * 2021-10-29 2022-01-14 江苏大学 Scene aerial view reconstruction method and system combining visual depth information and semantic segmentation
CN114004257A (en) * 2021-11-02 2022-02-01 南京邮电大学 Myoelectric gesture recognition method based on lightweight convolutional neural network
CN114005038A (en) * 2021-11-08 2022-02-01 浙江力石科技股份有限公司 Method for identifying illegal buildings near scenic spot
CN114155518A (en) * 2021-11-08 2022-03-08 西安西光产业发展有限公司 Expressway visor inclination identification method based on deep semantic segmentation network and image correction
CN113920378B (en) * 2021-11-09 2023-10-20 西安交通大学 Bupleurum seed identification method based on attention mechanism
CN114170150A (en) * 2021-11-17 2022-03-11 西安交通大学 Retina exudate full-automatic segmentation method based on curvature loss function
CN114170150B (en) * 2021-11-17 2023-12-19 西安交通大学 Retina exudates full-automatic segmentation method based on curvature loss function
CN114092330B (en) * 2021-11-19 2024-04-30 长春理工大学 Light-weight multi-scale infrared image super-resolution reconstruction method
CN114092330A (en) * 2021-11-19 2022-02-25 长春理工大学 Lightweight multi-scale infrared image super-resolution reconstruction method
CN114139689A (en) * 2021-12-09 2022-03-04 东北大学 Deep polymerization neural network lightweight method for embedded system
CN114426069B (en) * 2021-12-14 2023-08-25 哈尔滨理工大学 Indoor rescue vehicle based on real-time semantic segmentation and image semantic segmentation method
CN114426069A (en) * 2021-12-14 2022-05-03 哈尔滨理工大学 Indoor rescue vehicle based on real-time semantic segmentation and image semantic segmentation method
CN114220098A (en) * 2021-12-21 2022-03-22 一拓通信集团股份有限公司 Improved multi-scale full-convolution network semantic segmentation method
CN114519723A (en) * 2021-12-24 2022-05-20 上海海洋大学 Meteorite crater automatic extraction method based on pyramid image segmentation
CN114283320A (en) * 2021-12-25 2022-04-05 福州大学 Target detection method based on full convolution and without branch structure
CN114255250A (en) * 2021-12-28 2022-03-29 黄河勘测规划设计研究院有限公司 River protection engineering slope collapse detection method based on deep learning
CN114332462A (en) * 2021-12-31 2022-04-12 福州大学 MRI segmentation method for integrating attention mechanism into cerebral lesion
CN114359873A (en) * 2022-01-06 2022-04-15 中南大学 Weak supervision vehicle feasible region segmentation method integrating road space prior and region level characteristics
CN114359873B (en) * 2022-01-06 2024-04-26 中南大学 Weak supervision vehicle feasible region segmentation method integrating road space priori and regional level features
CN114387439B (en) * 2022-01-13 2023-09-12 中国电子科技集团公司第五十四研究所 Semantic segmentation network based on optical and PolSAR feature fusion
CN114387439A (en) * 2022-01-13 2022-04-22 中国电子科技集团公司第五十四研究所 Semantic segmentation network based on fusion of optical and PolSAR (polar synthetic Aperture Radar) features
CN114511007A (en) * 2022-01-17 2022-05-17 上海梦象智能科技有限公司 Non-invasive electrical fingerprint identification method based on multi-scale feature perception
CN114511007B (en) * 2022-01-17 2022-12-09 上海梦象智能科技有限公司 Non-invasive electrical fingerprint identification method based on multi-scale feature perception
CN114494699A (en) * 2022-01-28 2022-05-13 福州大学 Image semantic segmentation method and system based on semantic propagation and foreground and background perception
CN114612681A (en) * 2022-01-30 2022-06-10 西北大学 GCN-based multi-label image classification method, model construction method and device
CN114595748B (en) * 2022-02-21 2024-02-13 南昌大学 Data segmentation method for fall protection system
CN114595748A (en) * 2022-02-21 2022-06-07 南昌大学 Data segmentation method for fall protection system
CN114581861A (en) * 2022-03-02 2022-06-03 北京交通大学 Track area identification method based on deep learning convolutional neural network
CN114863505B (en) * 2022-03-07 2024-04-16 武汉纺织大学 Pedestrian re-identification method based on trigeminal convolutional neural network
CN114863505A (en) * 2022-03-07 2022-08-05 武汉纺织大学 Pedestrian re-identification method based on trident convolutional neural network
CN114595725B (en) * 2022-03-15 2024-02-20 合肥工业大学 Electroencephalogram signal classification method based on addition network and supervised contrast learning
CN114595725A (en) * 2022-03-15 2022-06-07 合肥工业大学 Electroencephalogram signal classification method based on addition network and supervised contrast learning
CN114359283B (en) * 2022-03-18 2022-07-05 华东交通大学 Defect detection method based on Transformer and electronic equipment
CN114359739A (en) * 2022-03-18 2022-04-15 深圳市海清视讯科技有限公司 Target identification method and device
CN114359283A (en) * 2022-03-18 2022-04-15 华东交通大学 Defect detection method based on Transformer and electronic equipment
CN114359739B (en) * 2022-03-18 2022-06-28 深圳市海清视讯科技有限公司 Target identification method and device
CN114387523A (en) * 2022-03-23 2022-04-22 成都理工大学 Remote sensing image building extraction method based on DCNN boundary guidance
CN114913325A (en) * 2022-03-24 2022-08-16 北京百度网讯科技有限公司 Semantic segmentation method, device and computer program product
CN114663779A (en) * 2022-03-25 2022-06-24 辽宁师范大学 Multi-temporal hyperspectral image change detection method based on time-space-spectrum attention mechanism
CN114693558A (en) * 2022-03-31 2022-07-01 福州大学 Image Moire removing method and system based on progressive fusion multi-scale strategy
CN114897922B (en) * 2022-04-03 2024-04-26 西北工业大学 Tissue pathology image segmentation method based on deep reinforcement learning
CN114897922A (en) * 2022-04-03 2022-08-12 西北工业大学 Histopathology image segmentation method based on deep reinforcement learning
CN114693932B (en) * 2022-04-06 2023-07-21 南京航空航天大学 Large-scale aircraft large-part point cloud semantic segmentation method
CN114693932A (en) * 2022-04-06 2022-07-01 南京航空航天大学 Large aircraft large component point cloud semantic segmentation method
CN114898284A (en) * 2022-04-08 2022-08-12 西北工业大学 Crowd counting method based on feature pyramid local difference attention mechanism
CN114898284B (en) * 2022-04-08 2024-03-12 西北工业大学 Crowd counting method based on feature pyramid local difference attention mechanism
CN114882537B (en) * 2022-04-15 2024-04-02 华南理工大学 Finger new visual angle image generation method based on nerve radiation field
CN114882537A (en) * 2022-04-15 2022-08-09 华南理工大学 Finger new visual angle image generation method based on nerve radiation field
CN114758178A (en) * 2022-04-18 2022-07-15 江南大学 Hub real-time classification and air valve hole positioning method based on deep learning
CN114758178B (en) * 2022-04-18 2024-04-05 江南大学 Hub real-time classification and air valve hole positioning method based on deep learning
CN114862770A (en) * 2022-04-18 2022-08-05 华南理工大学 Gastric cancer pathological section image segmentation prediction method based on SEnet
CN114943835B (en) * 2022-04-20 2024-03-12 西北工业大学 Real-time semantic segmentation method for yellow river ice unmanned aerial vehicle aerial image
CN114943835A (en) * 2022-04-20 2022-08-26 西北工业大学 Real-time semantic segmentation method for aerial images of ice slush unmanned aerial vehicle in yellow river
CN114998195B (en) * 2022-04-21 2023-06-16 重庆理工大学 Pig B ultrasonic image fat content detection method based on depth regression network
CN114998195A (en) * 2022-04-21 2022-09-02 重庆理工大学 Pig B ultrasonic image fat content detection method based on deep regression network
CN114782949A (en) * 2022-04-29 2022-07-22 中南大学 Traffic scene semantic segmentation method for boundary guide context aggregation
CN114782949B (en) * 2022-04-29 2024-04-16 中南大学 Traffic scene semantic segmentation method for boundary guide context aggregation
CN114820567A (en) * 2022-05-17 2022-07-29 合肥工业大学 Insulator detection method based on deep learning
CN114820567B (en) * 2022-05-17 2024-02-13 合肥工业大学 Insulator detection method based on deep learning
CN115019201B (en) * 2022-05-20 2024-03-05 西北工业大学 Weak and small target detection method based on feature refinement depth network
CN115019201A (en) * 2022-05-20 2022-09-06 西北工业大学 Weak and small target detection method based on feature refined depth network
CN114782409A (en) * 2022-05-23 2022-07-22 松立控股集团股份有限公司 Vehicle surface anomaly detection method based on side direction camera
CN114782409B (en) * 2022-05-23 2024-03-29 松立控股集团股份有限公司 Vehicle surface abnormality detection method based on side direction camera
CN114926746B (en) * 2022-05-25 2024-03-01 西北工业大学 SAR image change detection method based on multiscale differential feature attention mechanism
CN114926746A (en) * 2022-05-25 2022-08-19 西北工业大学 SAR image change detection method based on multi-scale differential feature attention mechanism
CN114882222A (en) * 2022-05-27 2022-08-09 江苏大学 Improved YOLOv5 target detection model construction method and tea tender shoot identification and picking point positioning method
CN114898120A (en) * 2022-05-27 2022-08-12 杭州电子科技大学 360-degree image salient target detection method based on convolutional neural network
CN115018780B (en) * 2022-05-30 2024-04-09 太原理工大学 Thyroid nodule segmentation method integrating global reasoning and MLP architecture
CN115018780A (en) * 2022-05-30 2022-09-06 太原理工大学 Thyroid nodule segmentation method fusing global reasoning and MLP framework
CN115082675A (en) * 2022-06-07 2022-09-20 中南大学 Transparent object image segmentation method and system
CN115035295A (en) * 2022-06-15 2022-09-09 湖北工业大学 Remote sensing image semantic segmentation method based on shared convolution kernel and boundary loss function
CN115035295B (en) * 2022-06-15 2024-04-30 湖北工业大学 Remote sensing image semantic segmentation method based on shared convolution kernel and boundary loss function
CN115018729A (en) * 2022-06-17 2022-09-06 重庆米弘科技有限公司 White box image enhancement method for content
CN115018729B (en) * 2022-06-17 2024-04-02 重庆米弘科技有限公司 Content-oriented white box image enhancement method
CN114842206A (en) * 2022-07-04 2022-08-02 江西师范大学 Remote sensing image semantic segmentation model and method based on double-layer global convolution
CN114999637A (en) * 2022-07-18 2022-09-02 华东交通大学 Pathological image diagnosis method and system based on multi-angle coding and embedded mutual learning
CN115631127A (en) * 2022-08-15 2023-01-20 无锡东如科技有限公司 Image segmentation method for industrial defect detection
CN115631127B (en) * 2022-08-15 2023-09-19 无锡东如科技有限公司 Image segmentation method for industrial defect detection
CN115239564A (en) * 2022-08-18 2022-10-25 中国矿业大学 Mine image super-resolution reconstruction method combining semantic information
CN115272681A (en) * 2022-09-22 2022-11-01 中国海洋大学 Ocean remote sensing image semantic segmentation method and system based on high-order feature class decoupling
CN115272681B (en) * 2022-09-22 2022-12-20 中国海洋大学 Ocean remote sensing image semantic segmentation method and system based on high-order feature class decoupling
CN115331087A (en) * 2022-10-11 2022-11-11 水利部交通运输部国家能源局南京水利科学研究院 Remote sensing image change detection method and system fusing regional semantics and pixel characteristics
CN115578360B (en) * 2022-10-24 2023-12-26 电子科技大学 Multi-target semantic segmentation method for ultrasonic cardiac image
CN115578360A (en) * 2022-10-24 2023-01-06 电子科技大学 Multi-target semantic segmentation method for ultrasonic cardiogram
CN115393470A (en) * 2022-10-28 2022-11-25 成都航空职业技术学院 Cultural relic digital line graph drawing method, system and device
CN115908298A (en) * 2022-11-10 2023-04-04 苏州慧维智能医疗科技有限公司 Method for predicting polyp target in endoscopic image, model and storage medium
CN115908298B (en) * 2022-11-10 2023-10-10 苏州慧维智能医疗科技有限公司 Target prediction method, model and storage medium for polyp in endoscopic image
CN115782334B (en) * 2022-12-13 2023-08-18 乐清裕丰新材料有限公司 Organosilicon composite material with fiber, metal or plastic as base material and preparation method thereof
CN115782334A (en) * 2022-12-13 2023-03-14 乐清裕丰新材料有限公司 Organic silicon composite material taking fiber, metal or plastic as base material and preparation method thereof
CN116129265A (en) * 2023-01-03 2023-05-16 国网湖北省电力有限公司经济技术研究院 Remote sensing image engineering quantity monitoring method based on neural network
CN116129265B (en) * 2023-01-03 2024-03-08 国网湖北省电力有限公司经济技术研究院 Remote sensing image engineering quantity monitoring method based on neural network
CN115908464A (en) * 2023-01-09 2023-04-04 智慧眼科技股份有限公司 Tongue image segmentation method and system
CN116119589A (en) * 2023-02-21 2023-05-16 德玛克(浙江)精工科技有限公司 Liquid PET bottled drink purging, filling and rotating integrated machine and method thereof
CN116129123B (en) * 2023-02-27 2024-01-05 中国矿业大学 End-to-end chromosome segmentation method based on uncertainty calibration and region decomposition
CN116129123A (en) * 2023-02-27 2023-05-16 中国矿业大学 End-to-end chromosome segmentation method based on uncertainty calibration and region decomposition
CN116256803A (en) * 2023-03-09 2023-06-13 中国矿业大学 Coal mine microseismic region positioning method integrating mining information and geological information
CN116256803B (en) * 2023-03-09 2024-01-19 中国矿业大学 Coal mine microseismic region positioning method integrating mining information and geological information
CN115964360B (en) * 2023-03-14 2023-05-16 山东省地震工程研究院 Method and system for building earthquake safety evaluation database
CN115964360A (en) * 2023-03-14 2023-04-14 山东省地震工程研究院 Earthquake safety evaluation database construction method and system
CN116703834B (en) * 2023-05-22 2024-01-23 浙江大学 Method and device for judging and grading excessive sintering ignition intensity based on machine vision
CN116703834A (en) * 2023-05-22 2023-09-05 浙江大学 Method and device for judging and grading excessive sintering ignition intensity based on machine vision
CN116416479A (en) * 2023-06-06 2023-07-11 江西理工大学南昌校区 Mineral classification method based on deep convolution fusion of multi-scale image features
CN116416479B (en) * 2023-06-06 2023-08-29 江西理工大学南昌校区 Mineral classification method based on deep convolution fusion of multi-scale image features
CN116758631B (en) * 2023-06-13 2023-12-22 杭州追形视频科技有限公司 Big data driven behavior intelligent analysis method and system
CN116758631A (en) * 2023-06-13 2023-09-15 孟冠宇 Big data driven behavior intelligent analysis method and system
CN116543165A (en) * 2023-07-03 2023-08-04 东华理工大学南昌校区 Remote sensing image fruit tree segmentation method based on dual-channel composite depth network
CN116543165B (en) * 2023-07-03 2023-08-29 东华理工大学南昌校区 Remote sensing image fruit tree segmentation method based on dual-channel composite depth network
CN116563553A (en) * 2023-07-10 2023-08-08 武汉纺织大学 Unmanned aerial vehicle image segmentation method and system based on deep learning
CN116563285A (en) * 2023-07-10 2023-08-08 邦世科技(南京)有限公司 Focus characteristic identifying and dividing method and system based on full neural network
CN116563285B (en) * 2023-07-10 2023-09-19 邦世科技(南京)有限公司 Focus characteristic identifying and dividing method and system based on full neural network
CN116563553B (en) * 2023-07-10 2023-09-29 武汉纺织大学 Unmanned aerial vehicle image segmentation method and system based on deep learning
CN116721420A (en) * 2023-08-10 2023-09-08 南昌工程学院 Semantic segmentation model construction method and system for ultraviolet image of electrical equipment
CN116721420B (en) * 2023-08-10 2023-10-20 南昌工程学院 Semantic segmentation model construction method and system for ultraviolet image of electrical equipment
CN117058468A (en) * 2023-10-11 2023-11-14 青岛金诺德科技有限公司 Image recognition and classification system for recycling lithium batteries of new energy automobiles
CN117058468B (en) * 2023-10-11 2023-12-19 青岛金诺德科技有限公司 Image recognition and classification system for recycling lithium batteries of new energy automobiles
CN117338310B (en) * 2023-11-16 2024-04-09 齐鲁工业大学(山东省科学院) Electrocardiosignal classification method based on contrast learning and multi-scale feature extraction
CN117338310A (en) * 2023-11-16 2024-01-05 齐鲁工业大学(山东省科学院) Electrocardiosignal classification method based on contrast learning and multi-scale feature extraction
CN117252926B (en) * 2023-11-20 2024-02-02 南昌工控机器人有限公司 Mobile phone shell auxiliary material intelligent assembly control system based on visual positioning
CN117252926A (en) * 2023-11-20 2023-12-19 南昌工控机器人有限公司 Mobile phone shell auxiliary material intelligent assembly control system based on visual positioning
CN117456191A (en) * 2023-12-15 2024-01-26 武汉纺织大学 Semantic segmentation method based on three-branch network structure under complex environment
CN117456191B (en) * 2023-12-15 2024-03-08 武汉纺织大学 Semantic segmentation method based on three-branch network structure under complex environment
CN117690096A (en) * 2024-02-04 2024-03-12 成都中轨轨道设备有限公司 Contact net safety inspection system adapting to different scenes
CN117690096B (en) * 2024-02-04 2024-04-12 成都中轨轨道设备有限公司 Contact net safety inspection system adapting to different scenes
CN117765264A (en) * 2024-02-22 2024-03-26 北京理工大学 image semantic segmentation method and system based on frequency self-adaptive expansion convolution
CN117789153B (en) * 2024-02-26 2024-05-03 浙江驿公里智能科技有限公司 Automobile oil tank outer cover positioning system and method based on computer vision
CN117809043A (en) * 2024-03-01 2024-04-02 华东交通大学 Foundation cloud picture segmentation and classification method
CN117809043B (en) * 2024-03-01 2024-04-30 华东交通大学 Foundation cloud picture segmentation and classification method

Similar Documents

Publication Publication Date Title
AU2020103901A4 (en) Image Semantic Segmentation Method Based on Deep Full Convolutional Network and Conditional Random Field
CN112052886B (en) Intelligent human body action posture estimation method and device based on convolutional neural network
Karim et al. LSTM fully convolutional networks for time series classification
WO2022252272A1 (en) Transfer learning-based method for improved vgg16 network pig identity recognition
CN111191583B (en) Space target recognition system and method based on convolutional neural network
CN113705769A (en) Neural network training method and device
Teow Understanding convolutional neural networks using a minimal model for handwritten digit recognition
CN109635744A (en) A kind of method for detecting lane lines based on depth segmentation network
CN111507993A (en) Image segmentation method and device based on generation countermeasure network and storage medium
CN108830196A (en) Pedestrian detection method based on feature pyramid network
CN112464911A (en) Improved YOLOv 3-tiny-based traffic sign detection and identification method
Li et al. Implementation of deep-learning algorithm for obstacle detection and collision avoidance for robotic harvester
CN111291670A (en) Small target facial expression recognition method based on attention mechanism and network integration
CN114255361A (en) Neural network model training method, image processing method and device
CN111898432A (en) Pedestrian detection system and method based on improved YOLOv3 algorithm
CN112989942A (en) Target instance segmentation method based on traffic monitoring video
CN114842026A (en) Real-time fan blade image segmentation method and system
CN114565628B (en) Image segmentation method and system based on boundary perception attention
CN114359631A (en) Target classification and positioning method based on coding-decoding weak supervision network model
CN114283345A (en) Small sample city remote sensing image information extraction method based on meta-learning and attention
CN112950780A (en) Intelligent network map generation method and system based on remote sensing image
Hamian et al. Semantic segmentation of autonomous driving images by the combination of deep learning and classical segmentation
CN113298235A (en) Neural network architecture of multi-branch depth self-attention transformation network and implementation method
CN111199255A (en) Small target detection network model and detection method based on dark net53 network
Bui et al. Deep learning architectures for hard character classification

Legal Events

Date Code Title Description
FGI Letters patent sealed or granted (innovation patent)