Skip to main content
PLOS One logoLink to PLOS One
. 2023 Jul 20;18(7):e0284788. doi: 10.1371/journal.pone.0284788

Real-time classification of longitudinal conveyor belt cracks with deep-learning approach

Uttam Kumar Dwivedi 1,*, Ashutosh Kumar 1, Yoshihide Sekimoto 1
Editor: Brij Bhooshan Gupta2
PMCID: PMC10358885  PMID: 37471392

Abstract

Long tunnels are a necessary means of connectivity due to topological conditions across the world. In recent years, various technologies have been developed to support construction of tunnels and reduce the burden on construction workers. In continuation, mountain tunnel construction sites especially pose a major problem for continuous long conveyor belts to remove crushed rocks and rubbles out of tunnels during the process of mucking. Consequently, this process damages conveyor belts quite frequently, and a visual inspection is needed to analyze the damages. Towards this, the paper proposes a model to configure the damage and its size on conveyor belt in real-time. Further, the model also localizes the damage with respect to the length of conveyor belt by detecting the number markings at every 10 meters of the belt. The effectiveness of the proposed framework confirms superior real-time performance with optimized model detecting cracks and number markings with mAP of 0.850 and 0.99 respectively, while capturing 15 frames per second on edge device. The current study marks and validates the versatility of deep learning solutions for mountain tunnel construction sites.

1. Introduction

While Japan holds a long running legacy of construction engineering worldwide, it is worth to mention that tunnels have been an important part of their road and railway network due to complex geology and dense urban areas. As of recent data, Japan has approximately 5180 kilometers of road tunnels and 3,813 kilometers of railway tunnels [1, 2]. With the advent of new tunnel technology [3, 4], there is a rekindled interest for sustainable development by enabling short construction period, cost reduction, environmental preservation, and quality improvement. Among these, the New Austrian Tunneling Method (NATM) [5, 6] is frequently used as the basis of modern tunneling technologies. In this method, mucking is performed to carry out crushed rocks (muck) on long conveyor belts after explosives are ignited and detonated to break the rocks at the tunnel face [7] as shown in Fig 1. However sharp rocks of different sizes generally damage the conveyor belts, eventually penetrating it through after dropping from trail trolly, which generally prevent the continuous belt conveyor from working properly, causing accidents or belt rupture [8]. As a result, it’s important to frequently inspect the belt surface to look for damage and catch it early.

Fig 1. Muck transfer by continuous long conveyor belt method in mountain tunnels.

Fig 1

Further, the above griming problems demands new inexpensive and sustainable developments, where the safety engineers are responsible for inspection of conveyor belts in mountain tunnel construction continue to depend on visual examination by halting the mucking process. The manual visualization like this creates two major problems. First, the inspectors are under a great deal of strain due to long belts and hard work hours involved in the inspection, which causes problems such as overlooking damage due to fatigue and reducing the frequency of inspections. Second, stopping the conveyor belt during inspections reduces the work efficiency of mucking process, which leads to delays in the entire work process. Overall, this imposes open research on “How can edge AI-based deep learning framework be used to detect and track damages on long conveyor belts in real-time without halting the mucking process and ensure safety and productivity at mountain tunnel construction sites? These problems call for the development of a system that can automatically detect damage in real-time without placing a burden on any engineers or construction workers for performing the inspection and notify site engineers about the exact location and type of damage without needing the mucking process to stop.

In pursuit of the above scenario, the current work proposes an edge AI based deep learning framework consisting of three parts. First, detect and track the damages along with its type such as small, medium, large, or through in long conveyor belt. Second, identify the location of damage by detection of three number markings representing length marking at every 10 meters of the conveyor belt. Third, provide real-time alerts to safety engineer via offline web server within edge device. Proposed platform uses on-device processing to ensure real-time detection and localization of damages on conveyor belts moving at a speed of 120 m/min and 180 m/min.

The effectiveness of the proposed method has been tested on 3 different mountain tunnel construction site data using an Nvidia Jetson NX edge device [9] with monocular USB camera. The result showed that the average overall mean average precision (mAP) of proposed damage detection and localization system are 0.85 and 0.99 respectively, therefore has a potential to enhance productivity and safety at mountain tunnel construction sites. Overall, this work uses a deep learning-based solution and image processing on offline edge device to establish real-time alerting platform for damages on long conveyor belt.

2. Literature review

Automatized inspection of tunnel constructions constitutes one of the grim yet interesting field for researchers working in the construction field [1012]. Over the years, many devices have been developed to address these issues. For example, infrared thermal imaging technology [13, 14] has been devised to overcome dusky and dark underground environment of coal mines, where spectrum features are extracted from 2D spectrum signals obtained by Fast Fourier transform of the conveyor belt images. For example, Qiao et al. [15] proposed a binocular visual detection method using visible light to extract scene and infrared light to extract edge features. The length, width, and area of longitudinal tears are obtained from the projection vectors of the acquired images on the X and Y axes. Similarly, X-ray based nondestructive techniques (NDT) [16, 17] were suggested, where high penetration characteristics of X-rays are used to identify large damages. Although this method can detect cracks but require specific image processing with high-end expensive setup and specially focus on large damages on conveyor belts used in coal mines.

AI based methods especially deep learning algorithms have been widely used in image classification, detection and segmentation have been employed, where high-speed CMOS cameras are used in combination with high performance computing devices to extract features from images [18, 19]. Guo et al. [20] proposed YOLOv5 based object detection method to detect and locate conveyor belt damage region in real-time. Agata et al. [21] applied easy to setup MATLAB’s deep learning solution with two-layer neural network. These methods provide good balance of network architecture in depth and image resolution while providing adequate detection speed and mean average precision (mAP). Proposed model locates the damage of different sizes as well as identify the numbers marked at the side of conveyor belts. These markers indicate the distance of the conveyor belt, which makes the repair easy.

3. Research methodology

The methodology to frame proposed study is focused on two main areas. First, preparation of proper experimental setup for data gathering to include various scenarios and second, to use computer vision techniques to identify and localize cracks on long conveyor belts.

3.1 Experimental setup and data collection

3.1.1 Data collection

In this research, we develop the Conveyor Belt Crack Detection (CBCD) dataset consisting of 9,362 images. The images were collected from mountain tunnel construction sites, experiment setup stations and using web crawling techniques [22] in collaboration with Tokyo Kizai Kogyo co. ltd. Out of 9,362 images, 1562 images have conveyor belt cracks with handwritten number markings as shown in Fig 2, while the rest 7,800 images have no cracks. On all 7,800 images, we superpose 70,000 handwritten digits from the MNIST [23] dataset, as shown in Fig 2.

Fig 2. Training dataset for Conveyor belt crack detection (CBCD).

Fig 2

(A) shows reflecting surface without any cracks, (B) shows non-through cracks while (C) shows through cracks with orange lights reflecting through it.

Essentially, the MNIST database is a large opensource database of handwritten digits that is commonly used for training various image processing systems. It is done to increase the number of samples for digit recognition for the localization of crack since the number of images with handwritten digits are not enough. The CBCD dataset contains 11 classes which include the digits 0 to 9 (Fig 2(D) and crack class (Fig 2(B) and (2C)). We randomly split the CBCD dataset and use 8,188 images for training set and 1,174 images for validation.

3.1.2 Experimental setup

Fig 3 illustrates a schematic diagram of the setup device. The camera was installed so that it faces upward from the bottom of the conveyor belt, and distance of 1.5 m was set up between the tip of the camera and the belt. This distance is intended for actual installation at a construction site. The conveyor belt to be filmed was washed by a stream of water so that no contamination from the sleds transported would remain on the surface of the belt. The camera was installed in a dark room covered with a protective sheet, and lighting was installed next to the camera to ensure good-lighting condition for camera. Second LED light was installed of orange color to differentiate through damage type as it will have orange lights coming on the other side for the camera to capture. Conveyor belts used in mountain tunnel construction sites have a width of 0.6 m and a three-layer structure consisting of a rubber layer, a polyester layer, and a rubber layer, and each is approximately 10 mm thick.

Fig 3. Handwritten digits from MNIST dataset are superimposed on top of conveyor belt images.

Fig 3

Conveyor belt areas with no damages are chosen for superimposition to increase the number of samples for digit recognition for the localization of the crack on the conveyor belt.

3.2 Applied computer vision techniques

This section devotes explanation of deep learning models, image processing techniques used in proposed paper.

3.2.1 Deep learning-based detector model

The essence of long conveyor belt damage detection is target detection. Proposed paper uses single stage target detection algorithm YOLOv4 [24] as deep learning model for object detection network to detect conveyor belt cracks and number markings written on the belt. Since the original YOLOv4 model is used to detect objects on the COCO dataset [25] with 80 classes, the network architecture was modified to incorporate proposed 11 classes. We train YOLOv4 using the 8,188 images from the CBCD dataset for 40,000 iterations with a batch size of 64 using the initial pre-trained weights from ImageNet dataset [26] for the first 137 convolutional layers. For training, two NVIDIA GeForce RTX 3090 with 24 GB GPU memory were used. The hyperparameters for training is shown in Table 1. The training loss [27] and mean average precision (mAP) [28] is shown in Fig 4.

Table 1. Hyperparameters of the YOLOv4 network for training on the CBCD dataset.
Hyperparameter Value
Input size 608
Learning rate 0.001
Batch size 64
Sub-division 16
Optimizer SGD with momentum
Fig 4. Training loss (Blue) and validation mAP (red) variation for trained deep learning model.

Fig 4

X axis represents the number of iterations.

3.2.2 Optimization of the neural network

Further, optimization of the YOLOv4 network is necessary for the real-time processing on lightweight edge devices. Neural networks generally use FP32 floating point precision [29] for storing parameters such as weights and biases. Using higher precision increases computational complexity and increases the size of the model. Experimentally, it has been seen that a neural network model with half-precision FP16 for the parameters has similar performance as that with single-precision FP32. Therefore, the precision can be reduced to FP16 without compromising much on the performance. This could be attributed to the fact that neural networks are quite resilient to the noises. A reduction in the precision value from FP32 to FP16 is seen as the introduction of the noise. Further, half-precision models are very light compared to the single-precision model and has significant increase in the inference speed [30]. We carry out optimization in the TensorRT framework [31] by reducing floating point precision to FP16 and fusing layers that perform routine operations, as shown in Fig 5.

Fig 5. Fig shows the horizontal and vertical fusion of layers in the TensorRT framework.

Fig 5

It describes that NxN convolutional layer (C), Bias (B) and Activation layer (A) are combined to form a single block NxN (CBA).

3.2.3 Crack detection and localization

Next, we deploy the optimized TensorRT model on the edge device Jetson NX for the detection of cracks on conveyor belt. The target conveyor belt of the experiment area is shown in Fig 6 with the specifications of the conveyor belt. Generally, it is difficult to accurately detect cracks since the environment around the conveyor belt maybe quite different (e.g., uneven light, dirty surface, etc.). To accurately detect the cracks, we put an orange LED light strip behind the conveyor belt and put the camera with white light source focusing on the belt, as shown in Fig 6. The main advantage of using such an approach is that when there is a crack in the belt, the orange color light passes directly through it, which can be easily detected by the crack detection model.

Fig 6. Simplified diagram of experiment setup and expected output.

Fig 6

Edge device’s deep learning and image processing program provides output. Top LED orange lights provide contrast with respect to bottom white lights.

The conveyor belt also has three digits written on top as shown in Fig 2(D) at a fixed interval of 10 meters for number marking in a unique combination that a particular number only appears once in the entire belt. To localize the crack i.e., to find the location of the crack on the conveyor belt, we detect the numbers as they appear on the belt. Once the numbers are detected, we store them as the first location point. Assuming a crack is detected after the appearance of first numbers, we record the number markings appearing after the detection of crack. In this way, the location of the crack on the conveyor belt can be located.

3.2.4 Crack size estimation

Finally, we also estimate the size of the crack in metric units using the monocular camera. Our approach involves the distance estimation technique proposed by Karney et al. [32]. Essentially, their approach dwells on estimating the distance of an object if the true dimension of the object is known, and provided that focal length, camera sensor dimension and image resolution is fixed. In our approach, however, instead of estimating the distance of the crack from the camera, we fix the distance of the camera from the conveyor belt as shown in Fig 6. The only parameter remains to be determined, in this case, is the crack dimension, which can be evaluated using Eq 1.

Hcrack(inmm)=d×hcrack,px×μh×1000f×Ih (1)

[Where ℋcrack = Crack size in metric units (mm); d = Fixed distance of the conveyor belt surface from the camera; hcrack,px = Height of the crack in pixels obtained from the bounding box; μh = Height of the camera sensor; f = Focal length of the camera; Ih = Height of the image resolution]

4. Results

Three different mountain tunnel construction sites data were selected as a test bed to identify cracks on long conveyor belts. We trained the YOLOv4 model using the CBCD training set containing 8,188 images. The mAP of the trained model after 40,000 iterations and the individual AP per class on the validation set containing 1,174 images is presented in Table 2.

Table 2. Table showing the average precision (AP) of crack and various classes of digits for number markings.

Class AP
crack 0.85
0 0.99
1 0.99
2 0.99
3 0.99
4 0.99
5 0.89
6 0.99
7 0.99
8 0.99
9 0.99
mAP 0.99

Next, we optimize the model using TensorRT framework and re-evaluate the AP per class of the optimized model. The inference speed and comparison of AP for each class is shown in Fig 7. From Fig 7, we observe a significant increase in the speed of the optimized model on the edge device Jetson NX thus improving frames per second (FPS) from 5 FPS to 15 FPS, while keeping mAP very close to original model as shown in Fig 8.

Fig 7. The comparison of inference speed of the original YOLOv4 model and its optimized version.

Fig 7

Comparison of YOLOV4(YOLOv4-FP32) with 608x608 input resolution and its optimized version in TensorRT (YOLOv4-FP16-TRT). The frames per second (fps) is calculated by averaging inference fps for 5,000 iterations.

Fig 8. The comparison of Average Precision (AP) of the original and optimized model.

Fig 8

Average precision is compared between original YOLOv4 model and the optimized model in TensorRT framework.

4.1 Crack and number detection

500 test image samples of conveyor belt were collected across the mucking process of mountain tunnel construction site. Output sample of crack and number marking detection are shown in Fig 9, while the result is shown in Fig 8.

Fig 9. Example of successful detection of digits and crack detection.

Fig 9

Digit detections are shown for number marking in (A), (B) and crack detection in (A), (C), (D) with corresponding size estimation (D) of the damage.

4.2 Crack detection results based on size

In Table 3, we show the accuracy of crack detection by its size. The results presented in Table 3 are based on crack detection results carried out at the actual site using Jetson Xavier NX device. We collect the samples from the image frames of the moving conveyor belt. Thus, the samples of damages show consider the same cracks at different locations and angles as the belt moves. We notice that a very small false positive for no damages, while the accuracy of crack detection reduces as the size of the crack reduces. We achieve the highest accuracy of 89.23% for large damages and the lowest accuracy of 64.13 for smaller damages.

Table 3. Table shows the accuracy of the detection for various crack sizes.

No. of samples Detected Not Detected Accuracy (%)
Large damage 103 92 11 89.320388
Medium damage 120 91 29 75.833333
Small damage 92 59 33 64.130435
Through damage 34 28 6 82.352941
No damage 500 4 496 99.2

5. Discussions

In general, conveyor belts are used in various fields, ranging from construction work to mining operations [33]. Their main use is felt for transporting rocks and gravels to several kilometers. The transported rocks and gravels are rather heterogeneous and include large as well as sharp rock pieces, which might cause longitudinal tears of various sizes. Due to the working conditions inside tunnels as well as mines, finding out exact locations of damage by manual visual inspection in these long conveyor belts is significantly lengthy and expensive process. There are existing devices to solve this problem that use infrared laser and x-ray radiation [13, 14], ultrasonic and electro-magnetic energy probe [34] and image recognition software. However, these devices are very expensive and good in identifying large damages only. In contrary, we propose a simple, inexpensive, and sustainable study on detecting large as well as small damages by identifying number markings at every 10 meters of conveyor belt to alert the workers about the exact location that requires repair.

From the object detection results, we find that both crack and numbers can be detected with good accuracy. The numbers can be detected with almost perfect accuracy. This is due to advances in convolutional neural networks that can effectively learn all the features for different digits. From other research studies, we find that even shallow neural networks such as MobileNet [35] can achieve accuracy greater than 98% for digit classification. Crack detection results is lower compared to digit detection for number markings. This could be because cracks have more complicated features, which is harder to learn by the network. However, our crack detection mAP is similar to that presented in other studies. For example, study conducted by Guo et al. [20] achieved mAP of 82.5% using YOLOv5-m [36] for belt wear detection for large size damages.

To check the novelty of our proposed model, we reviewed the literature with some existing notable reports and compared with accuracy of our model in Fig 4. While there have been decent studies on welding work and outdoor crane work identifications, the proposed model creates a niche in this direction with benchmarking accuracy of more than 85%. For belt tear detection, a vision-based method developed by Guo et al. [20] detects large size damages using YOLOv5-m [36] with a mAP of 82.5%. Similarly, Agata et al. [21] proposed an artificial intelligence-based approach for the classification of conveyor belt damage using two-layer neural network and reaches an accuracy of 80% and another method based on Haar-Ada Boost and Cascade algorithm was proposed by Wang et al. [37]. Where, longitudinal tear of a conveyor belt under uneven light were detected with an accuracy of 97%. However, these methods can detect only large type of damage, while proposed method can detect various types of damage, and the overall detection accuracy is improved as shown in Table 3.

We find that the model YOLOv4-FP16-TRT after optimization of the neural network is 178.18% faster than the original YOLOv4-FP32 network. The reason for this is mainly due to the optimization techniques; particularly, precision reduction that greatly reduces the computational complexity, thereby increasing the inference speed. Despite the optimization of the neural network, in particular precision reduction, we do not notice significant decrease in the accuracy. This is mainly because reduction in accuracy causes the parameters (weights and biases) value to get truncated by the maximum supported by the FP16 precision. However, such truncations and reduction in precision is simply seen as the introduction of noise to which the neural network is quite resilient [38]. For the number detection, we notice the mAP of the digit detection is similar as the original YOLOv4-FP32 network. As mentioned before, this is because digit recognition is an easy problem and even simpler neural networks can easily learn required features. However, the accuracy of the overall optimized model reduces slightly in the case of cracks due to complex features for the crack class.

From the detection of crack detection based on size, we notice that large damages are easier to recognize compared to smaller cracks, which is due to more features present in larger crack. Further, we also notice that our algorithm is very robust to noises and has small false positives for no damages.

6. Conclusions

Conventional inspections of the continuous long conveyor belt have been performed visually. However, due to the high burden on the safety engineers and poor efficiency, there is a strong need to develop a system that automatically detects cracks and localize it without stopping the work. In this research, we develop a novel methodology to detect and localize conveyor belt cracks in real-time with offline server running [39] on edge devices. The CBCD dataset containing 9,362 images to detect both cracks and digits on the conveyor belt was developed to train a YOLOv4 model and optimize the original network by techniques such as layers fusion, precision reduction, etc. for carrying out inference on lightweight edge devices. The optimized model can detect cracks and digits with mAP of 0.850 and 0.99, respectively with 15 frames per second on edge device. Further, considering a fixed distance of the camera from the conveyor belt, size of the damage was estimated using a monocular camera to categorize the seriousness of the damage with respect to ongoing mucking work.

In the continuation of our research work, we would like to improve the crack detection for smaller crack sizes, which can be done by combining multiple frame detection [40] result into one due to good field of view from the camera. Research results presented in this paper could also be applied to other domains to mark the versatile nature of real time deep learning applications such as manufacturing and mining industries.

Acknowledgments

We acknowledge Mr. Takeshi Hosokawa of Tokyo Kizai Kogyo Co., Ltd., and Mr. Tsuneo Koike of Ando Hazama Corporation for their cooperation and fruitful discussions.

Data Availability

Data have been uploaded to the following DOI: (https://osf.io/vm3wt/?view_only=95c5e9423b5a413dbff6931a92ce2195).

Funding Statement

This work was supported by the financial support from Tokyo Kizai Kogyo co. ltd. (http://www.tokyokizai.com/). The funders had no role in study design, data collection and analysis, decision to publish, or preparation of the manuscript.

References

  • 1.[Internet]. Japan-tunnel.org. 2022 [cited 12 July 2022]. Available from: https://www.japan-tunnel.org/en/sites/www.japan-tunnel.org.en/files/tnnl_book_aspects/Tunnel%20Activity%202020%20Overview_0.pdf
  • 2.[Internet]. Ejrcf.or.jp. 2022 [cited 12 July 2022]. Available from: https://www.ejrcf.or.jp/jrtr/jrtr66/pdf/38-51.pdf
  • 3.Miura K. Design and construction of mountain tunnels in Japan. Tunnelling and Underground Space Technology. 2003. Apr 1;18(2–3):115–26. [Google Scholar]
  • 4.Karakuş M, Fowell RJ. An insight into the new Austrian tunnelling method (NATM). Proc. ROCKMEC. 2004. Oct 21. [Google Scholar]
  • 5.Tran TH. A Study on Tunnel Lining Concrete with Crushed Aggregate from NATM Muck. InProceedings of the 3rd International Conference on Sustainability in Civil Engineering 2021. (pp. 145–151). Springer, Singapore. [Google Scholar]
  • 6.Phadke V, Titirmare N. Construction of tunnels, by new austrian tunneling method (NATM) and by tunnel boring machine (TBM). International Journal of Civil Engineering (IJCE). 2017. Oct 21;6(6):25–36. [Google Scholar]
  • 7.Toyohara M, Nishi N, Hayashita T. Continuous conveyor-based tunnel building in a soft-rock mountainous area–Hokuriku Shinkansen Line’s Asahi Tunnel (West Side) construction works. In (Re) Claiming the Underground Space 2022. Feb 13 (pp. 427–432). Routledge. [Google Scholar]
  • 8.Bortnowski P, Kawalec W, Król R, Ozdoba M. Types and causes of damage to the conveyor belt-review, classification and mutual relations. Engineering Failure Analysis. 2022. Jun 16:106520. [Google Scholar]
  • 9.Feng H, Mu G, Zhong S, Zhang P, Yuan T. Benchmark analysis of Yolo performance on edge intelligence devices. Cryptography. 2022. Apr 1;6(2):16. [Google Scholar]
  • 10.Montero R, Victores JG, Martinez S, Jardón A, Balaguer C. Past, present and future of robotic tunnel inspection. Automation in Construction. 2015. Nov 1;59:99–112. [Google Scholar]
  • 11.Gambao E, Balaguer C. Robotics and automation in construction [Guest Editors]. IEEE Robotics & Automation Magazine. 2002. Mar;9(1):4–6. [Google Scholar]
  • 12.Trybała P, Blachowski J, Błażej R, Zimroz R. Damage detection based on 3d point cloud data processing from laser scanning of conveyor belt surface. Remote Sensing. 2020. Dec 25;13(1):55. [Google Scholar]
  • 13.Yang R, Qiao T, Pang Y, Yang Y, Zhang H, Yan G. Infrared spectrum analysis method for detection and early warning of longitudinal tear of mine conveyor belt. Measurement. 2020. Dec 1;165:107856. [Google Scholar]
  • 14.Yu B, Qiao T, Zhang H, Yan G. Dual band infrared detection method based on mid-infrared and long infrared vision for conveyor belts longitudinal tear. Measurement. 2018. May 1;120:140–9. [Google Scholar]
  • 15.Qiao T, Chen L, Pang Y, Yan G, Miao C. Integrative binocular vision detection method based on infrared and visible light fusion for conveyor belts longitudinal tear. Measurement. 2017. Nov 1;110:192–201. [Google Scholar]
  • 16.Ming-sheng W, Zheng-shi C. Researching on the linear X-ray detector application of in the field of steel-core belt conveyor inspection system. In2011 International Conference on Electric Information and Control Engineering 2011. Apr 15 (pp. 701–704). IEEE. [Google Scholar]
  • 17.Wang YD. Study on Mechanical Automation with X-Ray Power Conveyor Belt Nondestructive Detection System Design. In Advanced Materials Research 2013. (Vol. 738, pp. 256–259). Trans Tech Publications Ltd. [Google Scholar]
  • 18.Zhang M, Shi H, Zhang Y, Yu Y, Zhou M. Deep learning-based damage detection of mining conveyor belt. Measurement. 2021. Apr 1;175:109130. [Google Scholar]
  • 19.Li M, Du B, Zhu M, Zhao K. Intelligent detection system for mine belt tearing based on machine vision. In2011 Chinese Control and Decision Conference (CCDC) 2011. May 23 (pp. 1250–1253). IEEE. [Google Scholar]
  • 20.Guo X, Liu X, Zhou H, Stanislawski R, Królczyk G, Li Z. Belt Tear Detection for Coal Mining Conveyors. Micromachines. 2022. Mar 17;13(3):449. doi: 10.3390/mi13030449 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 21.Kirjanów-Błażej A, Rzeszowska A. Conveyor Belt Damage Detection with the Use of a Two-Layer Neural Network. Applied Sciences. 2021. Jun 13;11(12):5480. [Google Scholar]
  • 22.Singrodia V, Mitra A, Paul S. A review on web scrapping and its applications. In2019 international conference on computer communication and informatics (ICCCI) 2019. Jan23 (pp. 1–6). IEEE. [Google Scholar]
  • 23.Deng L. The mnist database of handwritten digit images for machine learning research [best of the web]. IEEE signal processing magazine. 2012. Oct 18;29(6):141–2. [Google Scholar]
  • 24.Bochkovskiy A, Wang CY, Liao HY. Yolov4: Optimal speed and accuracy of object detection. arXiv preprint arXiv:2004.10934. 2020. Apr 23. [Google Scholar]
  • 25.Lin TY, Maire M, Belongie S, Hays J, Perona P, Ramanan D, et al. Microsoft coco: Common objects in context. InEuropean conference on computer vision 2014. Sep 6 (pp. 740–755). Springer, Cham. [Google Scholar]
  • 26.Deng J, Dong W, Socher R, Li LJ, Li K, Fei-Fei L. Imagenet: A large-scale hierarchical image database. In2009 IEEE conference on computer vision and pattern recognition 2009. Jun 20 (pp. 248–255). Ieee. [Google Scholar]
  • 27.Descending into ML: Training and Loss | Machine Learning Crash Course | Google Developers [Internet]. Google Developers. 2022 [cited 12 July 2022]. Available from: https://developers.google.com/machine-learning/crash-course/descending-into-ml/training-and-loss
  • 28.Mean Average Precision (mAP) Explained | Paperspace Blog [Internet]. Paperspace Blog. 2022 [cited 01 July 2022]. Available from: https://blog.paperspace.com/mean-average-precision/
  • 29.FP32 (Floating point format for Deep Learning) [Internet]. OpenGenus IQ: Computing Expertise & Legacy. 2022 [cited 12 July 2022]. Available from: https://iq.opengenus.org/fp32-in-ml/
  • 30.Verma G, Gupta Y, Malik AM, Chapman B. Performance evaluation of deep learning compilers for edge inference. In2021 IEEE International Parallel and Distributed Processing Symposium Workshops (IPDPSW) 2021. Jun 17 (pp. 858–865). IEEE. [Google Scholar]
  • 31.Jeong E, Kim J, Ha S. TensorRT-based Framework and Optimization Methodology for Deep Learning Inference on Jetson Boards. ACM Transactions on Embedded Computing Systems (TECS). 2022. [Google Scholar]
  • 32.Karney CF. Transverse Mercator with an accuracy of a few nanometers. Journal of Geodesy. 2011. Aug;85(8):475–85. [Google Scholar]
  • 33.Jurdziak L, Blazej R, Bajda M. Conveyor Belt 4.0. InInternational Conference on Intelligent Systems in Production Engineering and Maintenance 2018. Sep 17 (pp. 645–654). Springer, Cham. [Google Scholar]
  • 34.Błażej R, Jurdziak L, Kozłowski T, Kirjanów A. The use of magnetic sensors in monitoring the condition of the core in steel cord conveyor belts–Tests of the measuring probe and the design of the DiagBelt system. Measurement. 2018. Jul 1;123:48–53. [Google Scholar]
  • 35.Chen HY, Su CY. An enhanced hybrid MobileNet. In2018 9th International Conference on Awareness Science and Technology (iCAST) 2018. Sep 19 (pp. 308–312). IEEE. [Google Scholar]
  • 36.Nelson J. Yolov5 is here [Internet]. Roboflow Blog. Roboflow Blog; 2021 [cited 2022Nov24]. Available from: https://blog.roboflow.com/yolov5-is-here/
  • 37.Wang G, Zhang L, Sun H, Zhu C. Longitudinal tear detection of conveyor belt under uneven light based on Haar-AdaBoost and Cascade algorithm. Measurement. 2021. Jan 15;168:108341. [Google Scholar]
  • 38.Goodfellow I, Bengio Y, Courville A. Regularization for deep learning. Deep learning. 2016. Sep 27:216–61. [Google Scholar]
  • 39.Lubbers P, Albers B, Salim F. Creating HTML5 offline web applications. InPro HTML5 Programming 2010. (pp. 243–257). Apress. [Google Scholar]
  • 40.Thakkar H, Tambe N, Thamke S, K. Gaidhane V. Object tracking by detection using Yolo and sort. International Journal of Scientific Research in Computer Science, Engineering and Information Technology. 2020;:224–9. [Google Scholar]

Decision Letter 0

Brij Bhooshan Gupta

14 Oct 2022

PONE-D-22-23772Realtime detection and categorization of longitudinal cracks in conveyor belt using deep-learning approachPLOS ONE

Dear Dr. Dwivedi,

Thank you for submitting your manuscript to PLOS ONE. After careful consideration, we feel that it has merit but does not fully meet PLOS ONE’s publication criteria as it currently stands. Therefore, we invite you to submit a revised version of the manuscript that addresses the points raised during the review process.

Please submit your revised manuscript by Nov 28 2022 11:59PM. If you will need more time than this to complete your revisions, please reply to this message or contact the journal office at plosone@plos.org. When you're ready to submit your revision, log on to https://www.editorialmanager.com/pone/ and select the 'Submissions Needing Revision' folder to locate your manuscript file.

Please include the following items when submitting your revised manuscript:

  • A rebuttal letter that responds to each point raised by the academic editor and reviewer(s). You should upload this letter as a separate file labeled 'Response to Reviewers'.

  • A marked-up copy of your manuscript that highlights changes made to the original version. You should upload this as a separate file labeled 'Revised Manuscript with Track Changes'.

  • An unmarked version of your revised paper without tracked changes. You should upload this as a separate file labeled 'Manuscript'.

If you would like to make changes to your financial disclosure, please include your updated statement in your cover letter. Guidelines for resubmitting your figure files are available below the reviewer comments at the end of this letter.

If applicable, we recommend that you deposit your laboratory protocols in protocols.io to enhance the reproducibility of your results. Protocols.io assigns your protocol its own identifier (DOI) so that it can be cited independently in the future. For instructions see: https://journals.plos.org/plosone/s/submission-guidelines#loc-laboratory-protocols. Additionally, PLOS ONE offers an option for publishing peer-reviewed Lab Protocol articles, which describe protocols hosted on protocols.io. Read more information on sharing protocols at https://plos.org/protocols?utm_medium=editorial-email&utm_source=authorletters&utm_campaign=protocols.

We look forward to receiving your revised manuscript.

Kind regards,

Brij Bhooshan Gupta

Academic Editor

PLOS ONE

Journal Requirements:

When submitting your revision, we need you to address these additional requirements.

1. Please ensure that your manuscript meets PLOS ONE's style requirements, including those for file naming. The PLOS ONE style templates can be found at 

https://journals.plos.org/plosone/s/file?id=wjVg/PLOSOne_formatting_sample_main_body.pdf and 

https://journals.plos.org/plosone/s/file?id=ba62/PLOSOne_formatting_sample_title_authors_affiliations.pdf.

2. Please note that PLOS ONE has specific guidelines on code sharing for submissions in which author-generated code underpins the findings in the manuscript. In these cases, all author-generated code must be made available without restrictions upon publication of the work. Please review our guidelines at https://journals.plos.org/plosone/s/materials-and-software-sharing#loc-sharing-code and ensure that your code is shared in a way that follows best practice and facilitates reproducibility and reuse. New software must comply with the Open Source Definition.

3. We note that the grant information you provided in the ‘Funding Information’ and ‘Financial Disclosure’ sections do not match. 

When you resubmit, please ensure that you provide the correct grant numbers for the awards you received for your study in the ‘Funding Information’ section.

4. Thank you for stating the following in the Acknowledgments Section of your manuscript: 

"This study is supported by Tokyo Kizai Kogyo co. ltd. and University of Tokyo, Japan. The authors declare no conflict of interest. We acknowledge Mr. Takeshi Hosokawa of Tokyo Kizai Kogyo Co., Ltd. and Mr. Tsuneo Koike of Ando Hazama Corporation for their cooperation in filming the continuous belt conveyor of this research."

We note that you have provided funding information that is not currently declared in your Funding Statement. However, funding information should not appear in the Acknowledgments section or other areas of your manuscript. We will only publish funding information present in the Funding Statement section of the online submission form. 

Please remove any funding-related text from the manuscript and let us know how you would like to update your Funding Statement. Currently, your Funding Statement reads as follows: 

"This work was supported by the financial support from Tokyo Kizai Kogyo co. ltd. (http://www.tokyokizai.com/). The funders had no role in study design, data collection and analysis, decision to publish, or preparation of the manuscript."

Please include your amended statements within your cover letter; we will change the online submission form on your behalf.

5. In your Data Availability statement, you have not specified where the minimal data set underlying the results described in your manuscript can be found. PLOS defines a study's minimal data set as the underlying data used to reach the conclusions drawn in the manuscript and any additional data required to replicate the reported study findings in their entirety. All PLOS journals require that the minimal data set be made fully available. For more information about our data policy, please see http://journals.plos.org/plosone/s/data-availability.

Upon re-submitting your revised manuscript, please upload your study’s minimal underlying data set as either Supporting Information files or to a stable, public repository and include the relevant URLs, DOIs, or accession numbers within your revised cover letter. For a list of acceptable repositories, please see http://journals.plos.org/plosone/s/data-availability#loc-recommended-repositories. Any potentially identifying patient information must be fully anonymized.

Important: If there are ethical or legal restrictions to sharing your data publicly, please explain these restrictions in detail. Please see our guidelines for more information on what we consider unacceptable restrictions to publicly sharing data: http://journals.plos.org/plosone/s/data-availability#loc-unacceptable-data-access-restrictions. Note that it is not acceptable for the authors to be the sole named individuals responsible for ensuring data access.

We will update your Data Availability statement to reflect the information you provide in your cover letter.

6. We note that you have stated that you will provide repository information for your data at acceptance. Should your manuscript be accepted for publication, we will hold it until you provide the relevant accession numbers or DOIs necessary to access your data. If you wish to make changes to your Data Availability statement, please describe these changes in your cover letter and we will update your Data Availability statement to reflect the information you provide.

7. Please amend the manuscript submission data (via Edit Submission) to include authors Ashutosh  Kumar and Yoshihide Sekimoto.   

[Note: HTML markup is below. Please do not edit.]

Reviewers' comments:

Reviewer's Responses to Questions

Comments to the Author

1. Is the manuscript technically sound, and do the data support the conclusions?

The manuscript must describe a technically sound piece of scientific research with data that supports the conclusions. Experiments must have been conducted rigorously, with appropriate controls, replication, and sample sizes. The conclusions must be drawn appropriately based on the data presented.

Reviewer #1: Partly

Reviewer #2: Yes

**********

2. Has the statistical analysis been performed appropriately and rigorously?

Reviewer #1: No

Reviewer #2: Yes

**********

3. Have the authors made all data underlying the findings in their manuscript fully available?

The PLOS Data policy requires authors to make all data underlying the findings described in their manuscript fully available without restriction, with rare exception (please refer to the Data Availability Statement in the manuscript PDF file). The data should be provided as part of the manuscript or its supporting information, or deposited to a public repository. For example, in addition to summary statistics, the data points behind means, medians and variance measures should be available. If there are restrictions on publicly sharing data—e.g. participant privacy or use of data from a third party—those must be specified.

Reviewer #1: No

Reviewer #2: Yes

**********

4. Is the manuscript presented in an intelligible fashion and written in standard English?

PLOS ONE does not copyedit accepted manuscripts, so the language in submitted articles must be clear, correct, and unambiguous. Any typographical or grammatical errors should be corrected at revision, so please note any specific errors here.

Reviewer #1: No

Reviewer #2: Yes

**********

5. Review Comments to the Author

Please use the space provided to explain your answers to the questions above. You may also include additional comments for the author, including concerns about dual publication, research ethics, or publication ethics. (Please upload your review as an attachment if it exceeds 20,000 characters)

Reviewer #1: I found the paper a little difficult to read because of the inconsistent use of good language and the ambiguous way the topic was presented. Particularly in this work, the presentation quality needs to be improved. By fully rewriting the content, an accomplished English-language author may significantly improve this document. I have the following ideas to improve this essay:

-Describe your contribution better.

-The literature review is sufficient, but the authors should organise them more effectively.

-Review the following articles to strengthen the paper's technical foundation:

Handling Data Scarcity Through Data Augmentation in Training of Deep Neural Networks for 3D Data Processing, Improved Semantic Representation Learning by Multiple Clustering for Image-Based 3D Model Retrieval,Optimization of the Wake-Up Scheduling Using a Hybrid of Memetic and Tabu Search Algorithms for 3D-Wireless Sensor Networks, Unobtrusive academic emotion recognition based on facial expression using rgb-d camera using adaptive-network-based fuzzy inference system (ANFIS),Accelerating 3D medical volume segmentation using GPUs

– Carefully correct all errors in this paper.

-Improve the paper's connections and overall flow.

Reviewer #2: The Author has made an effort to proposed Realtime detection and categorization of longitudinal cracks in conveyor belt using deep-learning approach.

Title is needed to relook and make it more appropriate in the view of contribution. Further, in the abstract, author relook its flow and highlight the key contributions.

• Paper should be strictly according to the journal template.

• Improve the figure quality.

• Add some comparison results and discussion.

• Give a comparison from previous work.

• Check for grammar and spellings.

• Literature review section need to be added.

• Result and discussion part is required to be improved.

• State the novelty of your work.

• The overall manuscript should be checked for typos, syntax, and grammar to improve the quality of content flow and presentation

• More Number of References Should be added in your article

**********

6. PLOS authors have the option to publish the peer review history of their article (what does this mean?). If published, this will include your full peer review and any attached files.

If you choose “no”, your identity will remain anonymous but your review may still be made public.

Do you want your identity to be public for this peer review? For information about this choice, including consent withdrawal, please see our Privacy Policy.

Reviewer #1: No

Reviewer #2: No

**********

[NOTE: If reviewer comments were submitted as an attachment file, they will be attached to this email and accessible via the submission site. Please log into your account, locate the manuscript record, and check for the action link "View Attachments". If this link does not appear, there are no attachment files.]

While revising your submission, please upload your figure files to the Preflight Analysis and Conversion Engine (PACE) digital diagnostic tool, https://pacev2.apexcovantage.com/. PACE helps ensure that figures meet PLOS requirements. To use PACE, you must first register as a user. Registration is free. Then, login and navigate to the UPLOAD tab, where you will find detailed instructions on how to use the tool. If you encounter any issues or have any questions when using PACE, please email PLOS at figures@plos.org. Please note that Supporting Information files do not need this step.

PLoS One. 2023 Jul 20;18(7):e0284788. doi: 10.1371/journal.pone.0284788.r002

Author response to Decision Letter 0


5 Feb 2023

Dear Brij Bhooshan Gupta,

Academic Editor,

PLOS ONE.

Warm regards. I sincerely thank you for informing the referees’ reports on our initial article titled “Realtime detection and categorization of longitudinal cracks in conveyor belt using deep-learning approach” (PONE-D-22-23772). I thank you and both the referees for their valuable time and constructive remarks. Following their comments to the letters, we have significantly modified the article presenting a completely new method of conveyor belt damage identification. Please find below the answers to all the questions raised by the referees on a point-by-point format.

Reviewer: 1

Comment: I found the paper a little difficult to read because of the inconsistent use of good language and the ambiguous way the topic was presented. Particularly in this work, the presentation quality needs to be improved. By fully rewriting the content, an accomplished English-language author may significantly improve this document. I have the following ideas to improve this essay:

Reply: Thank you very much for your constructive criticism and suggestions. We have modified our manuscript in accordance with your suggestions.

-Describe your contribution better.

Reply: The corrections have been incorporated and highlighted in the revised manuscript.

-The literature review is sufficient, but the authors should organise them more effectively.

Reply: Following your suggestion, we have added a new literature review section in the article to make the manuscript more coherent.

-Review the following articles to strengthen the paper's technical foundation:

Handling Data Scarcity Through Data Augmentation in Training of Deep Neural Networks for 3D Data Processing, Improved Semantic Representation Learning by Multiple Clustering for Image-Based 3D Model Retrieval, Optimization of the Wake-Up Scheduling Using a Hybrid of Memetic and Tabu Search Algorithms for 3D-Wireless Sensor Networks, Unobtrusive academic emotion recognition based on facial expression using rgb-d camera using adaptive-network-based fuzzy inference system (ANFIS),Accelerating 3D medical volume segmentation using GPUs

Reply: We have carefully reviewed the mentioned papers and cited them in our revised manuscript.

– Carefully correct all errors in this paper.

Reply: We have carefully proofread our manuscript for submission.

-Improve the paper's connections and overall flow.

Reply: We have revised our manuscript to present a clear outlook and subject flow.

Reviewer: 2

Comment: The Author has made an effort to proposed Realtime detection and categorization of longitudinal cracks in conveyor belt using deep-learning approach.

Title is needed to relook and make it more appropriate in the view of contribution. Further, in the abstract, author relook its flow and highlight the key contributions.

• Paper should be strictly according to the journal template.

Reply: We have revised our manuscript as per the journal template.

• Improve the figure quality.

Reply: We have improved figure quality.

• Add some comparison results and discussion.

Reply: We have added comparison results and discussions.

• Give a comparison from previous work.

Reply: We have added and highlighted in our main text.

• Check for grammar and spellings.

Reply: We have carefully proofread for possible grammar and spelling errors.

• Literature review section need to be added.

Reply: We have added and highlighted Literature review section.

• Result and discussion part is required to be improved.

Reply: We have improved results and discussion sections to give better prospects to the reader.

• State the novelty of your work.

Reply: We have highlighted the novelty in the revised text.

• The overall manuscript should be checked for typos, syntax, and grammar to improve the quality of content flow and presentation

Reply: The typos, syntax and grammar have been improved.

• More Number of References Should be added in your article

Reply: We have cited more references.

I once again sincerely thank you and both the referees for their time, effort and constructive suggestions. Addressing their concerns, we have thoroughly revised the manuscript and we hope it meets the high standard of PLOS One journal. Thank you very much.

Sincerely yours,

Uttam Kumar Dwivedi

Attachment

Submitted filename: Dwivediet al_BelconAI_Rebuttal Letter_12112022.docx

Decision Letter 1

Brij Bhooshan Gupta

1 Mar 2023

PONE-D-22-23772R1Real-time classification of longitudinal conveyor belt cracks with deep-learning approachPLOS ONE

Dear Dr. Dwivedi,

Thank you for submitting your manuscript to PLOS ONE. After careful consideration, we feel that it has merit but does not fully meet PLOS ONE’s publication criteria as it currently stands. Therefore, we invite you to submit a revised version of the manuscript that addresses the points raised during the review process.

Please submit your revised manuscript by Apr 15 2023 11:59PM. If you will need more time than this to complete your revisions, please reply to this message or contact the journal office at plosone@plos.org. When you're ready to submit your revision, log on to https://www.editorialmanager.com/pone/ and select the 'Submissions Needing Revision' folder to locate your manuscript file.

Please include the following items when submitting your revised manuscript:

  • A rebuttal letter that responds to each point raised by the academic editor and reviewer(s). You should upload this letter as a separate file labeled 'Response to Reviewers'.

  • A marked-up copy of your manuscript that highlights changes made to the original version. You should upload this as a separate file labeled 'Revised Manuscript with Track Changes'.

  • An unmarked version of your revised paper without tracked changes. You should upload this as a separate file labeled 'Manuscript'.

If you would like to make changes to your financial disclosure, please include your updated statement in your cover letter. Guidelines for resubmitting your figure files are available below the reviewer comments at the end of this letter.

If applicable, we recommend that you deposit your laboratory protocols in protocols.io to enhance the reproducibility of your results. Protocols.io assigns your protocol its own identifier (DOI) so that it can be cited independently in the future. For instructions see: https://journals.plos.org/plosone/s/submission-guidelines#loc-laboratory-protocols. Additionally, PLOS ONE offers an option for publishing peer-reviewed Lab Protocol articles, which describe protocols hosted on protocols.io. Read more information on sharing protocols at https://plos.org/protocols?utm_medium=editorial-email&utm_source=authorletters&utm_campaign=protocols.

We look forward to receiving your revised manuscript.

Kind regards,

Brij Bhooshan Gupta

Academic Editor

PLOS ONE

Journal Requirements:

Please review your reference list to ensure that it is complete and correct. If you have cited papers that have been retracted, please include the rationale for doing so in the manuscript text, or remove these references and replace them with relevant current references. Any changes to the reference list should be mentioned in the rebuttal letter that accompanies your revised manuscript. If you need to cite a retracted article, indicate the article’s retracted status in the References list and also include a citation and full reference for the retraction notice.

[Note: HTML markup is below. Please do not edit.]

Reviewers' comments:

Reviewer's Responses to Questions

Comments to the Author

1. If the authors have adequately addressed your comments raised in a previous round of review and you feel that this manuscript is now acceptable for publication, you may indicate that here to bypass the “Comments to the Author” section, enter your conflict of interest statement in the “Confidential to Editor” section, and submit your "Accept" recommendation.

Reviewer #1: (No Response)

Reviewer #2: All comments have been addressed

**********

2. Is the manuscript technically sound, and do the data support the conclusions?

The manuscript must describe a technically sound piece of scientific research with data that supports the conclusions. Experiments must have been conducted rigorously, with appropriate controls, replication, and sample sizes. The conclusions must be drawn appropriately based on the data presented.

Reviewer #1: Partly

Reviewer #2: Partly

**********

3. Has the statistical analysis been performed appropriately and rigorously?

Reviewer #1: No

Reviewer #2: Yes

**********

4. Have the authors made all data underlying the findings in their manuscript fully available?

The PLOS Data policy requires authors to make all data underlying the findings described in their manuscript fully available without restriction, with rare exception (please refer to the Data Availability Statement in the manuscript PDF file). The data should be provided as part of the manuscript or its supporting information, or deposited to a public repository. For example, in addition to summary statistics, the data points behind means, medians and variance measures should be available. If there are restrictions on publicly sharing data—e.g. participant privacy or use of data from a third party—those must be specified.

Reviewer #1: No

Reviewer #2: Yes

**********

5. Is the manuscript presented in an intelligible fashion and written in standard English?

PLOS ONE does not copyedit accepted manuscripts, so the language in submitted articles must be clear, correct, and unambiguous. Any typographical or grammatical errors should be corrected at revision, so please note any specific errors here.

Reviewer #1: Yes

Reviewer #2: Yes

**********

6. Review Comments to the Author

Please use the space provided to explain your answers to the questions above. You may also include additional comments for the author, including concerns about dual publication, research ethics, or publication ethics. (Please upload your review as an attachment if it exceeds 20,000 characters)

Reviewer #1: I found the topic of your research to be interesting and relevant. However, I have identified some issues that require your attention. Firstly, I recommend that you expand your literature review to include more recent and relevant sources. i suggest a few like: An edge-AI based forecasting approach for improving smart microgrid efficiency, A multimodal, multimedia point-of-care deep learning framework for COVID-19 diagnosis, Service orchestration of optimizing continuous features in industrial surveillance using big data based fog-enabled internet of things, A novel approach for phishing URLs detection using lexical based machine learning in a real-time environment

Also, ensure that your introduction clearly and effectively contextualizes your research question. Furthermore, I noticed some inconsistencies in the data presented, which need to be addressed. Please review your results and ensure that they are presented clearly.

Finally, I have observed some minor issues with grammar and syntax that need to be addressed.

Reviewer #2: The Author has incorporated all the suggestions given in first review with respect to the made an effort to proposed Realtime detection and categorization of longitudinal cracks in conveyor belt using deep-learning approach

**********

7. PLOS authors have the option to publish the peer review history of their article (what does this mean?). If published, this will include your full peer review and any attached files.

If you choose “no”, your identity will remain anonymous but your review may still be made public.

Do you want your identity to be public for this peer review? For information about this choice, including consent withdrawal, please see our Privacy Policy.

Reviewer #1: No

Reviewer #2: No

**********

[NOTE: If reviewer comments were submitted as an attachment file, they will be attached to this email and accessible via the submission site. Please log into your account, locate the manuscript record, and check for the action link "View Attachments". If this link does not appear, there are no attachment files.]

While revising your submission, please upload your figure files to the Preflight Analysis and Conversion Engine (PACE) digital diagnostic tool, https://pacev2.apexcovantage.com/. PACE helps ensure that figures meet PLOS requirements. To use PACE, you must first register as a user. Registration is free. Then, login and navigate to the UPLOAD tab, where you will find detailed instructions on how to use the tool. If you encounter any issues or have any questions when using PACE, please email PLOS at figures@plos.org. Please note that Supporting Information files do not need this step.

PLoS One. 2023 Jul 20;18(7):e0284788. doi: 10.1371/journal.pone.0284788.r004

Author response to Decision Letter 1


23 Mar 2023

Reviewer: 1

Comment: I found the topic of your research to be interesting and relevant. However, I have identified some issues that require your attention. Firstly, I recommend that you expand your literature review to include more recent and relevant sources. i suggest a few like: An edge-AI based forecasting approach for improving smart microgrid efficiency, A multimodal, multimedia point-of-care deep learning framework for COVID-19 diagnosis, Service orchestration of optimizing continuous features in industrial surveillance using big data based fog-enabled internet of things, A novel approach for phishing URLs detection using lexical based machine learning in a real-time environment

Also, ensure that your introduction clearly and effectively contextualizes your research question. Furthermore, I noticed some inconsistencies in the data presented, which need to be addressed. Please review your results and ensure that they are presented clearly.

Finally, I have observed some minor issues with grammar and syntax that need to be addressed:

Reply: Thank you very much for your constructive criticism and suggestions. We understand your concerns regarding the expansion of literature review with the mentioned articles. However the mentioned articles don’t fit in our current discussion and are out of context to our study of damage detection in conveyor belts or in construction sites.

Throughout our introduction we focused on addressing the research question: “How can edge AI-based deep learning framework be used to detect and track damages on long conveyor belts in real-time without halting the mucking process and ensure safety and productivity at mountain tunnel construction sites?” We have clearly mentioned this in our revised manuscript and highlighted.

Also, we have followed and addressed your earlier comments, which mentioned the literature review being sufficient and in need of better organizations. So at this stage we request you to kindly consider the manuscript literature section as it is. This is in-sync with the Reviewer 2.

We have carefully analysed our method statement and results. We are quite confident on our presentation. However, if you would kindly be more precise on which part of data presentation contains inconsistencies, we are ready to address and answer.

We have carefully proofread the manuscript and checked it through the professional software as well for spellings and grammar. We are happy for further proofread formalities if mentioned specifically.

Reviewer: 2

Comment: The Author has incorporated all the suggestions given in first review with respect to the made an effort to proposed Realtime detection and categorization of longitudinal cracks in conveyor belt using deep-learning approach

Reply: We are delighted to receive positive response. We are grateful for all your efforts.

I once again sincerely thank you and both the referees for their time, effort and constructive suggestions. Addressing their concerns, we have thoroughly revised the manuscript and we hope it meets the high standard of PLOS One journal. Thank you very much.

Sincerely yours,

Uttam Kumar Dwivedi

Attachment

Submitted filename: Dwivediet al_BelconAI_Rebuttal Letter_03222023.docx

Decision Letter 2

Brij Bhooshan Gupta

10 Apr 2023

Real-time classification of longitudinal conveyor belt cracks with deep-learning approach

PONE-D-22-23772R2

Dear Dr. Dwivedi,

We’re pleased to inform you that your manuscript has been judged scientifically suitable for publication and will be formally accepted for publication once it meets all outstanding technical requirements.

Within one week, you’ll receive an e-mail detailing the required amendments. When these have been addressed, you’ll receive a formal acceptance letter and your manuscript will be scheduled for publication.

An invoice for payment will follow shortly after the formal acceptance. To ensure an efficient process, please log into Editorial Manager at http://www.editorialmanager.com/pone/, click the 'Update My Information' link at the top of the page, and double check that your user information is up-to-date. If you have any billing related questions, please contact our Author Billing department directly at authorbilling@plos.org.

If your institution or institutions have a press office, please notify them about your upcoming paper to help maximize its impact. If they’ll be preparing press materials, please inform our press team as soon as possible -- no later than 48 hours after receiving the formal acceptance. Your manuscript will remain under strict press embargo until 2 pm Eastern Time on the date of publication. For more information, please contact onepress@plos.org.

Kind regards,

Brij Bhooshan Gupta

Academic Editor

PLOS ONE

Additional Editor Comments (optional):

Reviewers' comments:

Reviewer's Responses to Questions

Comments to the Author

1. If the authors have adequately addressed your comments raised in a previous round of review and you feel that this manuscript is now acceptable for publication, you may indicate that here to bypass the “Comments to the Author” section, enter your conflict of interest statement in the “Confidential to Editor” section, and submit your "Accept" recommendation.

Reviewer #1: All comments have been addressed

**********

2. Is the manuscript technically sound, and do the data support the conclusions?

The manuscript must describe a technically sound piece of scientific research with data that supports the conclusions. Experiments must have been conducted rigorously, with appropriate controls, replication, and sample sizes. The conclusions must be drawn appropriately based on the data presented.

Reviewer #1: Yes

**********

3. Has the statistical analysis been performed appropriately and rigorously?

Reviewer #1: No

**********

4. Have the authors made all data underlying the findings in their manuscript fully available?

The PLOS Data policy requires authors to make all data underlying the findings described in their manuscript fully available without restriction, with rare exception (please refer to the Data Availability Statement in the manuscript PDF file). The data should be provided as part of the manuscript or its supporting information, or deposited to a public repository. For example, in addition to summary statistics, the data points behind means, medians and variance measures should be available. If there are restrictions on publicly sharing data—e.g. participant privacy or use of data from a third party—those must be specified.

Reviewer #1: Yes

**********

5. Is the manuscript presented in an intelligible fashion and written in standard English?

PLOS ONE does not copyedit accepted manuscripts, so the language in submitted articles must be clear, correct, and unambiguous. Any typographical or grammatical errors should be corrected at revision, so please note any specific errors here.

Reviewer #1: Yes

**********

6. Review Comments to the Author

Please use the space provided to explain your answers to the questions above. You may also include additional comments for the author, including concerns about dual publication, research ethics, or publication ethics. (Please upload your review as an attachment if it exceeds 20,000 characters)

Reviewer #1: The author has incorporated all the suggestions and properly answered all the query that have been raised due to review.

**********

7. PLOS authors have the option to publish the peer review history of their article (what does this mean?). If published, this will include your full peer review and any attached files.

If you choose “no”, your identity will remain anonymous but your review may still be made public.

Do you want your identity to be public for this peer review? For information about this choice, including consent withdrawal, please see our Privacy Policy.

Reviewer #1: No

**********

Acceptance letter

Brij Bhooshan Gupta

11 Jul 2023

PONE-D-22-23772R2

Real-time classification of longitudinal conveyor belt cracks with deep-learning approach

Dear Dr. Dwivedi:

I'm pleased to inform you that your manuscript has been deemed suitable for publication in PLOS ONE. Congratulations! Your manuscript is now with our production department.

If your institution or institutions have a press office, please let them know about your upcoming paper now to help maximize its impact. If they'll be preparing press materials, please inform our press team within the next 48 hours. Your manuscript will remain under strict press embargo until 2 pm Eastern Time on the date of publication. For more information please contact onepress@plos.org.

If we can help with anything else, please email us at plosone@plos.org.

Thank you for submitting your work to PLOS ONE and supporting open access.

Kind regards,

PLOS ONE Editorial Office Staff

on behalf of

Dr. Brij Bhooshan Gupta

Academic Editor

PLOS ONE

Associated Data

    This section collects any data citations, data availability statements, or supplementary materials included in this article.

    Supplementary Materials

    Attachment

    Submitted filename: Dwivediet al_BelconAI_Rebuttal Letter_12112022.docx

    Attachment

    Submitted filename: Dwivediet al_BelconAI_Rebuttal Letter_03222023.docx

    Data Availability Statement

    Data have been uploaded to the following DOI: (https://osf.io/vm3wt/?view_only=95c5e9423b5a413dbff6931a92ce2195).


    Articles from PLOS ONE are provided here courtesy of PLOS

    RESOURCES