
Understanding mathematical identity is critical, thereby reflecting a student's relationship with mathematics and their academic performance. Gender, socioeconomic status, family education level, and personal beliefs may contribute to shaping this identity, especially in non-Western countries such as Turkey. This study aims to investigate the role of gender, socioeconomic status, family education level, mathematics achievement, mathematical beliefs, attitudes towards mathematics, and mathematics motivation as predictors of mathematical identity among Turkish elementary school students. The study, which employed a survey research design, involved 520 elementary school students. Data were collected through five instruments, including a self-description form and a demographic questionnaire. The data were analyzed using multiple regression analyses to explore relationships between the variables. The results revealed that the father's education level, mathematical beliefs, attitudes towards mathematics, and motivation for mathematics significantly predicted the mathematical identity. However, gender, socioeconomic status, maternal education level, and mathematics achievement did not considerably affect the mathematical identity. These findings suggest that intrinsic factors such as beliefs and motivation play a more substantial role in the development of mathematical identity than demographic factors. The study highlights the importance of fostering positive mathematical attitudes and motivation to strengthen a student's mathematical identity. Further research should examine the underlying mechanisms between these predictors and mathematical identity, thereby considering cross-cultural comparisons and longitudinal data to understand how these relationships evolve.
Citation: Hakan Ulum. Understanding Turkish students' mathematical identity: Mathematics achievement, beliefs, attitudes and motivation[J]. STEM Education, 2025, 5(1): 89-108. doi: 10.3934/steme.2025005
[1] | Jiaming Ding, Peigang Jiao, Kangning Li, Weibo Du . Road surface crack detection based on improved YOLOv5s. Mathematical Biosciences and Engineering, 2024, 21(3): 4269-4285. doi: 10.3934/mbe.2024188 |
[2] | Yang Pan, Jinhua Yang, Lei Zhu, Lina Yao, Bo Zhang . Aerial images object detection method based on cross-scale multi-feature fusion. Mathematical Biosciences and Engineering, 2023, 20(9): 16148-16168. doi: 10.3934/mbe.2023721 |
[3] | Siyuan Shen, Xing Zhang, Wenjing Yan, Shuqian Xie, Bingjia Yu, Shizhi Wang . An improved UAV target detection algorithm based on ASFF-YOLOv5s. Mathematical Biosciences and Engineering, 2023, 20(6): 10773-10789. doi: 10.3934/mbe.2023478 |
[4] | Jiale Lu, Jianjun Chen, Taihua Xu, Jingjing Song, Xibei Yang . Element detection and segmentation of mathematical function graphs based on improved Mask R-CNN. Mathematical Biosciences and Engineering, 2023, 20(7): 12772-12801. doi: 10.3934/mbe.2023570 |
[5] | Xiaowen Jia, Jingxia Chen, Kexin Liu, Qian Wang, Jialing He . Multimodal depression detection based on an attention graph convolution and transformer. Mathematical Biosciences and Engineering, 2025, 22(3): 652-676. doi: 10.3934/mbe.2025024 |
[6] | Songlin Liu, Shouming Zhang, Zijian Diao, Zhenbin Fang, Zeyu Jiao, Zhenyu Zhong . Pedestrian re-identification based on attention mechanism and Multi-scale feature fusion. Mathematical Biosciences and Engineering, 2023, 20(9): 16913-16938. doi: 10.3934/mbe.2023754 |
[7] | Zhigao Zeng, Cheng Huang, Wenqiu Zhu, Zhiqiang Wen, Xinpan Yuan . Flower image classification based on an improved lightweight neural network with multi-scale feature fusion and attention mechanism. Mathematical Biosciences and Engineering, 2023, 20(8): 13900-13920. doi: 10.3934/mbe.2023619 |
[8] | Zhijing Xu, Jingjing Su, Kan Huang . A-RetinaNet: A novel RetinaNet with an asymmetric attention fusion mechanism for dim and small drone detection in infrared images. Mathematical Biosciences and Engineering, 2023, 20(4): 6630-6651. doi: 10.3934/mbe.2023285 |
[9] | Ning Huang, Zhengtao Xi, Yingying Jiao, Yudong Zhang, Zhuqing Jiao, Xiaona Li . Multi-modal feature fusion with multi-head self-attention for epileptic EEG signals. Mathematical Biosciences and Engineering, 2024, 21(8): 6918-6935. doi: 10.3934/mbe.2024304 |
[10] | Dawei Li, Suzhen Lin, Xiaofei Lu, Xingwang Zhang, Chenhui Cui, Boran Yang . IMD-Net: Interpretable multi-scale detection network for infrared dim and small objects. Mathematical Biosciences and Engineering, 2024, 21(1): 1712-1737. doi: 10.3934/mbe.2024074 |
Understanding mathematical identity is critical, thereby reflecting a student's relationship with mathematics and their academic performance. Gender, socioeconomic status, family education level, and personal beliefs may contribute to shaping this identity, especially in non-Western countries such as Turkey. This study aims to investigate the role of gender, socioeconomic status, family education level, mathematics achievement, mathematical beliefs, attitudes towards mathematics, and mathematics motivation as predictors of mathematical identity among Turkish elementary school students. The study, which employed a survey research design, involved 520 elementary school students. Data were collected through five instruments, including a self-description form and a demographic questionnaire. The data were analyzed using multiple regression analyses to explore relationships between the variables. The results revealed that the father's education level, mathematical beliefs, attitudes towards mathematics, and motivation for mathematics significantly predicted the mathematical identity. However, gender, socioeconomic status, maternal education level, and mathematics achievement did not considerably affect the mathematical identity. These findings suggest that intrinsic factors such as beliefs and motivation play a more substantial role in the development of mathematical identity than demographic factors. The study highlights the importance of fostering positive mathematical attitudes and motivation to strengthen a student's mathematical identity. Further research should examine the underlying mechanisms between these predictors and mathematical identity, thereby considering cross-cultural comparisons and longitudinal data to understand how these relationships evolve.
Crack is one of the common pavement diseases, and pavement cracks will reduce the efficiency of road traffic, and can even lead to serious traffic accidents and endanger life safety. Therefore, timely detection, accurate evaluation and repair of cracks are one of the key tasks in pavement maintenance. Figure 1 shows some examples of pavement cracks. In the face of the huge stock of domestic roads, the traditional manual crack detection method has been unable to meet the current demand, so the intelligent crack detection method, based on pavement image, has gradually attracted wide attention. However, pavement cracks have complex topological structure, uneven light and noisy texture background [1], making effective crack detection a significant challenge.
In recent years, deep learning has made significant breakthroughs in various computer vision tasks, and new deep neural network models are constantly emerging [2]. Deep convolutional neural networks (CNNs) [3,4] and Transformer neural network [5] are two representative models for semantic segmentation. Although CNN-based models have dominated this field since the advent of the fully convolutional network (FCN), the recent segmentation Transformer (SETR) [6] replaced the CNN encoder with a pure Transformer structure encoder, which altered the architecture of the current semantic segmentation models. However, the output feature map of Transformer has low resolution and lacks detailed information about cracks, and the decoding structure proposed by SETR does not effectively solve this problem, resulting in poor performance for detecting slender cracks.
In this paper, we propose a multi-scale feature fusion network for pavement crack detection based on Transformer, including the vision Transformer (ViT) model, to extract crack features, dilated convolution to expand receptive field and upsampling to restore resolution and multi-scale feature fusion. Our method globally models the feature map and recovers the detailed information of cracks by fusing multi-scale features, so that we can achieve accurate segmentation of slender cracks and have a better generalization.
The contributions of this work are as follows:
(1) We propose an automatic crack segmentation method based on Transformer. Compared with existing pavement crack detection networks, our method has higher detection accuracy and better generalization.
(2) To address the challenge that the ViT model can only output feature maps at a fixed resolution, we introduce a multi-scale feature fusion module as a solution.
(3) A study of the influence of different brightness levels on the crack segmentation model performance.
(4) We demonstrate the effectiveness of various blocks and their combinations, such as dilated convolution blocks and feature fusion blocks.
Early researchers usually use digital image processing technology to realize the automatic detection of pavement cracks. The gray value of the crack and the gray value of the background often have obvious differences, and the crack can be effectively separated from the background by selecting the appropriate threshold [7,8,9]. However, the thresholding method is sensitive to noise and usually requires the addition of preprocessing and postprocessing operations. Edge detection is a method to segment an image based on the abrupt change and discontinuity of image gray level. At the boundary of the object, the gray value of the pixel often changes significantly [10]. Edge detection operators, such as Sobel [11] and Canny [12,13], can separate the crack from the background by calculating the gradient change of the crack boundary. However, edge detection is an ill-posed problem, and no edge detector can respond only to the features of the target object in the image [14].
Although the crack detection methods based on digital image processing can achieve good detection results, the quality of the input image is required to be high, and the performance of these detection methods will be seriously affected when the crack and background contrast is not obvious, the light is uneven, or there is noise interference.
In recent years, deep learning, especially deep convolutional neural networks, has been widely used in image classification, object detection, semantic segmentation and other fields, automatic extraction of image features by deep neural network and back propagation.
Ronneberger et al. [4] proposed U-Net based on FCN [3] structure. The network is composed of encoder and decoder, has simple structure and fast training speed, and has been widely used in biomedical image segmentation field. Liu et al. [15] first applied U-Net in the field of crack segmentation, and achieved good results in small datasets. After the success of U-Net network in the field of crack detection, some scholars improved the U-Net network by adding the attention mechanism to enhance the identification of crack, so as to obtain more accurate semantic information [16,17,18]. Chen et al. [19] proposed an encoder-decoder network based on the SegNet [20] model and initialized with pretrained weights, which has high crack detection performance and generalization ability. Liu et al. [21] proposed a deep hierarchical convolutional neural network named DeepCrack, which consists of a fully convolutional network and a deeply supervised net (DSN), and the final feature map aggregates the multi-scale and multi-level features of different convolutional layers. The features of different convolution stages are directly supervised by DSN, and the end-to-end pixel-level crack segmentation is realized. Ren et al. [22] proposed a deep full convolutional neural network CrackSegNet, in which a dilated convolution and pyramid pooling module [23] were added to the network, and the context information was obtained by increasing the receptive field, thus realizing the effective segmentation of concrete cracks.
However, due to the limited size of convolutional kernel, it is difficult for convolutional neural networks to obtain a larger receptive field. Although this problem can be solved by deepening the number of layers in the network, it will make the model too complicated and increase the calculation cost.
Transformer model first emerged in the field of natural language processing, and was first applied to the task of image classification in [24], where the ViT model was proposed. In 2020, Zheng et al. [6] proposed the SETR segmentation algorithm based on the Transformer model, which uses the ViT to extract image features, providing a sequence-based image semantic segmentation perspective for subsequent researchers. CrackFormer [25] model adopts the self-attention mechanism to encode and decode the feature map, and combines the output of the corresponding encoder and decoder by scaling-attention block to obtain the clear crack boundary. SegFormer [26] model abandons position embedding and designs a layered Transformer encoder, which uses overlapping patch merging to downsample the feature map to obtain multi-scale features. The decoder only uses linear layers, which reduces the complexity of the network and achieves good segmentation results. SegCrack [27] model adopts the same encoder as SegFormer. When decoding, it uses lateral connection to restore the feature map scale layer by layer, and then fuses the feature maps of all scales to form a multi-scale feature map, which presents a more powerful representation by combining local features with global features. Feng et al. [28] used swin Transformer [29] to encode the crack image, and input the features of different encoder stages into the multi-layer perceptron (MLP) layer to unify the channel and size. Efficient and accurate segmentation of pavement cracks can be achieved by fusing the features of different stages. The TransMF [30] model uses a symmetric encoder and decoder structure, and added the fusion module. The encoder uses a hybrid model of convolution and Swin Transformer to model the crack from a local and global perspective, and the fusion module fuses both encoding and decoding features. The influence of noise can be reduced and the correlation between contexts can be strengthened.
Compared with convolution operation, Transformer uses self-attention mechanism dynamic modeling to discover the importance of feature sequences, and adopts a sequence-to-sequence learning method with less inductive bias [31]. It can achieve better results in the detection of cracks, and has gradually become one of the mainstream methods of crack detection.
As shown in Figure 2, the crack detection process consists of two main parts: training the network model and crack detection. First, the original crack image is inputted into the trained network model, and then the detected crack prediction map is outputted.
In this paper, we proposed a multi-scale feature fusion network for pavement crack detection based on Transformer. The network architecture is shown in Figure 3, which is composed of encoder and decoder network. The encoder network adopts ViT model as the backbone, which is composed of Patch Embedding, Position Embedding and Transformer Encoder. The dilated convolution block with different combinations of dilation rates is added after the backbone, which can capture multi-scale information. The decoder consists of upsampling block, convolution block and the multi-scale feature fusion block proposed in this paper. The decoder network recovers the resolution of the feature map output by the encoder network layer by layer and fuses the multi-scale features to obtain the final segmentation result.
The Transformer encoder of ViT adpots the Pre-LN Transformer architecture [32], this structure puts the layer normalization block of Transformer model inside the residual structure, which can improve the convergence speed. In the encoding stage, first, the input image is split into 16 × 16 patches, and each patch is flattened into a one-dimensional vector, which named token. Then, the token is layer normalized, activated by the GeLU function and add position embeddings. Finally, the tokens are input into Transformer encoder to extract crack image features. The encoder is stacked with 12 identical encoder blocks. Each encoder block is composed of layer norm, multi-head self-attention, dropout and MLP block. Inside the encoder block, the input data distribution is unified into Gaussian distribution through the Layer Norm layer at first, then self-attention and full connection operation are performed. The self-attention formula [5] is as follows:
Attention(Q,K,V)=softmax(QKT√dk)V | (1) |
where, Q, K, V are three matrices, obtained from the input features through three linear transformations, Q refers to the feature matrix of the crack area that needs to be attended to, K refers to the feature matrix of all locations in an entire image, V refers to the feature matrix of the location that corresponds to K. The matrix K is used to compute similarity with matrix Q, in order to perform a weighted average of the corresponding matrix V based on attention score. When the similarity between the matrix Q and matrix K is high, the corresponding matrix V is given a higher weight, and vice versa. This allows crack features to stand out while suppressing unnecessary information. dk is the dimension of the matrix K.
In order to improve the detection effect of slender cracks, it is necessary to enlarge the receptive field to obtain long-distance dependence. The receptive field of the feature map can be increased without reducing the resolution by employing the dilated convolution, thereby capturing the context information [33].
As shown in Figure 4, the dilated convolution block combines convolutions with different dilation rates, and the receptive fields of each layer are 3, 7 and 15, respectively. The feature sequence output from the backbone network is dimensionally transformed to obtain the feature map of size 16 × 16 × 768. In the dilated convolution block, the receptive field can cover the main part of the feature map. By fusing the feature maps of different receptive fields, it is helpful to obtain the context information and further extract the crack features.
Low-level features contain more deatil information, which is helpful to restore the crack boundary and improve segmentation accuracy. This paper designed a simple and efficient feature fusion block. A linear layer is added after the output of the encoder block of the 3rd, 6th and 9th layers of Transformer encoder, respectively. The length of the feature sequence is changed by setting different numbers of neurons, which are 256 × 8192,256 × 4096 and 256 × 2048, respectively. After converting the dimension of the feature sequence, three feature maps with different scales are obtained, and the sizes of the feature maps are 128 × 128 × 128, 64 × 64 × 256 and 32 × 32 × 512, respectively.
In the upsampling block, the resolution of the feature map is increased to two times and the channel number is reduced to one half of the original feature map, and fused with the feature map of the same scale, then the fused feature map is input to the convolution block for twice convolution operation, and batch norm and RuLU activation function operations are added after each convolution. Repeat the above operations to recover the resolution of the feature map layer by layer and fuse the multi-scale features, so as to obtain the final crack segmentation map.
To validate the proposed methodology and conduct comparative analysis with other approaches, we selected two standard crack datasets, namely Crack500 [34] and DeepCrack [21], for our experimentation.
(1) The Crack500 dataset contains a variety of complex pavement backgrounds and various types of asphalt pavement cracks, including 3368 pavement crack images with 640 × 360 pixels, each of which has a corresponding binary image labeled with pixel-level cracks. Among them, 2244 images are used for training and 1124 images are used for testing.
(2) The DeepCrack dataset contains multi-scale and multi-scene concrete pavement cracks, including 537 concrete pavement crack images with 544 × 384 pixels and their corresponding crack labels. 300 images are used for training and 237 images are used for testing.
Before training the model, the dataset was extended. Each image in the Crack500 dataset was clipped at the circumference and center with 256 × 256. After clipping, we count the total number of pixels of cracks in each crack image and crack pixels less than 1000 were deleted, then the crack image was rotated at 4 different angles, 90° each time. Due to the small amount of DeepCrack dataset, in addition to the above operation, horizontal flip operation has been added. When testing, only crop and delete operations were performed. After data expansion, there are 21704 images for training and 3278 images for testing on Crack500 dataset, and 7888 images for training and 900 images for testing on DeepCrack dataset.
The experimental environment is Nvidia GeForce RTX3090 GPU, implemented on PyTorch framework. The unified size of input image for network model training and testing is 256 × 256 × 3.
Pavement crack segmentation is a binary classification task, the binary cross entropy (BCE) loss function is used to measure the model's ability to correctly classify each pixel at the pixel level. The BCE loss is defined as follows:
LBCE=−1N∑Ni[yilog(^yi)+(1−yi)log(1−^yi)] | (2) |
where N represents the total number of pixels contained in the image, yi and ^yi represent the ground truth and prediction of point i, respectively.
Due to the small proportion of crack pixels, the BCE loss function will bias the network towards learning background features. The Dice loss function [35] focuses more on preserving the detailed information of cracks in the image, especially for detecting crack boundaries with good performance. The Dice loss is defined as follows:
LDice=1−2∑Niyi^yi∑Niyi+∑Ni^yi | (3) |
We combine the Dice loss function and BCE loss function. The combined loss function pays more attention on crack region, and can effectively eliminate the problem caused by the imbalance of positive and negative samples [36]. The loss function of combination [37] is defined as:
LTotal=LDice+αLBCE | (4) |
where α is the weighting factor to balance the importance between the BCE loss function and the Dice loss function.
In this paper, precision (Pr), recall (Re), and F1 score are used to evaluate the results of pavement crack detection, which are defined as:
Pr=TPTP+FPRe=TPTP+FNF1=2Pr×RePr+Re | (5) |
where TP refers the number of pixels correctly detected and classified as crack in the detection results, FP refers the number of background pixels misclassified as cracks, FN refers the number of pixels in the cracks misclassified as background.
In order to verify the effectiveness of the proposed method, the following three sets of experiments are designed: 1) Model comparison experiments: Each model was trained and tested on DeepCrack and Crack500 datasets respectively, and the F1 score and other indicators of each model were compared; 2) Comparison experiment of generalization: The models were trained on the Crack500 dataset, and then the DeepCrack testset was copied three times, one was enhanced the brightness by 1.5 times, one was reduced the brightness to 0.5 times, and the other remained the same. Then the three testsets were tested separately to compare the generalization of each model; 3) Ablation experiment: DeepCrack dataset was used to train and test the models that removed the feature fusion block and the dilated convolution block, and the influence of each block on the model was evaluated.
During the experiment, batchsize is set to 16, the epoch is set to 50, the initial learning rate is set to 1e-5 reduced by the decay rate 0.5 after every 5 epochs, the optimizer uses Adam, α is set to 0. 2.
To illustrate the effectiveness of the proposed method, other state-of-the-art ones were selected as comparative methods, including CNN-based methods, such as U-Net [15] and CrackSegNet [22], and Transformer-based methods, such as SETR [6], SegFormer [26] and SegCrack [27]. The SETR adopts two different decoder designs named SETR-MLA and SETR-PUP, respectively, the backbone of them are both ViT-B/16. The backbone of SegCrack and SegFormer are MiT-B2.
Tables 1 and 2 present the quantitative results of seven models on the Crack500 dataset and the DeepCrack dataset. According to the results, we have the highest Pr and F1 score, although Re is slightly lower than CrackSegNet and U-Net, it is still higher than the other methods. Since U-Net and CrackSegNet sacrifice Pr for higher Re, objects in a wider range will be identified as crack in the actual detection process, it will lead to serious false positive problems. Our method comprehensively considers the importance of Pr and Re, achieves the highest F1 score of 70.84% and 84.50% on the two datasets, respectively, which are 1.42% and 2.07% higher than the second method.
Methods | Pr | Re | F1 |
U-Net | 64.49% | 81. 25% | 69.08% |
CrackSegNet | 65.64% | 78.30% | 68.43% |
SegCrack | 67.12% | 77.64% | 69.42% |
SegFormer | 64.53% | 77.15% | 67.44% |
SETR-PUP | 65.69% | 78.48% | 68.90% |
SETR-MLA | 65.69% | 72.53% | 66.29% |
Ours | 68.06% | 79.11% | 70.84% |
Methods | Pr | Re | F1 |
U-Net | 83.92% | 85.92% | 82.43% |
CrackSegNet | 74.59% | 91.63% | 79.94% |
SegCrack | 83.34% | 82.21% | 80.28% |
SegFormer | 82.61 % | 82.54% | 80.29% |
SETR-PUP | 82.50% | 80.21% | 79.35% |
SETR-MLA | 69.48% | 75.31% | 69.99% |
Ours | 85.98% | 86.20% | 84.50% |
The segmentation results of various methods on the Crack500 dataset and DeepCrack dataset are shown in Figures 5 and 6. It can be seen that Transformer-based models, such as SegFormer, SETR-MLA and SETR-PUP are less affected by noise, because of larger receptive field, however, satisfactory results cannot be achieved when detecting slender crack. Benefited from its special structure, U-Net has the better segmentation result in slender crack by fusing feature maps of different layers, however, due to the small receptive field of the low-level feature map, there is still much noise in the segmentation results in Figures 4 and 5. Our method uses Transformer to extract crack features and fuses multi-scale features, which can effectively eliminate the negative impact of noise on performance and realize accurate segmentation of slender crack under complex background. It can be seen from precision-recall (P-R) curves in Figure 7, our method outperforms the other compared methods.
To test the generalization ability of each model, after training the model on the Crack500 trainset, they are tested separately on the DeepCrack testset. The experimental results are shown in Table 3.
Methods | Pr | Re | F1 |
U-Net | 56.11% | 86.40% | 61.75% |
CrackSegNet | 63.81% | 81.44% | 66.91% |
SegCrack | 65.24% | 85.31% | 70.32% |
SegFormer | 66.59% | 85.01% | 70.06% |
SETR-PUP | 65.13% | 86.84% | 71.93% |
SETR-MLA | 57.23% | 81.77% | 64.42% |
Ours | 68.22% | 90.25% | 75.19% |
According to the results of generalization experiment on DeepCrack dataset, the Pr、Re and F1 score of the our method are 1.63%, 3.41% and 3.26% higher than the second method, respectively, demonstrating that the proposed model has high generalization ability.
In addition, considering crack detection is often affected by light in the actual work. In order to simulate different light conditions, the testset of DeepCrack is processed with brightness enhancement and brightness decrease, respectively, the processed testsets are shown in Figure 8. The two testsets are tested separately, and the experimental results are shown in Tables 4 Table 5.
Methods | Pr | Re | F1 |
U-Net | 60.55% | 72.69% | 59.77% |
CrackSegNet | 52.84% | 75.54% | 56.71% |
SegCrack | 72.89% | 74.98% | 67.52% |
SegFormer | 78.26% | 70.58% | 67.98% |
SETR-PUP | 67.50% | 83.37% | 71.59% |
SETR-MLA | 53.89% | 83.39% | 62.21% |
Ours | 72.11% | 86.54% | 75.78% |
Methods | Pr | Re | F1 |
U-Net | 38.82% | 89.24% | 48.05% |
CrackSegNet | 49.22% | 44.01% | 39.46% |
SegCrack | 76.08% | 70.55% | 65.70% |
SegFormer | 61.98% | 75.20% | 59.05% |
SETR-PUP | 49.81% | 87.81% | 59.94% |
SETR-MLA | 69.55% | 53.13% | 53.86% |
Ours | 70.29% | 82.48% | 71.44% |
It can be seen from the experimental results that the CrackSegNet performs poorly when the brightness is high, while other models are less affected. In the case of low image brightness, all models are affected to some extent when detecting cracks. U-Net has the highest Re, however, its Pr and F1 score are also the lowest among all models. CrackSegNet is difficult to distinguish crack from the background when the image brightness is low, so all evaluation indicators are the lowest. Our method is the least affected, F1 score can reach more than 70%, satisfactory crack segmentation results can still be obtained under this condition. As shown in Figure 9, our method can accurately detect cracks from the background in both brightness enhancement and dark conditions, it is further proved that our method has better generalization and can achieve better detection results under different lighting conditions.
To ascertain the effectiveness of the feature fusion and dilated convolution blocks, we performed ablation experiments on the DeepCrack dataset. The dilated convolution block is abbreviated as "DC", and the feature fusion block is denoted by "FF", The experimental results are detailed in Table 6.
Methods | Pr | Re | F1 |
Ours | 74.64% | 91. 21% | 80. 40% |
Ours(DC) | 84.53% | 84 23% | 82. 92% |
Ours(FF) | 83.77% | 86. 94% | 83. 49% |
Ours(FF+DC) | 85. 98% | 86. 20% | 84. 50% |
Table 6 presents the F1 score of the model, which amounts to 80.40% when the feature fusion block and dilated convolution block are not integrated. However, the inclusion of these blocks individually results in an increase of 3.09% and 2.52% in the F1 score, respectively. Remarkably, when both blocks are integrated, the F1 score rises by 4.10%. These findings serve as compelling evidence to support the effectiveness of dilated convolution and multi-scale feature fusion for crack detection.
According to the above three experiments, it has been fully demonstrated that the proposed method in this paper has the advantages of high accuracy and high generalization, and has the ability to identify road cracks under different lighting conditions.
In this paper, a multi-scale feature fusion method for pavement crack detection based on Transformer is proposed. In the encoding stage, the ViT model is adopted as the backbone, modeling the crack images from a sequence-to-sequence perspective. Compared to convolutional neural networks, it has a larger receptive field and can capture global information, which can better extract the crack features, and the dilated convolution block is added to increase the receptive field of the feature map, to further obtain the context information. In the decoding stage, we propose a multi-scale feature fusion module. The linear layer is employed to adjust the length of the feature sequence output by different encoder blocks of Transformer model, and then it is converted into feature maps of different scales. By fusing multi-scale semantic features, the detailed information can be recovered, and the accuracy of crack detection can be improved. We compare our method with other methods on Crack500 and DeepCrack datasets, and F1 scores of our method are 70.84% and 84.50%, respectively, which are better than other methods. In addition, in the generalization experiments, the proposed method has better generalization ability and can accurately identify cracks under different light conditions. The effectiveness of the dilated convolution block and feature fusion block is verified by setting ablation experiments.
The proposed method can reduce labor costs, improve the detection efficiency and the accuracy of crack detection and can be extended to biomedical field such as the identification of retinal diseases from optical coherence tomography [38,39]. Although the proposed method has good performance, it also has some limitations. On the one hand, Transformer encoder needs a large amount of data for training. Manual annotation is time-consuming and subject to subjective influence, which will inevitably generate errors. On the other hand, the parameters and calculations of Transformer are very large, and we spent 10 hours training the model on the Crack500 dataset and 3.5 hours on the DeepCrack dataset, which took more time compared to training other models. Next, further investigation will be performed to improve the accuracy of crack detection, reduce the model's complexity and improve the detection efficiency of the model. In addition, exploration on other detection fields by using this method will be performed too.
The authors declare they have not used Artificial Intelligence (AI) tools in the creation of this article.
This work is supported by the National Natural Science Foundation of China (62001004), the Key Research and Development Program of Anhui Province (202104A07020017), the Academic Funding Program for Top-Notch Talents of Disciplines (Majors) in Universities of Anhui Province (gxbjZD2022028), the Research Project Reserve of Anhui Jianzhu University (2020XMK04), the New Era Education Quality Project of Anhui Province (2022cxcysj143 and 2022cxcysj145). All authors have read and agreed to the published version of the manuscript.
The authors declare there is no conflict of interest.
[1] | Allen, K. and Schnell, K., Developing mathematics identity. Mathematics Teaching in the Middle School, 2016, 21(7): 398–405. |
[2] |
Axelsson, G.B., Mathematical identity in women: The concept, its components, and relationship to educative ability, achievement, and family support. International Journal of Lifelong Education, 2009, 28(3): 383–406. https://doi.org/10.1080/02601370902757066 doi: 10.1080/02601370902757066
![]() |
[3] |
Bentler, P.M. and Bonett, D.G., Significance tests and goodness of fit in the analysis of covariance structures. Psychological Bulletin, 1980, 88(3): 588–606. https://doi.org/10.1037/0033-2909.88.3.588 doi: 10.1037/0033-2909.88.3.588
![]() |
[4] |
Bishop, J.P., She's always been the smart one. I've always been the dumb one: Identities in the mathematics classroom. Journal for Research in Mathematics Education, 2012, 43(1): 34–74. https://doi.org/10.5951/jresematheduc.43.1.0034 doi: 10.5951/jresematheduc.43.1.0034
![]() |
[5] |
Bohrnstedt, G.W., Cohen, E.D., Yee, D. and Broer, M., Mathematics identity and discrepancies between self-and reflected appraisals: Their relationships with grade 12 mathematics achievement using new evidence from a US national study. Social Psychology of Education, 2021, 24: 763–788. https://doi.org/10.1007/s11218-021-09647-6 doi: 10.1007/s11218-021-09647-6
![]() |
[6] |
Chen, X., Leung, F.K. and She, J., Dimensions of students' views of classroom teaching and attitudes towards mathematics: A multi-group analysis between genders based on structural equation models. Studies in Educational Evaluation, 2023, 78: 101289. https://doi.org/10.1016/j.stueduc.2023.101289 doi: 10.1016/j.stueduc.2023.101289
![]() |
[7] |
Côté, J., Identity studies: How close are we to developing a social science of identity? An appraisal of the field. Identity, 2006, 6(1): 3–25. https://doi.org/10.1207/s1532706xid0601_2 doi: 10.1207/s1532706xid0601_2
![]() |
[8] |
Cragg, L., Keeble, S., Richardson, S., Roome, H.E. and Gilmore, C., Direct and indirect influences of executive functions on mathematics achievement. Cognition, 2017,162: 12–26. https://doi.org/10.1016/j.cognition.2017.01.014 doi: 10.1016/j.cognition.2017.01.014
![]() |
[9] | Cribbs, J.D. and Piatek-Jimenez, K., Exploring how gender, self-identified personality attributes, mathematics identity, and gender identification contribute to college students' STEM career goals. International Journal of Innovation in Science and Mathematics Education, 2021, 29(2): 47–59. |
[10] |
Cribbs, J.D. and Utley, J., Mathematics identity instrument development for fifth through twelfth grade students. Mathematics Education Research Journal, 2023, 1–23. https://doi.org/10.1007/s13394-023-00472-6 doi: 10.1007/s13394-023-00472-6
![]() |
[11] |
Cribbs, J.D., Hazari, Z., Sonnert, G. and Sadler, P.M., Establishing an explanatory model for mathematics identity. Child Development, 2015, 86(4): 1048–1062. https://doi.org/10.1111/cdev.12363 doi: 10.1111/cdev.12363
![]() |
[12] |
Cribbs, J., Huang, X. and Piatek-Jimenez, K., Relations of mathematics mindset, mathematics anxiety, mathematics identity, and mathematics self-efficacy to STEM career choice: A structural equation modeling approach. School Science and Mathematics, 2021,121(5): 275–287. https://doi.org/10.1111/ssm.12423 doi: 10.1111/ssm.12423
![]() |
[13] |
Darragh, L., Identity research in mathematics education. Educational Studies in Mathematics, 2016, 93(1): 19–33. https://doi.org/10.1007/s10649-016-9696-5 doi: 10.1007/s10649-016-9696-5
![]() |
[14] |
Davadas, S.D. and Lay, Y.F., Contributing factors of secondary students' attitude towards mathematics. European Journal of Educational Research, 2020, 9(2): 489–498. https://doi.org/10.12973/eu-jer.9.2.489 doi: 10.12973/eu-jer.9.2.489
![]() |
[15] |
Demirci, S.Ç., Kul, Ü. and Sevimli, E., Turkish adaptation of the mathematics teachers' beliefs scale. Journal of Pedagogical Sociology and Psychology, 2023, 5(2): 92–104. https://doi.org/10.33902/JPSP.2023125504 doi: 10.33902/JPSP.2023125504
![]() |
[16] |
Dewi, F.K., Wulandari, T. and Sahanata, M., Students' mathematical beliefs at school that separate gender based on students' mathematical autobiography. Sustainability (STPP) Theory, Practice and Policy, 2022, 2(1): 26–43. https://doi.org/10.56077/stpp.v2i1.50 doi: 10.56077/stpp.v2i1.50
![]() |
[17] |
Dweck, C.S. and Yeager, D.S., Mindsets: A view from two eras. Perspectives on Psychological Science, 2019, 14(3): 481–496. https://doi.org/10.1177/1745691618804166 doi: 10.1177/1745691618804166
![]() |
[18] | Engeström, Y., Using dear math letters to overcome dread in math class. KQED, 2022. Available from: https://www.kqed.org/mindshift/60108/using-dear-math-letters-to-overcome-dread-in-math-class |
[19] | European Centre for the Development of Vocational Training. Rising STEMs. 2014. Available from: https://www.cedefop.europa.eu/en/data-insights/rising-stems |
[20] |
Gee, J.P., Identity as an analytic lens for research in education. Review of Research in Education, 2000, 25(1): 99–125. https://doi.org/10.3102/0091732X025001099 doi: 10.3102/0091732X025001099
![]() |
[21] |
Gonzalez, L., Chapman, S. and Battle, J., Mathematics identity and achievement among Black students. School Science and Mathematics, 2020,120(8): 456–466. https://doi.org/10.1111/ssm.12407 doi: 10.1111/ssm.12407
![]() |
[22] |
Gonzalez, L., Lucas, N. and Battle, J., A quantitative study of mathematics identity and achievement among LatinX secondary school students. Journal of Latinos and Education, 2023, 22(5): 1953–1968. https://doi.org/10.1080/15348431.2022.2095910 doi: 10.1080/15348431.2022.2095910
![]() |
[23] |
Graven, M. and Heyd-Metzuyanim, E., Mathematics identity research: The state of the art and future directions. ZDM, 2019, 51: 361–377. https://doi.org/10.1007/s11858-019-01047-6 doi: 10.1007/s11858-019-01047-6
![]() |
[24] | Grootenboer, P.J. and Marshman, M., Students' beliefs and attitudes about mathematics and learning mathematics. In Mathematics, Affect and Learning, 2016,243–259. Springer. https://doi.org/10.1007/978-981-10-2455-2_7 |
[25] |
Grootenboer, P., The praxis of mathematics teaching: Developing mathematical identities. Pedagogy, Culture & Society, 2013, 21(2): 321–342. https://doi.org/10.1080/14681366.2012.759135 doi: 10.1080/14681366.2012.759135
![]() |
[26] |
Grootenboer, P. and Edwards-Groves, C., Learning mathematics as being stirred into mathematical practices: An alternative perspective on identity formation. ZDM, 2019, 51: 433–444. https://doi.org/10.1007/s11858-019-01029-8 doi: 10.1007/s11858-019-01029-8
![]() |
[27] |
Gulemetova, M., Beesley, A.D., Fancsali, C. and Balakrishnan, U., Elementary students' mathematics identity: Findings from a longitudinal study in an out-of-school setting. Journal for STEM Education Research, 2022, 5(2): 187–213. https://doi.org/10.1007/s41979-021-00060-y doi: 10.1007/s41979-021-00060-y
![]() |
[28] |
Gweshe, L.C. and Brodie, K., High school learners' mathematical identities. African Journal of Research in Mathematics, Science and Technology Education, 2019, 23(2): 254–262. https://doi.org/10.1080/18117295.2019.1593618 doi: 10.1080/18117295.2019.1593618
![]() |
[29] | Hannula, M.S., Di Martino, P., Pantziara, M., Zhang, Q., Morselli, F., Heyd-Metzuyanim, E., et al., Attitudes, beliefs, motivation, and identity in mathematics education: An overview of the field and future directions, Springer Nature, 2016. |
[30] |
Heyd-Metzuyanim, E., Vicious cycles of identifying and mathematizing: A case study of the development of mathematical failure. Journal of the Learning Sciences, 2015, 24(4): 504–549. https://doi.org/10.1080/10508406.2014.999270 doi: 10.1080/10508406.2014.999270
![]() |
[31] |
Heyd-Metzuyanim, E. and Sfard, A., Identity struggles in the mathematics classroom: On learning mathematics as an interplay of mathematizing and identifying. International Journal of Educational Research, 2012, 51: 128–145. https://doi.org/10.1016/j.ijer.2011.12.013 doi: 10.1016/j.ijer.2011.12.013
![]() |
[32] |
Hidayatullah, A. and Csíkos, C., The role of students' beliefs, parents' educational level, and the mediating role of attitude and motivation in students' mathematics achievement. The Asia-Pacific Education Researcher, 2023, 1–10. https://doi.org/10.1007/s40299-023-00678-0 doi: 10.1007/s40299-023-00678-0
![]() |
[33] |
Hu, L.T. and Bentler, P.M., Cutoff criteria for fit indexes in covariance structure analysis: Conventional criteria versus new alternatives. Structural Equation Modeling: A Multidisciplinary Journal, 1999, 6(1): 1–55. https://doi.org/10.1080/10705519909540118 doi: 10.1080/10705519909540118
![]() |
[34] |
Juzwik, M.M., Situating narrative-minded research: A commentary on Anna Sfard and Anna Prusak's "Telling identities." Educational Researcher, 2006, 35(9): 13–21. https://doi.org/10.3102/0013189X035009013 doi: 10.3102/0013189X035009013
![]() |
[35] |
Kaplan, A. and Flum, H., Identity formation in educational settings: A critical focus for education in the 21st century. Contemporary Educational Psychology, 2012, 37(3): 171–175. https://doi.org/10.1016/j.cedpsych.2012.01.005 doi: 10.1016/j.cedpsych.2012.01.005
![]() |
[36] | Karasar, N., Scientific Research Method: Concept Principles Techniques, 2020, Ankara, Turkey: 3A Education Research Consultancy Co. |
[37] |
Kaspersen, E. and Ytterhaug, B.O., Measuring mathematical identity in lower secondary school. International Journal of Educational Research, 2020,103: 101620. https://doi.org/10.1016/j.ijer.2020.101620 doi: 10.1016/j.ijer.2020.101620
![]() |
[38] |
Kaspersen, E., Pepin, B. and Sikko, S.A., Measuring STEM students' mathematical identities. Educational Studies in Mathematics, 2017, 95: 163–179. https://doi.org/10.1007/s10649-016-9732-5 doi: 10.1007/s10649-016-9732-5
![]() |
[39] |
Kinnvall, C., Globalization and religious nationalism: Self, identity, and the search for ontological security. Political Psychology, 2004, 25(5): 741–767. https://doi.org/10.1111/j.1467-9221.2004.00396.x doi: 10.1111/j.1467-9221.2004.00396.x
![]() |
[40] |
Kiwanuka, H.N., Van Damme, J., Van den Noortgate, W. and Reynolds, C., Temporal relationship between attitude toward mathematics and mathematics achievement. International Journal of Mathematical Education in Science and Technology, 2022, 53(6): 1546–1570. https://doi.org/10.1080/0020739X.2021.1969551 doi: 10.1080/0020739X.2021.1969551
![]() |
[41] |
Langer-Osuna, J.M., Exploring the central role of student authority relations in collaborative mathematics. ZDM, 2018, 50(6): 1077–1087. https://doi.org/10.1007/s11858-018-0971-6 doi: 10.1007/s11858-018-0971-6
![]() |
[42] | Lee, G.R., The association between mathematics identity and student performance on mathematics tests: Is it a possible tool to mitigate inequality in educational outcomes? PhD thesis, 2020, Johns Hopkins University, Baltimore, MD, USA. https://doi.org/10.7282/t3-fem8-m495 |
[43] |
Lin, S. and Huang, Y., Development and application of a Chinese version of the short attitudes toward mathematics inventory. International Journal of Science and Mathematics Education, 2014, 14(1): 193–216. https://doi.org/10.1007/s10763-014-9595-0 doi: 10.1007/s10763-014-9595-0
![]() |
[44] |
Liviananda, F. and Ekawati, R., The relationship between students' beliefs about mathematics and its learning with mathematical ability. Mathedunesa Scientific Journal of Mathematics Education, 2019, 8(2): 357–364. https://doi.org/10.26740/mathedunesa.v8n2.p357-364 doi: 10.26740/mathedunesa.v8n2.p357-364
![]() |
[45] |
Lutovac, S.L. and Kaasila, R.K., Pre-service teachers' future-oriented mathematical identity work. Educational Studies in Mathematics, 2014, 85(1): 129–142. https://doi.org/10.1007/s10649-013-9500-8 doi: 10.1007/s10649-013-9500-8
![]() |
[46] |
Martin, A.J., Yu, K., Papworth, B., Ginns, P. and Collie, R.J., Motivation and engagement in the United States, Canada, United Kingdom, Australia, and China: Testing a multi-dimensional framework. Journal of Psychoeducational Assessment, 2015, 33(2): 103–116. https://doi.org/10.1177/0734282914546287 doi: 10.1177/0734282914546287
![]() |
[47] |
Miller, R.S. and Wang, M.T., Cultivating adolescents' academic identity: Ascertaining the mediating effects of motivational beliefs between classroom practices and mathematics identity. Journal of Youth and Adolescence, 2019, 48: 2038–2050. https://doi.org/10.1007/s10964-019-01092-4 doi: 10.1007/s10964-019-01092-4
![]() |
[48] | Ministry of National Education (MoNE). MEB istatistikleri: Örgün eğitim 2022–2023. 2023. Available from: https://sgb.meb.gov.tr/meb_iys_dosyalar/2023_09/29151106_meb_istatistikleri_orgun_egitim_2022_2023.pdf |
[49] | Mullis, I.V., Martin, M.O., Foy, P., Kelly, D.L. and Fishbein, B., TIMSS 2019 international results in mathematics and science. IEA, 2020. https://timssandpirls.bc.edu/timss2019/international-results/ |
[50] | Philipp, R.A., Mathematics teachers' beliefs and affect. In Second handbook of research on mathematics teaching and learning: A project of the National Council of Teachers of Mathematics, edited by F. K. Lester Jr., 2007,257–315. Information Age Publishing. |
[51] | Pierce, C.C., Relationships between and student perceptions of self-efficacy, growth mindset, and mathematics identity of adolescents in a rural South Georgia charter school. PhD thesis, 2022, Columbus State University, USA. Available from: https://csuepress.columbusstate.edu/theses_dissertations/3536 |
[52] | Pintrich, P.R., Smith, D.A.F., Garcia, T. and McKeachie, W.J., A manual for the use of the motivated strategies for learning questionnaire (MSLQ). Ann Arbor: National Center for Research to Improve Postsecondary Teaching and Learning, The University of Michigan, 1991. |
[53] |
Pipere, A. and Mičule, I., Mathematical identity for a sustainable future: An interpretative phenomenological analysis. Journal of Teacher Education for Sustainability, 2014, 16(1): 5–31. https://doi.org/10.2478/jtes-2014-0001 doi: 10.2478/jtes-2014-0001
![]() |
[54] |
Putwain, D.W., Becker, S., Symes, W. and Pekrun, R., Reciprocal relations between students' academic enjoyment, boredom, and achievement over time. Learning and Instruction, 2018, 54: 73–81. https://doi.org/10.1016/j.learninstruc.2017.08.004 doi: 10.1016/j.learninstruc.2017.08.004
![]() |
[55] |
Radovic, D., Black, L., Salas, C.E. and Williams, J., Being a girl mathematician: Diversity of positive mathematical identities in a secondary classroom. Journal for Research in Mathematics Education, 2017, 48(4): 434–464. https://doi.org/10.5951/jresematheduc.48.4.0434 doi: 10.5951/jresematheduc.48.4.0434
![]() |
[56] |
Rodriguez, S., Regueiro, B., Piñeiro, I., Estévez, I. and Valle, A., Gender differences in mathematics motivation: Differential effects on performance in primary education. Frontiers in Psychology, 2020, 10: 3050. https://doi.org/10.3389/fpsyg.2019.03050 doi: 10.3389/fpsyg.2019.03050
![]() |
[57] |
Saha, M., Islam, S., Akhi, A.A. and Saha, G., Factors affecting success and failure in higher education mathematics: Students' and teachers' perspectives. Heliyon, 2024, 10(7): e29173. https://doi.org/10.1016/j.heliyon.2024.e29173 doi: 10.1016/j.heliyon.2024.e29173
![]() |
[58] | Schunk, D.H., Pintrich, P.R. and Meece, J.L., Motivation in education: Theory, research, and applications, Upper Saddle River, NJ: Merrill Prentice Hall, 2008. |
[59] |
Şen, Ö., Turkish adaptation study of attitudes towards mathematics in secondary school students. International Journal of Social and Educational Sciences, 2019, 6(11): 62–74. https://doi.org/10.18792/ijses.627107 doi: 10.18792/ijses.627107
![]() |
[60] | Sfard, A. and Prusak, A., Identity that makes a difference: Substantial learning as closing the gap between actual and designated identities. International Group for the Psychology of Mathematics Education, 2005, 1: 37–52. |
[61] |
Solomon, Y. Not belonging? What makes a functional learner identity in undergraduate mathematics? Studies in Higher Education, 2007, 32(1): 79–96. https://doi.org/10.1080/03075070601099473 doi: 10.1080/03075070601099473
![]() |
[62] |
Tarmizi, R.A. and Tarmizi, M.A.A., Analysis of mathematical beliefs of Malaysian secondary school students. Procedia Social and Behavioral Sciences, 2010, 2: 4702–4706. https://doi.org/10.1016/j.sbspro.2010.03.754 doi: 10.1016/j.sbspro.2010.03.754
![]() |
[63] | Ulum, H., Mathematics education mobilization: Maths digital education platform, in Educational Research 2022, H. Gümüş and M. Alkış Küçükaydın, Eds. 2022,345–362. NEU Press. |
[64] | Ulum, Ö.G., Linguistic identity of pre-service EFL teachers, in International research in education sciences V, N. Demiryay, Ed. 2023, 87–113. Education Publishing. |
[65] |
Wang, M.T., Fredricks, J.A., Ye, F., Hofkens, T.L. and Linn, J.S., The math and science engagement scales: Scale development, validation, and psychometric properties. Learning and Instruction, 2016, 43: 16–26. https://doi.org/10.1016/j.learninstruc.2016.01.008 doi: 10.1016/j.learninstruc.2016.01.008
![]() |
[66] | Wenger, E., Communities of Practice: Learning, Meaning, and Identity, 1998, Cambridge, UK: Cambridge University Press. |
[67] |
Yáñez-Marquina, L. and Villardón-Gallego, L., Attitudes towards mathematics at secondary level: Development and structural validation of the scale for assessing attitudes towards mathematics in secondary education (SATMAS). Electronic Journal of Research in Educational Psychology, 2016, 14(3): 557–581. https://doi.org/10.14204/ejrep.40.15163 doi: 10.14204/ejrep.40.15163
![]() |
[68] | Youth Research, Youth Research, 2020, MAK Consultancy. |
1. | Ali Sarhadi, Mehdi Ravanshadnia, Armin Monirabbasi, Milad Ghanbari, Optimizing Concrete Crack Detection: An Attention-Based SWIN U-Net Approach, 2024, 12, 2169-3536, 77575, 10.1109/ACCESS.2024.3403389 | |
2. | Xiaohu Zhang, Haifeng Huang, Distilling Knowledge from a Transformer-Based Crack Segmentation Model to a Light-Weighted Symmetry Model with Mixed Loss Function for Portable Crack Detection Equipment, 2024, 16, 2073-8994, 520, 10.3390/sym16050520 | |
3. | Yidan Yan, Junding Sun, Hongyuan Zhang, Chaosheng Tang, Xiaosheng Wu, Shuihua Wang, Yudong Zhang, DCMA-Net: A dual channel multi-scale feature attention network for crack image segmentation, 2025, 148, 09521976, 110411, 10.1016/j.engappai.2025.110411 | |
4. | Ezz El-Din Hemdan, M. E. Al-Atroush, A Review Study of Intelligent Road Crack Detection: Algorithms and Systems, 2025, 1996-6814, 10.1007/s42947-025-00556-x |
Methods | Pr | Re | F1 |
U-Net | 64.49% | 81. 25% | 69.08% |
CrackSegNet | 65.64% | 78.30% | 68.43% |
SegCrack | 67.12% | 77.64% | 69.42% |
SegFormer | 64.53% | 77.15% | 67.44% |
SETR-PUP | 65.69% | 78.48% | 68.90% |
SETR-MLA | 65.69% | 72.53% | 66.29% |
Ours | 68.06% | 79.11% | 70.84% |
Methods | Pr | Re | F1 |
U-Net | 83.92% | 85.92% | 82.43% |
CrackSegNet | 74.59% | 91.63% | 79.94% |
SegCrack | 83.34% | 82.21% | 80.28% |
SegFormer | 82.61 % | 82.54% | 80.29% |
SETR-PUP | 82.50% | 80.21% | 79.35% |
SETR-MLA | 69.48% | 75.31% | 69.99% |
Ours | 85.98% | 86.20% | 84.50% |
Methods | Pr | Re | F1 |
U-Net | 56.11% | 86.40% | 61.75% |
CrackSegNet | 63.81% | 81.44% | 66.91% |
SegCrack | 65.24% | 85.31% | 70.32% |
SegFormer | 66.59% | 85.01% | 70.06% |
SETR-PUP | 65.13% | 86.84% | 71.93% |
SETR-MLA | 57.23% | 81.77% | 64.42% |
Ours | 68.22% | 90.25% | 75.19% |
Methods | Pr | Re | F1 |
U-Net | 60.55% | 72.69% | 59.77% |
CrackSegNet | 52.84% | 75.54% | 56.71% |
SegCrack | 72.89% | 74.98% | 67.52% |
SegFormer | 78.26% | 70.58% | 67.98% |
SETR-PUP | 67.50% | 83.37% | 71.59% |
SETR-MLA | 53.89% | 83.39% | 62.21% |
Ours | 72.11% | 86.54% | 75.78% |
Methods | Pr | Re | F1 |
U-Net | 38.82% | 89.24% | 48.05% |
CrackSegNet | 49.22% | 44.01% | 39.46% |
SegCrack | 76.08% | 70.55% | 65.70% |
SegFormer | 61.98% | 75.20% | 59.05% |
SETR-PUP | 49.81% | 87.81% | 59.94% |
SETR-MLA | 69.55% | 53.13% | 53.86% |
Ours | 70.29% | 82.48% | 71.44% |
Methods | Pr | Re | F1 |
Ours | 74.64% | 91. 21% | 80. 40% |
Ours(DC) | 84.53% | 84 23% | 82. 92% |
Ours(FF) | 83.77% | 86. 94% | 83. 49% |
Ours(FF+DC) | 85. 98% | 86. 20% | 84. 50% |
Methods | Pr | Re | F1 |
U-Net | 64.49% | 81. 25% | 69.08% |
CrackSegNet | 65.64% | 78.30% | 68.43% |
SegCrack | 67.12% | 77.64% | 69.42% |
SegFormer | 64.53% | 77.15% | 67.44% |
SETR-PUP | 65.69% | 78.48% | 68.90% |
SETR-MLA | 65.69% | 72.53% | 66.29% |
Ours | 68.06% | 79.11% | 70.84% |
Methods | Pr | Re | F1 |
U-Net | 83.92% | 85.92% | 82.43% |
CrackSegNet | 74.59% | 91.63% | 79.94% |
SegCrack | 83.34% | 82.21% | 80.28% |
SegFormer | 82.61 % | 82.54% | 80.29% |
SETR-PUP | 82.50% | 80.21% | 79.35% |
SETR-MLA | 69.48% | 75.31% | 69.99% |
Ours | 85.98% | 86.20% | 84.50% |
Methods | Pr | Re | F1 |
U-Net | 56.11% | 86.40% | 61.75% |
CrackSegNet | 63.81% | 81.44% | 66.91% |
SegCrack | 65.24% | 85.31% | 70.32% |
SegFormer | 66.59% | 85.01% | 70.06% |
SETR-PUP | 65.13% | 86.84% | 71.93% |
SETR-MLA | 57.23% | 81.77% | 64.42% |
Ours | 68.22% | 90.25% | 75.19% |
Methods | Pr | Re | F1 |
U-Net | 60.55% | 72.69% | 59.77% |
CrackSegNet | 52.84% | 75.54% | 56.71% |
SegCrack | 72.89% | 74.98% | 67.52% |
SegFormer | 78.26% | 70.58% | 67.98% |
SETR-PUP | 67.50% | 83.37% | 71.59% |
SETR-MLA | 53.89% | 83.39% | 62.21% |
Ours | 72.11% | 86.54% | 75.78% |
Methods | Pr | Re | F1 |
U-Net | 38.82% | 89.24% | 48.05% |
CrackSegNet | 49.22% | 44.01% | 39.46% |
SegCrack | 76.08% | 70.55% | 65.70% |
SegFormer | 61.98% | 75.20% | 59.05% |
SETR-PUP | 49.81% | 87.81% | 59.94% |
SETR-MLA | 69.55% | 53.13% | 53.86% |
Ours | 70.29% | 82.48% | 71.44% |
Methods | Pr | Re | F1 |
Ours | 74.64% | 91. 21% | 80. 40% |
Ours(DC) | 84.53% | 84 23% | 82. 92% |
Ours(FF) | 83.77% | 86. 94% | 83. 49% |
Ours(FF+DC) | 85. 98% | 86. 20% | 84. 50% |