• 제목/요약/키워드: deep neural net machine learning(deep Learning)

검색결과 42건 처리시간 0.025초

Early Detection of Rice Leaf Blast Disease using Deep-Learning Techniques

  • Syed Rehan Shah;Syed Muhammad Waqas Shah;Hadia Bibi;Mirza Murad Baig
    • International Journal of Computer Science & Network Security
    • /
    • 제24권4호
    • /
    • pp.211-221
    • /
    • 2024
  • Pakistan is a top producer and exporter of high-quality rice, but traditional methods are still being used for detecting rice diseases. This research project developed an automated rice blast disease diagnosis technique based on deep learning, image processing, and transfer learning with pre-trained models such as Inception V3, VGG16, VGG19, and ResNet50. The modified connection skipping ResNet 50 had the highest accuracy of 99.16%, while the other models achieved 98.16%, 98.47%, and 98.56%, respectively. In addition, CNN and an ensemble model K-nearest neighbor were explored for disease prediction, and the study demonstrated superior performance and disease prediction using recommended web-app approaches.

Application of a deep learning algorithm to Compton imaging of radioactive point sources with a single planar CdTe pixelated detector

  • Daniel, G.;Gutierrez, Y.;Limousin, O.
    • Nuclear Engineering and Technology
    • /
    • 제54권5호
    • /
    • pp.1747-1753
    • /
    • 2022
  • Compton imaging is the main method for locating radioactive hot spots emitting high-energy gamma-ray photons. In particular, this imaging method is crucial when the photon energy is too high for coded-mask aperture imaging methods to be effective or when a large field of view is required. Reconstruction of the photon source requires advanced Compton event processing algorithms to determine the exact position of the source. In this study, we introduce a novel method based on a Deep Learning algorithm with a Convolutional Neural Network (CNN) to perform Compton imaging. This algorithm is trained on simulated data and tested on real data acquired with Caliste, a single planar CdTe pixelated detector. We show that performance in terms of source location accuracy is equivalent to state-of-the-art algorithms, while computation time is significantly reduced and sensitivity is improved by a factor of ~5 in the Caliste configuration.

딥 러닝 기반의 악성흑색종 분류를 위한 컴퓨터 보조진단 알고리즘 (A Computer Aided Diagnosis Algorithm for Classification of Malignant Melanoma based on Deep Learning)

  • 임상헌;이명숙
    • 디지털산업정보학회논문지
    • /
    • 제14권4호
    • /
    • pp.69-77
    • /
    • 2018
  • The malignant melanoma accounts for about 1 to 3% of the total malignant tumor in the West, especially in the US, it is a disease that causes more than 9,000 deaths each year. Generally, skin lesions are difficult to detect the features through photography. In this paper, we propose a computer-aided diagnosis algorithm based on deep learning for classification of malignant melanoma and benign skin tumor in RGB channel skin images. The proposed deep learning model configures the tumor lesion segmentation model and a classification model of malignant melanoma. First, U-Net was used to segment a skin lesion area in the dermoscopic image. We could implement algorithms to classify malignant melanoma and benign tumor using skin lesion image and results of expert's labeling in ResNet. The U-Net model obtained a dice similarity coefficient of 83.45% compared with results of expert's labeling. The classification accuracy of malignant melanoma obtained the 83.06%. As the result, it is expected that the proposed artificial intelligence algorithm will utilize as a computer-aided diagnosis algorithm and help to detect malignant melanoma at an early stage.

Scaling Up Face Masks Classification Using a Deep Neural Network and Classical Method Inspired Hybrid Technique

  • Kumar, Akhil;Kalia, Arvind;Verma, Kinshuk;Sharma, Akashdeep;Kaushal, Manisha;Kalia, Aayushi
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제16권11호
    • /
    • pp.3658-3679
    • /
    • 2022
  • Classification of persons wearing and not wearing face masks in images has emerged as a new computer vision problem during the COVID-19 pandemic. In order to address this problem and scale up the research in this domain, in this paper a hybrid technique by employing ResNet-101 and multi-layer perceptron (MLP) classifier has been proposed. The proposed technique is tested and validated on a self-created face masks classification dataset and a standard dataset. On self-created dataset, the proposed technique achieved a classification accuracy of 97.3%. To embrace the proposed technique, six other state-of-the-art CNN feature extractors with six other classical machine learning classifiers have been tested and compared with the proposed technique. The proposed technique achieved better classification accuracy and 1-6% higher precision, recall, and F1 score as compared to other tested deep feature extractors and machine learning classifiers.

Automatically Diagnosing Skull Fractures Using an Object Detection Method and Deep Learning Algorithm in Plain Radiography Images

  • Tae Seok, Jeong;Gi Taek, Yee; Kwang Gi, Kim;Young Jae, Kim;Sang Gu, Lee;Woo Kyung, Kim
    • Journal of Korean Neurosurgical Society
    • /
    • 제66권1호
    • /
    • pp.53-62
    • /
    • 2023
  • Objective : Deep learning is a machine learning approach based on artificial neural network training, and object detection algorithm using deep learning is used as the most powerful tool in image analysis. We analyzed and evaluated the diagnostic performance of a deep learning algorithm to identify skull fractures in plain radiographic images and investigated its clinical applicability. Methods : A total of 2026 plain radiographic images of the skull (fracture, 991; normal, 1035) were obtained from 741 patients. The RetinaNet architecture was used as a deep learning model. Precision, recall, and average precision were measured to evaluate the deep learning algorithm's diagnostic performance. Results : In ResNet-152, the average precision for intersection over union (IOU) 0.1, 0.3, and 0.5, were 0.7240, 0.6698, and 0.3687, respectively. When the intersection over union (IOU) and confidence threshold were 0.1, the precision was 0.7292, and the recall was 0.7650. When the IOU threshold was 0.1, and the confidence threshold was 0.6, the true and false rates were 82.9% and 17.1%, respectively. There were significant differences in the true/false and false-positive/false-negative ratios between the anterior-posterior, towne, and both lateral views (p=0.032 and p=0.003). Objects detected in false positives had vascular grooves and suture lines. In false negatives, the detection performance of the diastatic fractures, fractures crossing the suture line, and fractures around the vascular grooves and orbit was poor. Conclusion : The object detection algorithm applied with deep learning is expected to be a valuable tool in diagnosing skull fractures.

CNN의 깊은 특징과 전이학습을 사용한 보행자 분류 (Pedestrian Classification using CNN's Deep Features and Transfer Learning)

  • 정소영;정민교
    • 인터넷정보학회논문지
    • /
    • 제20권4호
    • /
    • pp.91-102
    • /
    • 2019
  • 자율주행 시스템에서, 카메라에 포착된 영상을 통하여 보행자를 분류하는 기능은 보행자 안전을 위하여 매우 중요하다. 기존에는 HOG(Histogram of Oriented Gradients)나 SIFT(Scale-Invariant Feature Transform) 등으로 보행자의 특징을 추출한 후 SVM(Support Vector Machine)으로 분류하는 기술을 사용했었으나, 보행자 특징을 위와 같이 수동(handcrafted)으로 추출하는 것은 많은 한계점을 가지고 있다. 따라서 본 논문에서는 CNN(Convolutional Neural Network)의 깊은 특징(deep features)과 전이학습(transfer learning)을 사용하여 보행자를 안정적이고 효과적으로 분류하는 방법을 제시한다. 본 논문은 2가지 대표적인 전이학습 기법인 고정특징추출(fixed feature extractor) 기법과 미세조정(fine-tuning) 기법을 모두 사용하여 실험하였고, 특히 미세조정 기법에서는 3가지 다른 크기로 레이어를 전이구간과 비전이구간으로 구분한 후, 비전이구간에 속한 레이어들에 대해서만 가중치를 조정하는 설정(M-Fine: Modified Fine-tuning)을 새롭게 추가하였다. 5가지 CNN모델(VGGNet, DenseNet, Inception V3, Xception, MobileNet)과 INRIA Person데이터 세트로 실험한 결과, HOG나 SIFT 같은 수동적인 특징보다 CNN의 깊은 특징이 더 좋은 성능을 보여주었고, Xception의 정확도(임계치 = 0.5)가 99.61%로 가장 높았다. Xception과 유사한 성능을 내면서도 80% 적은 파라메터를 학습한 MobileNet이 효율성 측면에서는 가장 뛰어났다. 그리고 3가지 전이학습 기법중 미세조정 기법의 성능이 가장 우수하였고, M-Fine 기법의 성능은 미세조정 기법과 대등하거나 조금 낮았지만 고정특징추출 기법보다는 높았다.

딥러닝을 이용한 소규모 지역의 영상분류 적용성 분석 : UAV 영상을 이용한 농경지를 대상으로 (Applicability of Image Classification Using Deep Learning in Small Area : Case of Agricultural Lands Using UAV Image)

  • 최석근;이승기;강연빈;성선경;최도연;김광호
    • 한국측량학회지
    • /
    • 제38권1호
    • /
    • pp.23-33
    • /
    • 2020
  • 최근 UAV (Unmanned Aerial Vehicle)를 이용하여 고해상도 영상을 편리하게 취득할 수 있게 되면서 저비용으로 소규모 지역의 관측 및 공간정보 제작이 가능하게 되었다. 특히, 농업환경 모니터링을 위하여 작물생산 지역의 피복지도 생성에 대한 연구가 활발히 진행되고 있으며, 랜덤 포레스트와 SVM (Support Vector Machine) 및 CNN(Convolutional Neural Network) 을 적용하여 분류 성능을 비교한 결과 영상분류에서 딥러닝 적용에 대하여 활용도가 높은 것으로 나타났다. 특히, 위성영상을 이용한 피복분류는 위성영상 데이터 셋과 선행 파라메터를 사용하여 피복분류의 정확도와 시간에 대한 장점을 가지고 있다. 하지만, 무인항공기 영상은 위성영상과 공간해상도와 같은 특성이 달라 이를 적용하기에는 어려움이 있다. 이러한 문제점을 해결하기 위하여 위성영상 데이터 셋이 아닌 UAV를 이용한 데이터 셋과 국내의 소규모 복합 피복이 존재하는 농경지 분석에 활용이 가능한 딥러닝 알고리즘 적용 연구를 수행하였다. 본 연구에서는 최신 딥러닝의 의미론적 영상분류인 DeepLab V3+, FC-DenseNet (Fully Convolutional DenseNets), FRRN-B (Full-Resolution Residual Networks) 를 UAV 데이터 셋에 적용하여 영상분류를 수행하였다. 분류 결과 DeepLab V3+와 FC-DenseNet의 적용 결과가 기존 감독분류보다 높은 전체 정확도 97%, Kappa 계수 0.92로 소규모 지역의 UAV 영상을 활용한 피복분류의 적용가능성을 보여주었다.

A Robust Energy Consumption Forecasting Model using ResNet-LSTM with Huber Loss

  • Albelwi, Saleh
    • International Journal of Computer Science & Network Security
    • /
    • 제22권7호
    • /
    • pp.301-307
    • /
    • 2022
  • Energy consumption has grown alongside dramatic population increases. Statistics show that buildings in particular utilize a significant amount of energy, worldwide. Because of this, building energy prediction is crucial to best optimize utilities' energy plans and also create a predictive model for consumers. To improve energy prediction performance, this paper proposes a ResNet-LSTM model that combines residual networks (ResNets) and long short-term memory (LSTM) for energy consumption prediction. ResNets are utilized to extract complex and rich features, while LSTM has the ability to learn temporal correlation; the dense layer is used as a regression to forecast energy consumption. To make our model more robust, we employed Huber loss during the optimization process. Huber loss obtains high efficiency by handling minor errors quadratically. It also takes the absolute error for large errors to increase robustness. This makes our model less sensitive to outlier data. Our proposed system was trained on historical data to forecast energy consumption for different time series. To evaluate our proposed model, we compared our model's performance with several popular machine learning and deep learning methods such as linear regression, neural networks, decision tree, and convolutional neural networks, etc. The results show that our proposed model predicted energy consumption most accurately.

Fault state detection and remaining useful life prediction in AC powered solenoid operated valves based on traditional machine learning and deep neural networks

  • Utah, M.N.;Jung, J.C.
    • Nuclear Engineering and Technology
    • /
    • 제52권9호
    • /
    • pp.1998-2008
    • /
    • 2020
  • Solenoid operated valves (SOV) play important roles in industrial process to control the flow of fluids. Solenoid valves can be found in so many industries as well as the nuclear plant. The ability to be able to detect the presence of faults and predicting the remaining useful life (RUL) of the SOV is important in maintenance planning and also prevent unexpected interruptions in the flow of process fluids. This paper proposes a fault diagnosis method for the alternating current (AC) powered SOV. Previous research work have been focused on direct current (DC) powered SOV where the current waveform or vibrations are monitored. There are many features hidden in the AC waveform that require further signal analysis. The analysis of the AC powered SOV waveform was done in the time and frequency domain. A total of sixteen features were obtained and these were used to classify the different operating modes of the SOV by applying a machine learning technique for classification. Also, a deep neural network (DNN) was developed for the prediction of RUL based on the failure modes of the SOV. The results of this paper can be used to improve on the condition based monitoring of the SOV.

ConvXGB: A new deep learning model for classification problems based on CNN and XGBoost

  • Thongsuwan, Setthanun;Jaiyen, Saichon;Padcharoen, Anantachai;Agarwal, Praveen
    • Nuclear Engineering and Technology
    • /
    • 제53권2호
    • /
    • pp.522-531
    • /
    • 2021
  • We describe a new deep learning model - Convolutional eXtreme Gradient Boosting (ConvXGB) for classification problems based on convolutional neural nets and Chen et al.'s XGBoost. As well as image data, ConvXGB also supports the general classification problems, with a data preprocessing module. ConvXGB consists of several stacked convolutional layers to learn the features of the input and is able to learn features automatically, followed by XGBoost in the last layer for predicting the class labels. The ConvXGB model is simplified by reducing the number of parameters under appropriate conditions, since it is not necessary re-adjust the weight values in a back propagation cycle. Experiments on several data sets from UCL Repository, including images and general data sets, showed that our model handled the classification problems, for all the tested data sets, slightly better than CNN and XGBoost alone and was sometimes significantly better.