Next Article in Journal
AI-Assisted Ultra-High-Sensitivity/Resolution Active-Coupled CSRR-Based Sensor with Embedded Selectivity
Previous Article in Journal
Patent Review of Lower Limb Rehabilitation Robotic Systems by Sensors and Actuation Systems Used
Previous Article in Special Issue
Open-Source Implementations of the Reactive Asset Administration Shell: A Survey
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Automated Micro-Crack Detection within Photovoltaic Manufacturing Facility via Ground Modelling for a Regularized Convolutional Network

by
Damilola Animashaun
and
Muhammad Hussain
*
Department of Computer Science, Centre for Industrial Analytics, School of Computing and Engineering, University of Huddersfield, Queensgate, Huddersfield HD1 3DH, UK
*
Author to whom correspondence should be addressed.
Submission received: 18 May 2023 / Revised: 4 July 2023 / Accepted: 5 July 2023 / Published: 7 July 2023
(This article belongs to the Special Issue Intelligent Control and Digital Twins for Industry 4.0)

Abstract

:
The manufacturing of photovoltaic cells is a complex and intensive process involving the exposure of the cell surface to high temperature differentials and external pressure, which can lead to the development of surface defects, such as micro-cracks. Currently, domain experts manually inspect the cell surface to detect micro-cracks, a process that is subject to human bias, high error rates, fatigue, and labor costs. To overcome the need for domain experts, this research proposes modelling cell surfaces via representative augmentations grounded in production floor conditions. The modelled dataset is then used as input for a custom ‘lightweight’ convolutional neural network architecture for training a robust, noninvasive classifier, essentially presenting an automated micro-crack detector. In addition to data modelling, the proposed architecture is further regularized using several regularization strategies to enhance performance, achieving an overall F1-score of 85%.

1. Introduction

The issue of global emissions and how to address them is a globally shared concern, leading to the emergence of the renewable energy field, and among the practical options available at all levels of society, solar power is the most widely accepted [1]. According to the International Energy Agency (IEA), global carbon dioxide (CO2) emissions from energy combustion and industrial processes increased by 0.9% to a record high of 36.8 Gt in 2022 after two years of pandemic-related oscillations, with CO2 emissions from energy combustion rising by 1.3% in 2022 while CO2 emissions from industrial processes declined [2].
The use of solar energy has resulted in more photovoltaic (PV) solar panels being produced, installed, and maintained. It is crucial to have a dependable inspection process as production is automated to meet demand. These panels may face challenges, like soiling, harsh environments, and damage, which can lower their performance [1,3,4,5]. These defects may be in the form of micro-cracks, which can be hard to visually identify [6], and their manual detection is subject to human error and thus susceptible to low efficiency, high labor costs, high rates of false detection, as well as a high scrap rate [7]; hence, there is a need to develop an automated process for easy detection.
This study explains how the manual inspection of PV cells in manufacturing facilities is a costly and time-consuming process that can result in human bias. The solution to this problem is integrating computer vision into the inspection process, which can detect defective PV cells more quickly and cost effectively. Data collection from within manufacturing facilities can be a cumbersome task due to several issues, including limited accessibility and down-time in the event of needing to deploy an acquisition mechanism for data collection. The complex and sensitive nature of PV manufacturing means researchers cannot simply collect data from a PV manufacturing site; hence, this work proposes the modeling of production floor variance in order to scale a small PV dataset in a representative manner, followed by the development of a lightweight CNN architecture for the on-site, automated detection of micro-cracks occurring during the manufacturing process.

1.1. Literature Review

The popularity and affordability of solar power have led to increased use of translucent solar panels in homes and businesses. However, in utility-scale solar power plants, defects in photovoltaic modules, such as micro-cracks, must be identified to maintain efficiency. Gabor et al. [8] examined the potential of UV fluorescence (UVF) for detecting cracked cells in solar panels via a pole-mounted UV flash camera system applied to residential rooftops in Boulder, Colorado, and they found that the pole-mounted UVF system is highly applicable and informative for detecting defects for a range of residential panel ages and designs, and it can provide additional information to that from electroluminescence imaging. Han et al. [9] proposed a deep learning approach using an improved version of YOLOv3-tiny to detect faults in solar panels with the aid of a UAV equipped with a thermal camera and GPS to acquire thermal images and locate faults. The information is transmitted to a remote server for visualization via long-term evolution (LTE), and the proposed DL model outperforms the current default YOLOv3-tiny model, achieving a high accuracy of 96.45%.
Espinosa et al. [10] proposed using a CNN to automatically classify physical faults in PV plants by segmenting and classifying RGB images, and they included experimental results for both two output classes (no fault and fault) and four output classes (no fault, dust, cracks, and shadows), achieving an average accuracy of 75% for the two output classes and 70% for the four output classes, which demonstrated its potential as a classification method for PV systems. Acharya et al. [11] also proposed a method for classifying different types of defects in solar cells using a deep Siamese convolutional neural network (CNN). The EL image is first preprocessed to remove noise and distortions, and then the proposed model is tested on a standard EL image dataset. Simulation results show that the proposed model achieves better classification accuracy with a 90% AUC in detecting defective solar cells.
While using advanced CNN architectures and ensemble learning to detect micro-cracks in EL images of PV modules, Rahman et al. [12] achieved high accuracy rates of 97.06% and 96.97% for polycrystalline and monocrystalline solar panels, respectively, by utilizing pre-trained models, including Inception-v3, VGG-19, VGG-16, Inception-ResNet50-v2, Xception, and ResNet50-v2 [13]. Akram et al. [14], on the other hand, adopted a CNN-based deep learning architecture using an “isolated model” which had been trained with samples from the EL PV cell and employed transfer learning for fine-tuning the architecture, achieving an accuracy rate of 99.23%, though the generalization and accurate representativeness of the trained model may raise concerns due to the size of the dataset. However, Mathias et al. [15] expanded the study by training 2000 EL images and testing 300 EL images. The preprocessing stage involved applying perspective transformation and separating the solar panel section and individual solar cells from the PV panel. Textural features were extracted from these cells using DWT and SWT. Support vector machine and back propagation neural network were used for classification into cracked and non-cracked cells, and the researchers achieved high classification accuracies of 92.67% and 93.67% using SVM and BPNN, respectively. Winston et al. [16] also adopted this model, using six input parameters, and both methods showed promising results with average accuracies of 87% and 99%, respectively, and an F1-score of 94.6%, recall of 96.3%, and precision of 87.3% [17].
In the study of Xue et al. [18], the authors adopted fuzzy c-means clustering and AlexNet CNN [4] to accurately detect hidden cracks despite an irregular and composite texture background, thereby achieving stable and precise results with 94.4% accuracy [19].
In summary, current research on automating the detection of faults in PV systems lacks practical considerations. Although several works have focused on optimizing state-of-the-art CNN architectures for high accuracy, there has been little attention on developing lightweight CNN architecture, i.e., internal architectural complexity. This is a key area for focus as the majority of the state-of-the-art architectures cannot be deployed onto constrained-edge devices due to the high computational complexity of the internal network. Hence, production sites would need to commission high-performance computing, i.e., GPUs, to run state-of-the art CNNs, such as VGG, which significantly increases the cost.

1.2. Paper Contribution

This study has two fundamental contributions. Firstly, as evident from the literature review, the collection of quality PV cell samples for normal and defective cell surfaces is a key component when looking to develop automated CNN algorithms for defect detection and classification. However, the procurement of quality datasets, in particular EL-processed samples can be cumbersome and sometimes practically infeasible due to access restrictions within certain manufacturing facilities. Hence, to provide an alternative route, we present the modelling of internal and external variance in the context of PV cell manufacturing conditions by proposing representative augmentations for appropriately scaling and increasing the variance of EL-based PV datasets. Secondly, a custom CNN architecture with a lightweight footprint is developed (4.67 Million parameters) and trained using the augmented-generated samples. The design and training of a ‘lightweight’ architecture is to address the stringent deployment conditions within manufacturing facilities, such as edge-device deployment, low power consumption, and close-to-the-source inferencing, in addition to generalization via scaled augmentations several regularization techniques, which are applied for further model generalization and to reduce the degree of overfitting.

2. Methodology

2.1. Dataset

For the purpose of this study, a dataset of PV-cell images from the manufacturing facility was used and was manually labeled by experts.
The dataset has two classes, normal and defective, with a small sample size of 930, which makes it difficult to develop a highly generalized architecture capable of accurately distinguishing between the two classes. Table 1 presents the status of the dataset.
Figure 1 shows examples of normal and defective PV-cell surfaces. To ensure proper scaling of the dataset, it was necessary to understand the visual differentiation features and variance of the two classes. By observing Figure 1A, we can identify differences in texture and global-level variance. For instance, the normal class has texture variance, with the first image being clearer than the center image and the center image being clearer than the last image. It’s crucial to consider this variance as it may result in the developed architecture falsely generalizing that only clear surface images belong to the normal class.
In Figure 1, the visual differences between the normal and defective PV-cell surfaces are impacted by both internal and external factors. For example, shading or poor filter quality can induce pixel shading on normal cells, which can resemble micro-cracks on defective cells and increase the chance of misclassification.
The busbar is a crucial component of PV cells, but its configuration and starkness can vary significantly, potentially leading to misclassification. Therefore, these observations suggest that the developed architecture needs to account for various degrees of textural and internal variance within and between classes to achieve accurate classification.
Despite the small and representative size of the original dataset, it was spliced using the train, test, and split function (in the ratio 70:10:20) as shown in Table 2.

2.2. Data Augmentations

Upon analyzing the dataset, it was hypothesized that addressing the variance within the dataset could be achieved through representative data modeling, rather than randomly augmenting the dataset to increase its size. Consequently, the dataset was augmented and limited to 2232 samples from the initial 930 images. This decision was also influenced by practical limitations in obtaining PV data from manufacturing facilities due to limited access and a lack of open-source data.
Data transformations can be divided into two categories: translational invariance and translational equivariance. The former is used for designing the internal layers of architectures and preserves regional transformations through aggregation and is represented as the vector sum of a constant v to every point x , as expressed in (1) and (2):
T v x = x + v
f g x = g f x
The latter, on the other hand, is used for data scaling and transforms ( g ) the input image ( f ) according to the type of transformation applied. This is mathematically expressed as follows:
The selection of augmentations was based on generating representative samples that may be generated in PV manufacturing facilities, considering different factors, such as production line configurations and EL camera specifications.

2.2.1. Scaling Variability

The production of a PV cell goes through various stages from silicon ingots down to cell assembly, all of which involves various texturing processes and quality control at all stages. These variabilities may result in different cell surface orientation. Therefore, to ensure consistency and enable the proposed model to detect the different instances, various scaling variabilities, like flipping, rotation, weight shift, and height shift, were applied, as shown in Figure 2, Figure 3, Figure 4 and Figure 5.

2.2.2. Contrast Variability

Different samples of the PV cells were taken under different environmental factors, like the dimness of the room when the pictures were taken, camera quality, or dust, which could have accumulated from the rigorous production and inspection stages, hence the need to ensure the model is able to understand these variations by adding contrast augmentations, like brightness, exposure, and noise, to the dataset, as shown in Figure 6, Figure 7 and Figure 8.
Table 3 presents the state of the newly generated dataset after applying the aforementioned augmentation techniques. The dataset was then split, as shown in Table 4, using the same ratio as the original dataset.

2.3. Proposed Architecture

To reduce the complexity of the automated defect detector, a custom CNN architecture was developed featuring two convolutional blocks with a limited number of filters. Filters are an important component within a CNN architecture, as they aim to extract key features, but at the same time, a high number of filters can increase the computational cost. Hence, our strategy was based on applying representative augmentations to accentuate key features and variance within the dataset, to make it easier for filters to grasp the underlying characteristics, using only a limited number of filters.
Each convolutional block is comprised of predefined filters followed by feature aggregation via Max-pooling, with the result feeding into the ReLu activation function. The selection of ReLu was again in line with our research theme, i.e., lightweight footprint, as it simply implied a Max operation, as expressed in (3).
s x = max ( 0 , x )
The first convolutional block contained eight filters, also known as kernels. The feature map details that the operations performed in the first convolutional block were required as input data for the second convolutional block. We decided to start with a small number of filters, then incrementally increase the quantity, if required. The rationale for this was that filters contribute to increased computational parameters, and as our aim was to produce a computationally lightweight architecture, opting for a large number of filters would be counterproductive towards this aim.
Figure 9 presents the proposed architecture containing two convolutional blocks followed by two fully connected layers feeding into the output. As presented in Figure 9, each convolution block contained a predefined number of filters followed by feature map aggregation and non-linearity transformation via the ReLu activation function.
Table 5 presents the internal architectural depth details for the proposed architecture. As evident from Table 5, the proposed architecture resulted in only 4.67 million parameters. This would be considered lightweight compared to other architectures, such as ResNet at 11.69 Million [20] and VGG with over 100 Million parameters [21].

3. Model Evaluation

3.1. Hyperparameter Tuning

This section compares the performance of the various experimental processes to ascertain the optimal architecture configuration using Google Colab for GPU acceleration. Due to limited GPU access, training was capped at 50 epochs, batch size was set to 32, learning rate was set to 0.02, and SGD-M optimizer was adopted for faster training, as shown in Table 6.

3.2. Original Dataset Performance

Following the data split in Table 2, the proposed architecture was explored using a learning rate of 0.02 for a fair comparison, and the results are shown in Figure 10, which represents the model performance. It is evident from Figure 10 that the initial model was not able to provide satisfactory results with a validation accuracy of 50.54%, i.e., the architecture was essentially rendered as a random classifier.
Figure 11 complements the training and validation results presented in Figure 10 by presenting the resultant confusion matrix. Based on the class-wise breakdown presented via the confusion matrix in Figure 11, it is clear the architecture had failed to generalize and essentially classified most samples as normal PV cells.
Further breaking down the performance metrics, Table 7 presents the precision, recall, and F1-score for the trained classifier. As evident from the overall F1-score of 67%, it can be concluded that the architecture lacked the generalization capacity with respect to the application.

3.3. Augmented Dataset Performance

Based on the performance of the initial architecture, there were two potential routes that could be pursued: firstly, increasing the architectural capacity of the network via increased internal layer depth, and secondly, applying data augmentations. As the objective of the research was to propose a lightweight architecture, the latter option was given priority, as this would not increase the computational complexity of the proposed architecture. Hence, the proposed augmentations based on production floor manifestations (presented in the methodology section) were applied to the initial dataset, and the transformed dataset presented in Table 4 was used for training the initial architecture.
Figure 12 represents the performance of the augmented dataset trained on the initial architecture. From Figure 12, it is evident that the augmented dataset did not have any significant impact on improving the performance of the architecture. This did not, however, render the augmentations as ineffective, as mentioned earlier. The reason for the poor performance could be due to the architecture lacking the internal architectural capacity required for generalization on the given dataset.

3.4. Modified Architecture

The next iteration was based on enhancing with internal architectural capacity of the architecture by introducing an additional convolutional block with increased filters and another fully connected layer, the details of which are presented in the Proposed Architecture section. Based on the training/validation graph presented in Figure 13, this iteration had a profound impact on the performance with a validation accuracy reaching 86.6%. The validation curve improved from 54.9% to 86.6%, demonstrating the improved ability of the modified architecture to better generalize because of the introduction of an additional convolutional block. The metric breakdown presented via Table 8 also endorses the performance reported in Figure 13, with an overall F1-score of 84% and improved precision (78%).

3.4.1. Modified Architecture with Batch Normalization

Although the modified architecture provided improved results, when observing the training and validation graphs in Figure 13, it is evident that there is a significant difference between the two respecting accuracies. This indicated that there was a high degree of overfitting being experienced by the trained architecture. Hence, with the aim of reducing overfitting, several regularization strategies were deployed in an iterative manner, starting with batch normalization, with the aim of reducing internal covariance that may be residing with the internal samples of the two classes.
Figure 14 presents the performance of the proposed architecture post integration of batch normalization. It is evident from Figure 14 that the introduction of batch normalization did not have any significant impact with respect to reducing overfitting, with the validation accuracy improving by 1%.

3.4.2. Modified Architecture with Dropouts

As the integration of batch normalization did not have a significant impact on reducing overfitting, the next regularization strategy selected was dropout. Dropout would focus on reducing the distance between the training and validation accuracies, also known as reducing the degree of overfitting. The implementation of dropout was based on the drop-ratio parameter, i.e., the ratio of neurons to be randomly disabled. To select the optimal drop-ratio, incremental steps of 10 were taken for the experimentation process, focusing our evaluation on the degree of overfitting. Due to the lightweight architecture of the proposed network, it was important to experiment with different dropout ratios rather than select 0.5 as the default. Figure 15 presents the training and validation graphs for each drop-ratio experiment. As evident from Table 9, a drop-ratio of 0.6, i.e., disabling 60% of the internal neurons of the proposed architecture resulted in the lowest degree of overfitting, i.e., 12.4% with an overall F1-score of 83%.

3.5. Modified Architecture with Batch Normalization and Dropout

One final experiment stimulated via intuition was the amalgamation of both batch normalization and dropout into the training and validation pipeline in a synchronous manner with the aim to observe whether this could result in further performance accentuation with respect to reducing overfitting and improving the overall F1-score.
This strategy was implemented by integrating batch normalization component and the optimal performing drop-ratio, i.e., 0.6, into the proposed architecture. Figure 16 presents the training and validation graphs. It is evident from Figure 16 that although the degree of overfitting was significantly reduced to less than 5%, the performance with respect to precision, recall, and F1-score had also diminished, with an overall F1-score of 78%, as shown in Table 10.
Based on the result of the dropout, we decided to modify the architecture with a combination of batch-normalization and 60% dropout. Although, the degree of overfitting was minimal compared to the previous histories, the model performance which is represented in Figure 16 and Table 10, respectively, is low when compared to previous analysis in terms of accuracy and F1-Score.

4. Discussion

To select the most appropriate architecture configuration for the respective domain, i.e., EL-based PV fault detection, this research presented a development pipeline introducing incremental improvements. Rather than reporting the final proposed solution by itself, we went through the training and validation process after the introduction of each design component to manifest its impact, starting from the original dataset, as evident from Table 11.
A key takeaway from the results presented in Table 11 is that data augmentations and architectural capacity complement each other when it comes to achieving better performance. Although the addition of representative data augmentations improves the variance of the original dataset, it is also necessary to ascertain the basic generalization capacity with respect to the internal architecture, as without enough convolutional blocks and internal filters, the architecture would not be able to extract the key underlying feature characteristics of the dataset in order to provide high performance.
In terms of the final selection, the proposed architecture was selected with the integration of batch normalization, reporting, and an overall F1-score of 85%. Although, one may argue, the proposed architecture with drop-ratio of 0.6 should be selected due to reduced degree of overfitting (12.4%), while looking at the wider application, this may have a negative impact on the architecture post deployment. The reason for this was because the proposed architecture consisted of only two convolutional blocks followed by two fully connected layers, hence further reduction in the network via the application of dropout may reduce the generalization capacity when dealing with wider variance, post deployment.

5. Conclusions

In conclusion it can be stated that the research objective, i.e., creating a lightweight architecture for micro-crack detection in PV cells was achieved to a high degree. The lightweight footprint of the architecture is evident from the comparison against state-of-the-art architectures presented in Table 12. It is clear from the comparison, that our proposed architecture was significantly more computationally friendly compared to architectures such as ResNet at 11.69 Million parameters and AlexNet at 61.1 Million parameters. In order to make sure the proposed architecture was able to generalize the PV domain, several augmentations were proposed based on the modeling of a production floor environment. In addition to this, multiple regularization strategies were deployed for obtaining higher convergence.
As future development, the authors aim to further increase architectural generalization by widening the experimental process to include hyperparameter tuning along with optimizer selection and gradient-based augmentation generation, as presented in [22].
The proposed development pipeline can be extended to similar applications focused on vision-based automated detection implementations requiring limited computational constraints, such as healthcare [23], security [24], food industry [25], renewable energy [26], and other constrained environments [27].

Author Contributions

Conceptualization, M.H.; formal analysis, D.A.; investigation, D.A. and D.A.; methodology, D.A.; project administration, M.H; visualization, D.A.; writing—original draft, D.A.; writing—review and editing, M.H. All authors have read and agreed to the published version of the manuscript.

Funding

This research has no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not presently available.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Hussain, M.; Al-Aqrabi, H.; Hill, R. PV-CrackNet Architecture for Filter Induced Augmentation and Micro-Cracks Detection within a Photovoltaic Manufacturing Facility. Energies 2022, 15, 8667. [Google Scholar] [CrossRef]
  2. CO2 Emissions in 2022–Analysis-IEA. Available online: https://www.iea.org/reports/co2-emissions-in-2022 (accessed on 11 April 2023).
  3. Padmavathi, N.; Chilambuchelvan, A. Fault detection and identification of solar panels using Bluetooth. In Proceedings of the 2017 International Conference on Energy, Communication, Data Analytics and Soft Computing, ICECDS 2017, Chennai, India, 1–2 August 2017; pp. 3420–3426. [Google Scholar] [CrossRef]
  4. Zyout, I.; Qatawneh, A. Detection of PV Solar Panel Surface Defects using Transfer Learning of the Deep Convolutional Neural Networks; Detection of PV Solar Panel Surface Defects using Transfer Learning of the Deep Convolutional Neural Networks. In Proceedings of the 2020 Advances in Science and Engineering Technology International Conferences (ASET), Dubai, United Arab Emirates, 4 February–9 April 2020. [Google Scholar]
  5. Dhimish, M.; Mather, P. Development of Novel Solar Cell Micro Crack Detection Technique. IEEE Trans. Semicond. Manuf. 2019, 32, 277–285. [Google Scholar] [CrossRef] [Green Version]
  6. Dhimish, M.; Holmes, V.; Dales, M.; Mehrdadi, B. Effect of micro cracks on photovoltaic output power: Case study based on real time long term data measurements; Effect of micro cracks on photovoltaic output power: Case study based on real time long term data measurements. Micro Nano Lett. 2017, 12, 803–807. [Google Scholar] [CrossRef]
  7. Yao, G.; Wu, X. Halcon-Based Solar Panel Crack Detection. In Proceedings of the 2019 2nd World Conference on Mechanical Engineering and Intelligent Manufacturing (WCMEIM), Shanghai, China, 22–24 November 2019. [Google Scholar] [CrossRef]
  8. Gabor, A.M.; Knodle, P. UV Fluorescence for Defect Detection in Residential Solar Panel Systems. In Proceedings of the Conference Record of the IEEE Photovoltaic Specialists Conference, Fort Lauderdale, FL, USA, 20–25 June 2021; pp. 2575–2579. [Google Scholar] [CrossRef]
  9. Han, S.H.; Rahim, T.; Shin, S.Y. Detection of faults in solar panels using deep learning. In Proceedings of the 2021 International Conference on Electronics, Information, and Communication, ICEIC 2021, Jeju, Republic of Korea, 31 January–3 February 2021. [Google Scholar] [CrossRef]
  10. Espinosa, A.R.; Bressan, M.; Giraldo, L.F. Failure signature classification in solar photovoltaic plants using RGB images and convolutional neural networks. Renew. Energy 2020, 162, 249–256. [Google Scholar] [CrossRef]
  11. Acharya, A.K.; Sahu, P.K.; Jena, S.R. Deep neural network based approach for detection of defective solar cell. Mater Today Proc. 2021, 39, 2009–2014. [Google Scholar] [CrossRef]
  12. Rahman, M.R.; Tabassum, S.; Haque, E.; Nishat, M.M.; Faisal, F.; Hossain, E. CNN-based Deep Learning Approach for Micro-crack Detection of Solar Panels. In Proceedings of the 2021 3rd International Conference on Sustainable Technologies for Industry 4.0, STI 2021, Dhaka, Bangladesh, 18–19 December 2021. [Google Scholar] [CrossRef]
  13. Zhang, N.; Shan, S.; Wei, H.; Zhang, K. Micro-cracks Detection of Polycrystalline Solar Cells with Transfer Learning. J. Phys. Conf. Ser. 2020, 1651, 012118. [Google Scholar] [CrossRef]
  14. Akram, M.W.; Li, G.; Jin, Y.; Chen, X.; Zhu, C.; Ahmad, A. Automatic detection of photovoltaic module defects in infrared images with isolated and develop-model transfer deep learning. Sol. Energy 2020, 198, 175–186. [Google Scholar] [CrossRef]
  15. Mathias, N.; Shaikh, F.; Thakur, C.; Shetty, S.; Dumane, P.; Chavan, D.S. Detection of Micro-Cracks in Electroluminescence Images of Photovoltaic Modules. In Proceedings of the 3rd International Conference on Advances in Science & Technology (ICAST), Padang, Indonesia, 24–25 October 2020. [Google Scholar] [CrossRef]
  16. Winston, D.P.; Murugan, M.S.; Elavarasan, R.M.; Pugazhendhi, R.; Singh, O.J.; Murugesan, P.; Gurudhachanamoorthy, M.; Hossain, E. Solar PV’s Micro Crack and Hotspots Detection Technique Using NN and SVM. IEEE Access 2021, 9, 127259–127269. [Google Scholar] [CrossRef]
  17. Singh, O.D.; Gupta, S.; Dora, S. Segmentation technique for the detection of Micro cracks in solar cell using support vector machine. Multimed Tools Appl. 2023, 1–26. [Google Scholar] [CrossRef]
  18. Xue, B.; Li, F.; Song, M.; Shang, X.; Cui, D.; Chu, J.; Dai, S. Crack Extraction for Polycrystalline Solar Panels. Energies 2021, 14, 374. [Google Scholar] [CrossRef]
  19. Chen, H.; Zhao, H.; Han, D.; Liu, K. Accurate and robust crack detection using steerable evidence filtering in electroluminescence images of solar cells. Opt. Lasers Eng. 2019, 118, 22–33. [Google Scholar] [CrossRef]
  20. Gao, M.; Song, P.; Wang, F.; Liu, J.; Mandelis, A.; Qi, D. A Novel Deep Convolutional Neural Network Based on ResNet-18 and Transfer Learning for Detection of Wood Knot Defects. J. Sens. 2021, 2021, 1–16. [Google Scholar] [CrossRef]
  21. Yap, X.Y.; Chia, K.S.; Tee, K.S. A Portable Gas Pressure Control and Data Acquisition System using Regression Models. Int. J. Electr. Eng. Inform. 2021, 13, 242–251. [Google Scholar] [CrossRef]
  22. Hussain, M.; Chen, T.; Titrenko, S.; Su, P.; Mahmud, M. A Gradient Guided Architecture Coupled With Filter Fused Representations for Micro-Crack Detection in Photovoltaic Cell Surfaces. IEEE Access 2022, 10, 58950–58964. [Google Scholar] [CrossRef]
  23. Hussain, M.; Al-Aqrabi, H.; Munawar, M.; Hill, R.; Parkinson, S. Exudate Regeneration for Automated Exudate Detection in Retinal Fundus Images. IEEE Access 2022, 1. [Google Scholar] [CrossRef]
  24. Hussain, M.; Al-Aqrabi, H. Child Emotion Recognition via Custom Lightweight CNN Architecture. In Kids Cybersecurity Using Computational Intelligence Techniques; Studies in Computational Intelligence; Yafooz, W.M.S., Al-Aqrabi, H., Al-Dhaqm, A., Emara, A., Eds.; Springer: Cham, Switzerland, 2023; Volume 1080. [Google Scholar] [CrossRef]
  25. Hussain, M.; Al-Aqrabi, H.; Munawar, M.; Hill, R. Feature Mapping for Rice Leaf Defect Detection Based on a Custom Convolutional Architecture. Foods 2022, 11, 3914. [Google Scholar] [CrossRef] [PubMed]
  26. Hussain, M.; Al-Aqrabi, H.; Hill, R. Statistical Analysis and Development of an Ensemble-Based Machine Learning Model for Photovoltaic Fault Detection. Energies 2022, 15, 5492. [Google Scholar] [CrossRef]
  27. Alsboui, T.; Hill, R.; Al-Aqrabi, H.; Farid, H.M.A.; Riaz, M.; Iram, S.; Shakeel, H.M.; Hussain, M. A Dynamic Multi-Mobile Agent Itinerary Planning Approach in Wireless Sensor Networks via Intuitionistic Fuzzy Set. Sensors 2022, 22, 8037. [Google Scholar] [CrossRef] [PubMed]
Figure 1. Data investigation: (A) normal, (B) defective.
Figure 1. Data investigation: (A) normal, (B) defective.
Sensors 23 06235 g001
Figure 2. Flip: (A) vertical, (B) horizontal.
Figure 2. Flip: (A) vertical, (B) horizontal.
Sensors 23 06235 g002
Figure 3. Rotation: (A) clockwise, (B) counter-clockwise, (C) 180 degrees shift.
Figure 3. Rotation: (A) clockwise, (B) counter-clockwise, (C) 180 degrees shift.
Sensors 23 06235 g003
Figure 4. 15 Degree: (A)vertical shift, (B) horizontal shift.
Figure 4. 15 Degree: (A)vertical shift, (B) horizontal shift.
Sensors 23 06235 g004
Figure 5. 15 Degree Rotation: (A) height shift, (B) width shift.
Figure 5. 15 Degree Rotation: (A) height shift, (B) width shift.
Sensors 23 06235 g005
Figure 6. Brightness: (A) input, (B) output.
Figure 6. Brightness: (A) input, (B) output.
Sensors 23 06235 g006
Figure 7. Exposure: (A) input, (B) output.
Figure 7. Exposure: (A) input, (B) output.
Sensors 23 06235 g007
Figure 8. Noise: (A) input, (B) output.
Figure 8. Noise: (A) input, (B) output.
Sensors 23 06235 g008
Figure 9. Proposed architecture.
Figure 9. Proposed architecture.
Sensors 23 06235 g009
Figure 10. Original data performance.
Figure 10. Original data performance.
Sensors 23 06235 g010
Figure 11. Confusion matrix for the initial model evaluation metrics with original dataset.
Figure 11. Confusion matrix for the initial model evaluation metrics with original dataset.
Sensors 23 06235 g011
Figure 12. Augmented dataset performance.
Figure 12. Augmented dataset performance.
Sensors 23 06235 g012
Figure 13. Modified architecture performance.
Figure 13. Modified architecture performance.
Sensors 23 06235 g013
Figure 14. Performance of modified architecture with batch normalization.
Figure 14. Performance of modified architecture with batch normalization.
Sensors 23 06235 g014
Figure 15. Comparison of modified architecture with dropout rate (10% to 60%).
Figure 15. Comparison of modified architecture with dropout rate (10% to 60%).
Sensors 23 06235 g015
Figure 16. Model performance using a combination of batch normalization and 60% dropout.
Figure 16. Model performance using a combination of batch normalization and 60% dropout.
Sensors 23 06235 g016
Table 1. Original dataset.
Table 1. Original dataset.
ClassSamples
Normal469
Defect461
Table 2. Original Dataset Split.
Table 2. Original Dataset Split.
NormalDefectTotalPercentage
Testing Set44499310%
Training Set33132065170%
Validation Set949218620%
Total469461930
Table 3. Augmented dataset.
Table 3. Augmented dataset.
ClassSamples
Normal1131
Defect1101
Table 4. Augmented dataset split.
Table 4. Augmented dataset split.
NormalDefectiveTotalPercentage
Testing Set11410922310%
Training Set791772156370%
Validation Set22622044620%
Total113111012232
Table 5. Internal depth architecture layout.
Table 5. Internal depth architecture layout.
LayersOutput ShapeParameters
Input3.224 × 224---
Convo2d-18.222 × 222224
BatchNorm2d8.222 × 22216
ReLu8.222 × 222---
Max-Pool2d8.111 × 111---
Convo2d16.109 × 1091168
BatchNorm2d16.109 × 10932
ReLu16.109 × 109---
Max-Pool2d16.54 × 54---
Dropout16.54 × 54---
Fc1100 Neurons4,665,700
ReLu100---
Dropout100---
Fc250 Neurons5050
ReLu50---
Dropout50---
Output2 Neurons102
Total Parameters4.67 Million
Table 6. Hyperparameters.
Table 6. Hyperparameters.
Global Hyperparamters
Batch Size32
Epochs50
OptimizerSGD-M
Learning Rate0.02
Table 7. Original dataset performance.
Table 7. Original dataset performance.
Performance on Original Dataset
Precision51%
Recall100%
F1-Score67%
Accuracy50.54%
Table 8. Modified architecture performance.
Table 8. Modified architecture performance.
Modified Architecture Performance
Precision78%
Recall91%
F1-Score84%
Accuracy86.55%
Table 9. Comparison of modified architecture’s performance with dropout.
Table 9. Comparison of modified architecture’s performance with dropout.
Dropout RateTraining AccuracyValidation AccuracyDegree of OverfittingF1-Score
10%100%86.55%13.45%82%
20%99.94%83.63%16.31%82%
30%99.62%83.86%15.76%84%
40%99.43%81.17%18.26%82%
50%98.39%83.63%14.76%82%
60%97.83%85.43%12.4%83%
Table 10. Modified architecture with batch normalization and 60% dropout performance.
Table 10. Modified architecture with batch normalization and 60% dropout performance.
BN-Dropout Combined Performance
Precision73%
Recall84%
F1-Score78%
Accuracy76.01%
Table 11. Comparison of model’s performance across all parameters.
Table 11. Comparison of model’s performance across all parameters.
Complete Experimental Performance Evaluation
Original Data Performance
Precision51%
Recall100%
F1-Score67%
Accuracy50.54%
Augmented Dataset Performance
Precision60%
Recall19%
F1-Score28%
Accuracy54.93%
Modified Architecture Performance
Precision78%
Recall91%
F1-Score84%
Accuracy86.55%
Modified Architecture with Batch Normalization Performance
Precision79%
Recall92%
F1-Score85%
Accuracy86.67%
Modified Architecture with 60% Dropout Performance
Precision81%
Recall85%
F1-Score83%
Accuracy85.43%
Modified Architecture with Batch Normalization and 60% Dropout Performance
Precision73%
Recall84%
F1-Score78%
Accuracy76.01%
Table 12. Architectural comparison.
Table 12. Architectural comparison.
ModelParameters (M)
Proposed4.7
GoogleNet13
AlexNet61.1
ResNet11.69
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Animashaun, D.; Hussain, M. Automated Micro-Crack Detection within Photovoltaic Manufacturing Facility via Ground Modelling for a Regularized Convolutional Network. Sensors 2023, 23, 6235. https://0-doi-org.brum.beds.ac.uk/10.3390/s23136235

AMA Style

Animashaun D, Hussain M. Automated Micro-Crack Detection within Photovoltaic Manufacturing Facility via Ground Modelling for a Regularized Convolutional Network. Sensors. 2023; 23(13):6235. https://0-doi-org.brum.beds.ac.uk/10.3390/s23136235

Chicago/Turabian Style

Animashaun, Damilola, and Muhammad Hussain. 2023. "Automated Micro-Crack Detection within Photovoltaic Manufacturing Facility via Ground Modelling for a Regularized Convolutional Network" Sensors 23, no. 13: 6235. https://0-doi-org.brum.beds.ac.uk/10.3390/s23136235

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop