Convolutional Neural Network Design for Improvement of Machining Quality Monitoring

Author(s):  
Ting-Yu Chang ◽  
Jen-Yuan (James) Chang

Abstract Automatically monitoring finishing quality by computers can achieve efficient product quality management and can improve overall production efficiency. To be able to offer quantitative measures and to achieve this goal, this paper discusses and suggests the utilization of artificial intelligence (AI) technology to predict product finishing quality by use of signals such as vibrations captured by accelerometers generated during manufacturing. To reduce the cost of inspecting products one by one, a deep one-dimensional convolutional neural network (CNN) is proposed to predict machined surface quality. In this method, dense residual skip-connections are used to improve the complexity of the model to improve the accuracy of predicted values. With the adaptation of the pooling layer in the proposed model, it is observed that the number of parameters used in the model is greatly reduced. Not only the predicted accuracy is optimized with the proposed model, the parameters that need to be stored and the computation resource that is consumed in the inference stage are significantly reduced as well. Compared with methods reported in the literature, through calibrated experimental verifications, the proposed model used in this work can improve the prediction accuracy by 10 percent, without any additional signal preprocessing efforts. The work presented in this paper is thought to have engineering implications in quantifying machining quality in the machine tools industry.

2020 ◽  
Vol 34 (5) ◽  
pp. 617-622
Author(s):  
Sai Sudha Sonali Palakodati ◽  
Venkata RamiReddy Chirra ◽  
Yakobu Dasari ◽  
Suneetha Bulla

Detecting the rotten fruits become significant in the agricultural industry. Usually, the classification of fresh and rotten fruits is carried by humans is not effectual for the fruit farmers. Human beings will become tired after doing the same task multiple times, but machines do not. Thus, the project proposes an approach to reduce human efforts, reduce the cost and time for production by identifying the defects in the fruits in the agricultural industry. If we do not detect those defects, those defected fruits may contaminate good fruits. Hence, we proposed a model to avoid the spread of rottenness. The proposed model classifies the fresh fruits and rotten fruits from the input fruit images. In this work, we have used three types of fruits, such as apple, banana, and oranges. A Convolutional Neural Network (CNN) is used for extracting the features from input fruit images, and Softmax is used to classify the images into fresh and rotten fruits. The performance of the proposed model is evaluated on a dataset that is downloaded from Kaggle and produces an accuracy of 97.82%. The results showed that the proposed CNN model can effectively classify the fresh fruits and rotten fruits. In the proposed work, we inspected the transfer learning methods in the classification of fresh and rotten fruits. The performance of the proposed CNN model outperforms the transfer learning models and the state of art methods.


2021 ◽  
Vol 11 (6) ◽  
pp. 2838
Author(s):  
Nikitha Johnsirani Venkatesan ◽  
Dong Ryeol Shin ◽  
Choon Sung Nam

In the pharmaceutical field, early detection of lung nodules is indispensable for increasing patient survival. We can enhance the quality of the medical images by intensifying the radiation dose. High radiation dose provokes cancer, which forces experts to use limited radiation. Using abrupt radiation generates noise in CT scans. We propose an optimal Convolutional Neural Network model in which Gaussian noise is removed for better classification and increased training accuracy. Experimental demonstration on the LUNA16 dataset of size 160 GB shows that our proposed method exhibit superior results. Classification accuracy, specificity, sensitivity, Precision, Recall, F1 measurement, and area under the ROC curve (AUC) of the model performance are taken as evaluation metrics. We conducted a performance comparison of our proposed model on numerous platforms, like Apache Spark, GPU, and CPU, to depreciate the training time without compromising the accuracy percentage. Our results show that Apache Spark, integrated with a deep learning framework, is suitable for parallel training computation with high accuracy.


Sensors ◽  
2021 ◽  
Vol 21 (8) ◽  
pp. 2648
Author(s):  
Muhammad Aamir ◽  
Tariq Ali ◽  
Muhammad Irfan ◽  
Ahmad Shaf ◽  
Muhammad Zeeshan Azam ◽  
...  

Natural disasters not only disturb the human ecological system but also destroy the properties and critical infrastructures of human societies and even lead to permanent change in the ecosystem. Disaster can be caused by naturally occurring events such as earthquakes, cyclones, floods, and wildfires. Many deep learning techniques have been applied by various researchers to detect and classify natural disasters to overcome losses in ecosystems, but detection of natural disasters still faces issues due to the complex and imbalanced structures of images. To tackle this problem, we propose a multilayered deep convolutional neural network. The proposed model works in two blocks: Block-I convolutional neural network (B-I CNN), for detection and occurrence of disasters, and Block-II convolutional neural network (B-II CNN), for classification of natural disaster intensity types with different filters and parameters. The model is tested on 4428 natural images and performance is calculated and expressed as different statistical values: sensitivity (SE), 97.54%; specificity (SP), 98.22%; accuracy rate (AR), 99.92%; precision (PRE), 97.79%; and F1-score (F1), 97.97%. The overall accuracy for the whole model is 99.92%, which is competitive and comparable with state-of-the-art algorithms.


Author(s):  
Yan Zhang ◽  
Hao Li ◽  
Xuda Qin ◽  
Jie liu ◽  
Zhuojie Hou

To fulfill the demands of higher precision, better quality, and more flexibility, the usage of high-performance industrial robots is rapidly increased in aerospace industry. Considering the anisotropic and inhomogeneous characteristics of composite materials, this study focuses mainly on dynamic response investigation of a newly designed hybrid robot (named as TriMule) in CFRP trimming process and its influence on the machined quality. First, combined with the cutting force characteristic, the vibration responses of tool center point (TCP) under the dynamic excitation were obtained. The influences of robotic TCP vibration on machined surface quality with different fiber orientations, including surface waviness, cavity, 3D surface roughness, and depth of affected zone, are first studied by comparing hybrid robot and machine tool. From experiment results, it can be concluded the proposed TCP vibration response model has sufficient prediction accuracy. Meanwhile, it is found that larger robotic vibration response is accompanied by higher surface waviness, bigger surface cavity, and greater affected zone. Results also showed that the fiber orientation and milling style are two essential factors that affect robot vibration and machining quality during CFRP trimming.


Author(s):  
Young Hyun Kim ◽  
Eun-Gyu Ha ◽  
Kug Jin Jeon ◽  
Chena Lee ◽  
Sang-Sun Han

Objectives: This study aimed to develop a fully automated human identification method based on a convolutional neural network (CNN) with a large-scale dental panoramic radiograph (DPR) dataset. Methods: In total, 2,760 DPRs from 746 subjects who had 2 to 17 DPRs with various changes in image characteristics due to various dental treatments (tooth extraction, oral surgery, prosthetics, orthodontics, or tooth development) were collected. The test dataset included the latest DPR of each subject (746 images) and the other DPRs (2,014 images) were used for model training. A modified VGG16 model with two fully connected layers was applied for human identification. The proposed model was evaluated with rank-1, –3, and −5 accuracies, running time, and gradient-weighted class activation mapping (Grad-CAM)–applied images. Results: This model had rank-1,–3, and −5 accuracies of 82.84%, 89.14%, and 92.23%, respectively. All rank-1 accuracy values of the proposed model were above 80% regardless of changes in image characteristics. The average running time to train the proposed model was 60.9 sec per epoch, and the prediction time for 746 test DPRs was short (3.2 sec/image). The Grad-CAM technique verified that the model automatically identified humans by focusing on identifiable dental information. Conclusion: The proposed model showed good performance in fully automatic human identification despite differing image characteristics of DPRs acquired from the same patients. Our model is expected to assist in the fast and accurate identification by experts by comparing large amounts of images and proposing identification candidates at high speed.


2021 ◽  
Vol 16 ◽  
Author(s):  
Di Gai ◽  
Xuanjing Shen ◽  
Haipeng Chen

Background: The effective classification of the melting curve is conducive to measure the specificity of the amplified products and the influence of invalid data on subsequent experiments is excluded. Objective: In this paper, a convolutional neural network (CNN) classification model based on dynamic filter is proposed, which can categorize the number of peaks in the melting curve image and distinguish the pollution data represented by the noise peaks. Method: The main advantage of the proposed model is that it adopts the filter which changes with the input and uses the dynamic filter to capture more information in the image, making the network learning more accurate. In addition, the residual module is used to extract the characteristics of the melting curve, and the pooling operation is replaced with an atrous convolution to prevent the loss of context information. Result: In order to train the proposed model, a novel melting curve dataset is created, which includes a balanced dataset and an unbalanced dataset. The proposed method uses six classification-based assessment criteria to compare with seven representative methods based on deep learning. Experimental results show that proposed method is not only markedly outperforms the other state-of-the-art methods in accuracy, but also has much less running time. Conclusion: It evidently proves that the proposed method is suitable for judging the specificity of amplification products according to the melting curve. Simultaneously, it overcomes the difficulties of manual selection with low efficiency and artificial bias.


2021 ◽  
Vol ahead-of-print (ahead-of-print) ◽  
Author(s):  
Defeng Lv ◽  
Huawei Wang ◽  
Changchang Che

Purpose The purpose of this study is to achieve an accurate intelligent fault diagnosis of rolling bearing. Design/methodology/approach To extract deep features of the original vibration signal and improve the generalization ability and robustness of the fault diagnosis model, this paper proposes a fault diagnosis method of rolling bearing based on multiscale convolutional neural network (MCNN) and decision fusion. The original vibration signals are normalized and matrixed to form grayscale image samples. In addition, multiscale samples can be achieved by convoluting these samples with different convolution kernels. Subsequently, MCNN is constructed for fault diagnosis. The results of MCNN are put into a data fusion model to obtain comprehensive fault diagnosis results. Findings The bearing data sets with multiple multivariate time series are used to testify the effectiveness of the proposed method. The proposed model can achieve 99.8% accuracy of fault diagnosis. Based on MCNN and decision fusion, the accuracy can be improved by 0.7%–3.4% compared with other models. Originality/value The proposed model can extract deep general features of vibration signals by MCNN and obtained robust fault diagnosis results based on the decision fusion model. For a long time series of vibration signals with noise, the proposed model can still achieve accurate fault diagnosis.


2019 ◽  
Vol 2019 ◽  
pp. 1-12 ◽  
Author(s):  
Jianfang Cao ◽  
Chenyan Wu ◽  
Lichao Chen ◽  
Hongyan Cui ◽  
Guoqing Feng

In today’s society, image resources are everywhere, and the number of available images can be overwhelming. Determining how to rapidly and effectively query, retrieve, and organize image information has become a popular research topic, and automatic image annotation is the key to text-based image retrieval. If the semantic images with annotations are not balanced among the training samples, the low-frequency labeling accuracy can be poor. In this study, a dual-channel convolution neural network (DCCNN) was designed to improve the accuracy of automatic labeling. The model integrates two convolutional neural network (CNN) channels with different structures. One channel is used for training based on the low-frequency samples and increases the proportion of low-frequency samples in the model, and the other is used for training based on all training sets. In the labeling process, the outputs of the two channels are fused to obtain a labeling decision. We verified the proposed model on the Caltech-256, Pascal VOC 2007, and Pascal VOC 2012 standard datasets. On the Pascal VOC 2012 dataset, the proposed DCCNN model achieves an overall labeling accuracy of up to 93.4% after 100 training iterations: 8.9% higher than the CNN and 15% higher than the traditional method. A similar accuracy can be achieved by the CNN only after 2,500 training iterations. On the 50,000-image dataset from Caltech-256 and Pascal VOC 2012, the performance of the DCCNN is relatively stable; it achieves an average labeling accuracy above 93%. In contrast, the CNN reaches an accuracy of only 91% even after extended training. Furthermore, the proposed DCCNN achieves a labeling accuracy for low-frequency words approximately 10% higher than that of the CNN, which further verifies the reliability of the proposed model in this study.


2019 ◽  
Vol 31 (06) ◽  
pp. 1950044
Author(s):  
C. C. Manju ◽  
M. Victor Jose

Objective: The antinuclear antibodies (ANA) that present in the human serum have a link with various autoimmune diseases. Human Epithelial type-2 (HEp-2) cells acts as a substance in the Indirect Immuno fluorescence (IIF) test for diagnosing these autoimmune diseases. In recent times, the computer-aided diagnosis of autoimmune diseases by the HEp-2 cell classification has drawn more interest. Though, they often pose limitations like large intra-class and small inter-class variations. Hence, various efforts have been performed to automate the procedure of HEp-2 cell classification. To overcome these problems, this research work intends to propose a new HEp-2 classification process. Materials and Methods: This is regulated by integrating two processes, namely, segmentation and classification. Initially, the segmentation of the HEp-2 cells is carried out by deploying the morphological operations. In this paper, two morphology operations are deployed called opening and closing. Further, the classification process is exploited by proposing a modified Convolutional Neural Network (CNN). The main objective is to classify the HEp-2 cells effectively (Centromere, Golgi, Homogeneous, Nucleolar, NuMem, and Speckled) and is made by exploiting the optimization concept. This is implanted by developing a new algorithm called Distance Sorting Lion Algorithm (DSLA), which selects the optimal convolutional layer in CNN. Results: Through the performance analysis, the performance of the proposed model for test case 1 at learning percentage 60 is 3.84%, 1.79%, 6.22%, 1.69%, and 5.53% better than PSO, FF, GWO, WOA, and LA, respectively. At 80, the performance of the proposed model is 5.77%, 6.46%, 3.95%, 3.24%, and 5.55% better from PSO, FF, GWO, WOA, and LA, respectively. Hence, the performance of the proposed work is proved over other models under different measures. Conclusion: Finally, the performance is evaluated by comparing it with the other conventional algorithms in terms of accuracy, sensitivity, specificity, precision, FPR, FNR, NPV, MCC, F1-Score and FDR, and proves the efficacy of the proposed model.


2020 ◽  
Vol 21 (4) ◽  
pp. 625-635
Author(s):  
Anandhakrishnan T ◽  
Jaisakthi S.M Murugaiyan

In this paper, we proposed a plant leaf disease identification model based on a Pretrained deep convolutional neural network (Deep CNN). The Deep CNN model is trained using an open dataset with 10 different classes of tomato leaves We observed that overall architectures which can increase the best performance of the model. The proposed model was trained using different training epochs, batch sizes and dropouts. The Xception has attained maximum accuracy compare with all other approaches. After an extensive simulation, the proposed model achieves classification accuracy better. This accuracy of the proposed work is greater than the accuracy of all other Pretrained approaches. The proposed model is also tested with respect to its consistency and reliability. The set of data used for this work was collected from the plant village dataset, including sick and healthy images. Models for detection of plant disease should predict the disease quickly and accurately in the early stage itself so that a proper precautionary measures can be applied to avoid further spread of the diseases. So, to reduce the main issue about the leaf diseases, we can analyze distinct kinds of deep neural network architectures in this research. From the outcomes, Xception has a constantly improving more to enhance the accuracy by increasing the number of epochs, without any indications of overfitting and decreasein quality. And Xception also generated a fine 99.45% precision in less computing time.


Sign in / Sign up

Export Citation Format

Share Document