scholarly journals Research of Epidemic Big Data Based on Improved Deep Convolutional Neural Network

2020 ◽  
Vol 2020 ◽  
pp. 1-10 ◽  
Author(s):  
Wendong Wang

In recent years, with the acceleration of the aging process and the aggravation of life pressure, the proportion of chronic epidemics has gradually increased. A large amount of medical data will be generated during the hospitalization of diabetics. It will have important practical significance and social value to discover potential medical laws and valuable information among medical data. In view of this, an improved deep convolutional neural network (“CNN+” for short) algorithm was proposed to predict the changes of diabetes. Firstly, the bagging integrated classification algorithm was used instead of the output layer function of the deep CNN, which can help the improved deep CNN algorithm constructed for the data set of diabetic patients and improve the accuracy of classification. In this way, the “CNN+” algorithm can take the advantages of both the deep CNN and the bagging algorithm. On the one hand, it can extract the potential features of the data set by using the powerful feature extraction ability of deep CNN. On the other hand, the bagging integrated classification algorithm can be used for feature classification, so as to improve the classification accuracy and obtain better disease prediction effect to assist doctors in diagnosis and treatment. Experimental results show that compared with the traditional convolutional neural network and other classification algorithm, the “CNN+” model can get more reliable prediction results.

2020 ◽  
Vol 5 (2) ◽  
pp. 192-195
Author(s):  
Umesh B. Chavan ◽  
Dinesh Kulkarni

Facial expression recognition (FER) systems have attracted much research interest in the area of Machine Learning. We designed a large, deep convolutional neural network to classify 40,000 images in the data-set into one of seven categories (disgust, fear, happy, angry, sad, neutral, surprise). In this project, we have designed deep learning Convolution Neural Network (CNN) for facial expression recognition and developed model in Theano and Caffe for training process. The proposed architecture achieves 61% accuracy. This work presents results of accelerated implementation of the CNN with graphic processing units (GPUs). Optimizing Deep CNN is to reduce training time for system.


2020 ◽  
Vol 65 (6) ◽  
pp. 759-773
Author(s):  
Segu Praveena ◽  
Sohan Pal Singh

AbstractLeukaemia detection and diagnosis in advance is the trending topic in the medical applications for reducing the death toll of patients with acute lymphoblastic leukaemia (ALL). For the detection of ALL, it is essential to analyse the white blood cells (WBCs) for which the blood smear images are employed. This paper proposes a new technique for the segmentation and classification of the acute lymphoblastic leukaemia. The proposed method of automatic leukaemia detection is based on the Deep Convolutional Neural Network (Deep CNN) that is trained using an optimization algorithm, named Grey wolf-based Jaya Optimization Algorithm (GreyJOA), which is developed using the Grey Wolf Optimizer (GWO) and Jaya Optimization Algorithm (JOA) that improves the global convergence. Initially, the input image is applied to pre-processing and the segmentation is performed using the Sparse Fuzzy C-Means (Sparse FCM) clustering algorithm. Then, the features, such as Local Directional Patterns (LDP) and colour histogram-based features, are extracted from the segments of the pre-processed input image. Finally, the extracted features are applied to the Deep CNN for the classification. The experimentation evaluation of the method using the images of the ALL IDB2 database reveals that the proposed method acquired a maximal accuracy, sensitivity, and specificity of 0.9350, 0.9528, and 0.9389, respectively.


2020 ◽  
Author(s):  
Sriram Srinivasan ◽  
Shashank A ◽  
vinayakumar R ◽  
Soman KP

In the present era, cyberspace is growing tremendously and the intrusion detection system (IDS) plays a key role in it to ensure information security. The IDS, which works in network and host level, should be capable of identifying various malicious attacks. The job of network-based IDS is to differentiate between normal and malicious traffic data and raise an alert in case of an attack. Apart from the traditional signature and anomaly-based approaches, many researchers have employed various deep learning (DL) techniques for detecting intrusion as DL models are capable of extracting salient features automatically from the input data. The application of deep convolutional neural network (DCNN), which is utilized quite often for solving research problems in image processing and vision fields, is not explored much for IDS. In this paper, a DCNN architecture for IDS which is trained on KDDCUP 99 data set is proposed. This work also shows that the DCNN-IDS model performs superior when compared with other existing works.


Author(s):  
M. Bharat Kumar ◽  
P. Rajesh Kumar

In radar signal processing, detecting the moving targets in a cluttered background remains a challenging task due to the moving out and entry of targets, which is highly unpredictable. In addition, detection of targets and estimation of the parameters have become a major constraint due to the lack of required information. However, the appropriate location of the targets cannot be detected using the existing techniques. To overcome such issues, this paper presents a developed Deep Convolutional Neural Network-enabled Neuro-Fuzzy System (Deep CNN-enabled Neuro-Fuzzy system) for detecting the moving targets using the radar signals. Initially, the received signal is presented to the Short-Time Fourier Transform (STFT), matched filter, radar signatures-enabled Deep Recurrent Neural Network (Deep RNN), and introduced deep CNN to locate the targets. The target location output results are integrated using the newly introduced neuro-fuzzy system to detect the moving targets effectively. The proposed deep CNN-based neuro-fuzzy system obtained effective moving target detection results by varying the number of targets, iterations, and the pulse repetition level for the metrics, like detection time, missed target rate, and MSE with the minimal values of 1.221s, 0.022, and 1,952.15.


2019 ◽  
Vol 2019 ◽  
pp. 1-10
Author(s):  
Jintao Wang ◽  
Mingxia Shen ◽  
Longshen Liu ◽  
Yi Xu ◽  
Cedric Okinda

Digestive diseases are one of the common broiler diseases that significantly affect production and animal welfare in broiler breeding. Droppings examination and observation are the most precise techniques to detect the occurrence of digestive disease infections in birds. This study proposes an automated broiler digestive disease detector based on a deep Convolutional Neural Network model to classify fine-grained abnormal broiler droppings images as normal and abnormal (shape, color, water content, and shape&water). Droppings images were collected from 10,000 25-35-day-old Ross broiler birds reared in multilayer cages with automatic droppings conveyor belts. For comparative purposes, Faster R-CNN and YOLO-V3 deep Convolutional Neural Networks were developed. The performance of YOLO-V3 was improved by optimizing the anchor box. Faster R-CNN achieved 99.1% recall and 93.3% mean average precision, while YOLO-V3 achieved 88.7% recall and 84.3% mean average precision on the testing data set. The proposed detector can provide technical support for the detection of digestive diseases in broiler production by automatically and nonintrusively recognizing and classifying chicken droppings.


2020 ◽  
Vol 12 (6) ◽  
pp. 1015 ◽  
Author(s):  
Kan Zeng ◽  
Yixiao Wang

Classification algorithms for automatically detecting sea surface oil spills from spaceborne Synthetic Aperture Radars (SARs) can usually be regarded as part of a three-step processing framework, which briefly includes image segmentation, feature extraction, and target classification. A Deep Convolutional Neural Network (DCNN), named the Oil Spill Convolutional Network (OSCNet), is proposed in this paper for SAR oil spill detection, which can do the latter two steps of the three-step processing framework. Based on VGG-16, the OSCNet is obtained by designing the architecture and adjusting hyperparameters with the data set of SAR dark patches. With the help of the big data set containing more than 20,000 SAR dark patches and data augmentation, the OSCNet can have as many as 12 weight layers. It is a relatively deep Deep Learning (DL) network for SAR oil spill detection. It is shown by the experiments based on the same data set that the classification performance of OSCNet has been significantly improved compared to that of traditional machine learning (ML). The accuracy, recall, and precision are improved from 92.50%, 81.40%, and 80.95% to 94.01%, 83.51%, and 85.70%, respectively. An important reason for this improvement is that the distinguishability of the features learned by OSCNet itself from the data set is significantly higher than that of the hand-crafted features needed by traditional ML algorithms. In addition, experiments show that data augmentation plays an important role in avoiding over-fitting and hence improves the classification performance. OSCNet has also been compared with other DL classifiers for SAR oil spill detection. Due to the huge differences in the data sets, only their similarities and differences are discussed at the principle level.


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.


Development of abnormal cells are the cause of skin cancer that have the ability to attack or spread to various parts of the body. The skin cancer signs may include mole that has varied in size, shape, color, and may also haveno –uniform edges, might be having multiple colours, and would itch orevn bleed in some cases. The exposure to the UV-rays from the sun is considered to be accountable for more than 90% of the Skin Cancer cases which are recorded.In this paper, the development of a classificiation system for skin cancer, is discussed, using Convolutional Neural Network which would help in classifying the cancer usingTensorFlow and Keras as Malignantor Benign. The collected images from the data set are fed into the system and it is processed to classify the skin cancer. After the implementation the accuracy of the Convolutional 2-D layer system developed is found to be 78%.


2021 ◽  
Vol 2021 ◽  
pp. 1-11
Author(s):  
Haibin Chang ◽  
Ying Cui

More and more image materials are used in various industries these days. Therefore, how to collect useful images from a large set has become an urgent priority. Convolutional neural networks (CNN) have achieved good results in certain image classification tasks, but there are still problems such as poor classification ability, low accuracy, and slow convergence speed. This article mainly introduces the image classification algorithm (ICA) research based on the multilabel learning of the improved convolutional neural network and some improvement ideas for the research of the ICA based on the multilabel learning of the convolutional neural network. This paper proposes an ICA research method based on multilabel learning of improved convolutional neural networks, including the image classification process, convolutional network algorithm, and multilabel learning algorithm. The conclusions show that the average maximum classification accuracy of the improved CNN in this paper is 90.63%, and the performance is better, which is beneficial to improving the efficiency of image classification. The improved CNN network structure has reached the highest accuracy rate of 91.47% on the CIFAR-10 data set, which is much higher than the traditional CNN algorithm.


Sign in / Sign up

Export Citation Format

Share Document