logo

Aiex.ai

5 Mins Read

Aluminum casting quality control using computer vision techniques

casting defects

Aluminum casting quality control using computer vision techniques

for Low-alloy aluminum parts are widely used in various industries, especially the automotive industries. Cracks, bubbles, slags, or inclusions must be thoroughly identified in parts such as wheels, knuckles, gear boxes, etc. to guarantee high-quality products. One quality control solution for these products is using X-rays, because of their ability to penetrate objects and detect internal defects of parts invisible to the naked eye (Figure 1). Computer vision (CV) models can be extremely effective in automating quality control processes for these type of products.

aluminum casting defects
Figure 1. X-ray images of real defects in an aluminum casting. Source

Recently, professor Domingo Mery from the department of computer science at the Pontifical Catholic University of Chile published a peer-reviewed paper in the journal of “Machine Vision and Applications”. In his paper, he develop and compare eight state-of-the-art deep object detection methods (based on YOLO, RetinaNet, and EfficientDet) to detect aluminum casting defects. A simple, effective, and fast training strategy proposed by the author, is to superimpose simulated defects on a low number of defect-free X-ray images of castings to avoid manual annotations.

Quality control automation using CV has been developed for over three decades. Nowadays, CV methods based on deep-learning algorithms are pushing the limits even further. The key focus of deep-learning algorithms is on substituting handcrafted features by implementing a hierarchical feature extraction approach, such that the learned features are discriminative without using any sophisticated classifiers.

The author notes that applying CV-based models in industrial defect detections using X-ray images has been quite slow due to the following reasons:

  1. Lack of publicly available databases: The only public dataset for X-ray testing in castings inspection is GDXray, which contains about 2700 X-ray images (published in 2015).
  2. The small number of experts working on non-destructive testing of castings: skilled operators are needed to identify the discontinuities in a casting by inspecting an X-ray image.
  3. Expensive equipment required for X-ray testing.

To address the these shortcomings, the author suggests the following solutions:

  1. devising a simple, effective, and fast deep learning strategy for the inspection of aluminum castings. A relatively small number of X-ray images and no manual annotations are required for the training step as a simulation model is applied to superimpose defects onto the X-ray images.
  2. Avoiding overfitting by employing a training/testing strategy such that defects in the training dataset are not included in the testing dataset.
  3. Applying well-known object detection models. Training and testing can be performed using Python with no complex configuration and free access to GPUs through Google Colab.
  4. The accessibility of the code and datasets used in this paper in a public repository.

Although novel object detection models such as YOLO and RetinaNet have been widely developed in the recent years, it is still challenging to apply them for the defect inspection in aluminum castings due to the lack of training datasets. To tackle this issue, simulated defects can be superimposed into the original X-ray images.

Defect Detection in Castings

All object-detection models used by industries or academia can be categorized into four groups: (i) classic methods, (ii) methods based on multiple views, (iii) methods based on computed tomography, and (iv) methods based on deep learning (More details about each group can be found in the reference). As novel object-detection models exhibit the best performance, the author use eight different modern object-detection algorithms for training the models. Additionally, two baseline classic models based on handcrafted features (CLP-SVM based on handcrafted features and SVM classifier) and Xnet based on convolutional neural networks (CNN) are utilized for comparison.

Applying CV-based models consists of using image classification and object detection. Image classification can assign an X-ray image to one class and typically be applied when there is only one object to detect per image. For example, when a small sub-image of an X-ray image with a patch of 32 × 32 pixels exists, the trained model can classify it as ‘defective’ or ‘not defective’. object detection models can recognize more objects in an X-ray image and the location of each recognized object can be identified through a bounding box surrounding the detected object (Figure 2).

YOLO model for object detection
Figure 2. YOLO model for object detection. Source

Applying the simple sliding-window methodology for defect detection in aluminum castings based on image classification suffers from huge number of patches and different patch-sizes, which may make the computational time prohibitive. Generally, two main approaches can be used to overcome this problem: (i) detection in two stages, and (ii) detection in one stage. The latter approach mostly outperforms the first approach in terms of both accuracy and speed. Therefore, only the second approach is discussed in detail.

Detection in One Stage

These approaches use a single CNN to train a model effectively and quickly on both location and classification. This means that bounding box prediction and subsequent estimation of the their class probabilities occur in one stage. This category includes YOLO (v3 (versions SPP and Tiny), v5 (versions ‘s’, ‘l’, ‘m’ and ‘x’)), EfficientDet, and RetinaNet. Since YOLO manifests the best performance in this case, only this algorithm is discussed in this paper.

You-Only-Look-Once (YOLO)

YOLO is a single CNN model that goes over an image only once and simultaneously performs bounding box prediction (localization) and category probability estimation (classification) for objects of interest. Since the input image is processed in a single pass by the CNN, the prediction speed is excellent. More details about the YOLO algorithms and various versions can be found here.

Training and Testing the Model

Figure 3 depicts the overall workflow for detecting defects in aluminum castings using X-ray images. Like other CV-based models, it consists of two stages: training and testing the model. To train a model, real X-ray images of aluminum castings with only simulated defects are used because defects in real samples are rare. On the other hand, for the testing dataset, real X-ray images of aluminum castings with real defects are utilized to evaluate the model in a real scenario.

detect defects in X-ray images of aluminum castings
Figure 3. The overall workflow to detect defects in X-ray images of aluminum castings. Source

Datasets

GDXray dataset, series C0001 (aluminum wheel) is used for the main experiments with 72 X-ray images, and series C0021 is used for an additional experiment with 37 X-ray images. Both series have an annotated ground truth including real defects.

The following procedures must be performed before training and validating models:

  • Pre-processing: The original size of the images in series C0001 is 572 × 768 pixels, which is converted to 1144 × 1536 pixels.
  • Selection: For each resized X-ray image, 100 windows of 640 ×640 pixels are selected in locations where there is no real defect. 90 images are used for training and 10 images used to validate the model.
  • Simulation: ellipsoidal defects are superimposed in each selected window. The number of simulated defects per image randomly range from 2 to 20 along with the size and orientation of the three axes of the ellipsoid from 1 to 9 mm and from 0 to 2π, respectively. Consequently, for series C0001, 7200 X-ray images of 640 ×640 pixels with around 80,000 simulated defects are obtained.

Simulation of Ellipsoidal Defects

The author simulated ellipsoidal defects to train the defect detection model for aluminum casting. The simulation details were described in the paper and readers can refer to it for more information.

Evaluating Defect Detection Performance in Aluminum Castings

Figure 4 illustrates the results for some of the testing datasets. The YOLO-based model shows superior performance compared to other models.

casting defects
Figure 4. Results for seven testing images (one per column). The results of YOLOv5x, RetinaNet and EfficientDet are shown in rows (ground truth in red, and detection in green). Source

The Intersection over Union (IoU) score is calculated to evaluate the performance of the detectors. The criterion establishes that a defect is detected if IoU > α, where α is called the IoU-threshold. The performance of each model is evaluated for α =1/10 , 1/5 , 1/4 , 1/3 , 1/2. Figure 5 displays the bounding boxes along with IoU at α = 1/4.

casting defects
Figure 5. The predicted bonding boxes for some images along with the corresponding IoU at α = 1/4. Source

From the IoU-criterion, the statistics of true positives (TP), false positives (FP), and false negatives (FN) can be obtained to calculate the precision (Pr), recall (Re), and F1 values using the following equations:

casting defects

Figure 6 illustrates the precision-recall curve for α = 0.25.

Precision and recall curves
Figure 6. Precision and recall curves at α = 1/4. Source

Table 1 presents and compares Pr and Re values at the maximum F1 value (F1) for each trained model. The average precision (AP) is also calculated by integrating the area under the precision-recall curve. Table 1 gives the AP value for α = 1/4. According to AP values, three distinct groups can be recognized:  (i) YOLO-based methods with AP > 0.88, (ii) RetinaNet, EfficientNet, and Xnet with AP = 0.5–0.65, and (iii) CLP-SVM with AP < 0.15. It is obvious that YOLO-based models exhibit much better performance compared to the baseline methods (Xnet and CLP-SVM) with YOLOv5-methods outperforming every other methos. On the other hand, RetinaNet and EfficientDet show poor performance as they are designed for large objects.

Table 1 The performance evaluation for α = 1/4.

casting defects

Table 2 presents and compares the computation time for each trained model. According to the computation time, the trained models can be categorized in two groups: (i) modern object detection methods taking only a few tens of milliseconds per image (ii) baseline methods taking more than 1 sec per image.

Table 2 Computation time for each trained model.

casting defects

The Shortcomings of YOLO-Based Models

The most problematic issue of the proposed method is that each casting type needs an ad-hoc trained model, i.e. if the model is trained on specific wheel type images and the trained model tests on X-ray images of another wheel type, it may not perform well. Figure 7 shows two different wheel types.

casting defects
Figure 7. An example of X-ray images from two different wheel types in the GDXray dataset. Source

As the model is trained on the regular structures of one casting type, the discussed issue is predictable. However, if we train a new model for each specific wheel type, the model’s performance is satisfactory (Table 3).

Table 3 Evaluation of YOLOv5s on two wheel-types.

casting defects

To deal with this shortcoming, we can train a single model for each casting type. Nonetheless, this solution will not work when a new casting type is tested by the model. In addition, the computational time of this new training is higher as a larger training dataset is used. The effectiveness of the model on all included casting types must be evaluated too. For these reasons, the author recommends training a specific model for each casting type. As the training process is relatively short (only 2.5 hours), this should not pose a problem for the industry.

Conclusion

YOLOv5 models achieved the best evaluation metrics. At α = 0.25, 97.54% of all existing defects were correctly detected (recall), and 85.12% of all detections were true positives. Additionally, YOLOv5 models were trained in just 2.5 hours, and the computational time in testing stage was only 11 ms per testing image (90 images per second). Hence, the proposed approach by the author could satisfy the requirements of the industry in following regards:

  • Simplicity: Only few defect-free X-ray images and a simulation process are needed for the dataset preparation. No manual annotation is required. Well-established object detection models can be used to train the model. Models are coded in Python and run in Google Colab with no additional or sensitive configurations with free access to GPUs.
  • Effectiveness: The AP for YOLO-based models was 0.89–0.90 and the F1 factor was 0.91.
  • Speed: The YOLO-based models were trained in almost 2.5 hours. The computational time for one testing image is only a few tens of milliseconds, indicating model’s usefullness in real-time inspection.

In the future, random defect shapes used in simulation of other kind of defects such as cracks can be applied, which is very useful in the automated inspection of welds.

If you need more information about how AIEX experts can help you and your business, feel free to contact us.

Related articles
waste management
This article discusses the integration of artificial intelligence in the field of recycling. We will also train a model...
traffic management
As urban areas continue to grow, the number of vehicles on the road is increasing, which leads to congested...
Brake-Pad-Quality-Control-with-Artificial-Intelligence
Thanks to advancements in artificial intelligence, particularly in computer vision, deep learning models can now be utilized in various...
Trauma Detection on Pelvic Radiographs using Computer Vision Algorithms
A timely and accurate diagnosis of the proximal femur and pelvis injuries in trauma patients is essential to saving...
Defect-Detection-in-Metal-Parts-using-Optical-Systems
Detecting and classifying aesthetic defects in different sizes, shapes, and positions immediately after the casting process is an essential...
X-ray Images
Nowadays with the help of computer vision technology and image processing we can classify broken and normal bone X-ray...
Subscribe to our newsletter and get the latest practical content.

You can enter your email address and subscribe to our newsletter and get the latest practical content. You can enter your email address and subscribe to our newsletter.