• 제목/요약/키워드: Convolutional Neural Network Classifier

검색결과 89건 처리시간 0.028초

Web-based synthetic-aperture radar data management system and land cover classification

  • Dalwon Jang;Jaewon Lee;Jong-Seol Lee
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제17권7호
    • /
    • pp.1858-1872
    • /
    • 2023
  • With the advance of radar technologies, the availability of synthetic aperture radar (SAR) images increases. To improve application of SAR images, a management system for SAR images is proposed in this paper. The system provides trainable land cover classification module and display of SAR images on the map. Users of the system can create their own classifier with their data, and obtain the classified results of newly captured SAR images by applying the classifier to the images. The classifier is based on convolutional neural network structure. Since there are differences among SAR images depending on capturing method and devices, a fixed classifier cannot cover all types of SAR land cover classification problems. Thus, it is adopted to create each user's classifier. In our experiments, it is shown that the module works well with two different SAR datasets. With this system, SAR data and land cover classification results are managed and easily displayed.

컨볼루션 신경망 기반 유해 네트워크 트래픽 탐지 기법 평가 (Assessing Convolutional Neural Network based Malicious Network Traffic Detection Methods)

  • 염성웅;뉘엔 반 퀴엣;김경백
    • KNOM Review
    • /
    • 제22권1호
    • /
    • pp.20-29
    • /
    • 2019
  • 최근 유해 네트워크 트래픽을 탐지하기 위해 머신러닝 기법을 활용하는 다양한 방법론들이 주목을 받고 있다. 이 논문에서는 컨볼루션 신경망 (Convolutioanl Neural Network)을 기반으로 유해 네트워크 트래픽을 분류하는 기법을 소개하고 그 성능을 평가한다. 이미지 처리에 강한 컨볼루션 신경망의 활용을 위해, 네트워크 트래픽의 주요 정보를 규격화된 이미지로 변환하는 방법을 제안하고, 변환된 이미지를 입력으로 컨볼루션 신경망을 학습시켜 유해 네트워크 트래픽의 분류를 수행하도록 한다. 실제 네트워크 트래픽 관련 데이터셋을 활용하여 이미지 변환 및 컨볼루션 신경망 기반 네트워크 트래픽 분류 기법의 성능을 검증하였다. 특히, 다양한 컨볼루션 신경망 기반 네트워크 모델 구성에 따른 트래픽 분류 기법의 성능을 평가하였다.

Residual Learning Based CNN for Gesture Recognition in Robot Interaction

  • Han, Hua
    • Journal of Information Processing Systems
    • /
    • 제17권2호
    • /
    • pp.385-398
    • /
    • 2021
  • The complexity of deep learning models affects the real-time performance of gesture recognition, thereby limiting the application of gesture recognition algorithms in actual scenarios. Hence, a residual learning neural network based on a deep convolutional neural network is proposed. First, small convolution kernels are used to extract the local details of gesture images. Subsequently, a shallow residual structure is built to share weights, thereby avoiding gradient disappearance or gradient explosion as the network layer deepens; consequently, the difficulty of model optimisation is simplified. Additional convolutional neural networks are used to accelerate the refinement of deep abstract features based on the spatial importance of the gesture feature distribution. Finally, a fully connected cascade softmax classifier is used to complete the gesture recognition. Compared with the dense connection multiplexing feature information network, the proposed algorithm is optimised in feature multiplexing to avoid performance fluctuations caused by feature redundancy. Experimental results from the ISOGD gesture dataset and Gesture dataset prove that the proposed algorithm affords a fast convergence speed and high accuracy.

Empirical Investigations to Plant Leaf Disease Detection Based on Convolutional Neural Network

  • K. Anitha;M.Srinivasa Rao
    • International Journal of Computer Science & Network Security
    • /
    • 제23권6호
    • /
    • pp.115-120
    • /
    • 2023
  • Plant leaf diseases and destructive insects are major challenges that affect the agriculture production of the country. Accurate and fast prediction of leaf diseases in crops could help to build-up a suitable treatment technique while considerably reducing the economic and crop losses. In this paper, Convolutional Neural Network based model is proposed to detect leaf diseases of a plant in an efficient manner. Convolutional Neural Network (CNN) is the key technique in Deep learning mainly used for object identification. This model includes an image classifier which is built using machine learning concepts. Tensor Flow runs in the backend and Python programming is used in this model. Previous methods are based on various image processing techniques which are implemented in MATLAB. These methods lack the flexibility of providing good level of accuracy. The proposed system can effectively identify different types of diseases with its ability to deal with complex scenarios from a plant's area. Predictor model is used to precise the disease and showcase the accurate problem which helps in enhancing the noble employment of the farmers. Experimental results indicate that an accuracy of around 93% can be achieved using this model on a prepared Data Set.

Convolutional Neural Network Based Plant Leaf Disease Detection

  • K. Anitha;M.Srinivasa Rao
    • International Journal of Computer Science & Network Security
    • /
    • 제24권4호
    • /
    • pp.107-112
    • /
    • 2024
  • Plant leaf diseases and destructive insects are major challenges that affect the agriculture production of the country. Accurate and fast prediction of leaf diseases in crops could help to build-up a suitable treatment technique while considerably reducing the economic and crop losses. In this paper, Convolutional Neural Network based model is proposed to detect leaf diseases of a plant in an efficient manner. Convolutional Neural Network (CNN) is the key technique in Deep learning mainly used for object identification. This model includes an image classifier which is built using machine learning concepts. Tensor Flow runs in the backend and Python programming is used in this model. Previous methods are based on various image processing techniques which are implemented in MATLAB. These methods lack the flexibility of providing good level of accuracy. The proposed system can effectively identify different types of diseases with its ability to deal with complex scenarios from a plant's area. Predictor model is used to precise the disease and showcase the accurate problem which helps in enhancing the noble employment of the farmers. Experimental results indicate that an accuracy of around 93% can be achieved using this model on a prepared Data Set.

Lightweight image classifier for CIFAR-10

  • Sharma, Akshay Kumar;Rana, Amrita;Kim, Kyung Ki
    • 센서학회지
    • /
    • 제30권5호
    • /
    • pp.286-289
    • /
    • 2021
  • Image classification is one of the fundamental applications of computer vision. It enables a system to identify an object in an image. Recently, image classification applications have broadened their scope from computer applications to edge devices. The convolutional neural network (CNN) is the main class of deep learning neural networks that are widely used in computer tasks, and it delivers high accuracy. However, CNN algorithms use a large number of parameters and incur high computational costs, which hinder their implementation in edge hardware devices. To address this issue, this paper proposes a lightweight image classifier that provides good accuracy while using fewer parameters. The proposed image classifier diverts the input into three paths and utilizes different scales of receptive fields to extract more feature maps while using fewer parameters at the time of training. This results in the development of a model of small size. This model is tested on the CIFAR-10 dataset and achieves an accuracy of 90% using .26M parameters. This is better than the state-of-the-art models, and it can be implemented on edge devices.

Two-stage Deep Learning Model with LSTM-based Autoencoder and CNN for Crop Classification Using Multi-temporal Remote Sensing Images

  • Kwak, Geun-Ho;Park, No-Wook
    • 대한원격탐사학회지
    • /
    • 제37권4호
    • /
    • pp.719-731
    • /
    • 2021
  • This study proposes a two-stage hybrid classification model for crop classification using multi-temporal remote sensing images; the model combines feature embedding by using an autoencoder (AE) with a convolutional neural network (CNN) classifier to fully utilize features including informative temporal and spatial signatures. Long short-term memory (LSTM)-based AE (LAE) is fine-tuned using class label information to extract latent features that contain less noise and useful temporal signatures. The CNN classifier is then applied to effectively account for the spatial characteristics of the extracted latent features. A crop classification experiment with multi-temporal unmanned aerial vehicle images is conducted to illustrate the potential application of the proposed hybrid model. The classification performance of the proposed model is compared with various combinations of conventional deep learning models (CNN, LSTM, and convolutional LSTM) and different inputs (original multi-temporal images and features from stacked AE). From the crop classification experiment, the best classification accuracy was achieved by the proposed model that utilized the latent features by fine-tuned LAE as input for the CNN classifier. The latent features that contain useful temporal signatures and are less noisy could increase the class separability between crops with similar spectral signatures, thereby leading to superior classification accuracy. The experimental results demonstrate the importance of effective feature extraction and the potential of the proposed classification model for crop classification using multi-temporal remote sensing images.

VGG16을 활용한 미학습 농작물의 효율적인 질병 진단 모델 (An Efficient Disease Inspection Model for Untrained Crops Using VGG16)

  • 정석봉;윤협상
    • 한국시뮬레이션학회논문지
    • /
    • 제29권4호
    • /
    • pp.1-7
    • /
    • 2020
  • 농작물 질병에 대한 조기 진단은 질병의 확산을 억제하고 농업 생산성을 증대하는 데에 있어 중요한 역할을 하고 있다. 최근 합성곱신경망(convolutional neural network, CNN)과 같은 딥러닝 기법을 활용하여 농작물 잎사귀 이미지 데이터세트를 분석하여 농작물 질병을 진단하는 다수의 연구가 진행되었다. 이와 같은 연구를 통해 농작물 질병을 90% 이상의 정확도로 분류할 수 있지만, 사전 학습된 농작물 질병 외에는 진단할 수 없다는 한계를 갖는다. 본 연구에서는 미학습 농작물에 대해 효율적으로 질병 여부를 진단하는 모델을 제안한다. 이를 위해, 먼저 VGG16을 활용한 농작물 질병 분류기(CDC)를 구축하고 PlantVillage 데이터세트을 통해 학습하였다. 이어 미학습 농작물의 질병 진단이 가능하도록 수정된 질병 분류기(mCDC)의 구축방안을 제안하였다. 실험을 통해 본 연구에서 제안한 수정된 질병 분류기(mCDC)가 미학습 농작물의 질병진단에 대해 기존 질병 분류기(CDC)보다 높은 성능을 보임을 확인하였다.

전이학습에 방법에 따른 컨벌루션 신경망의 영상 분류 성능 비교 (Comparison of Image Classification Performance in Convolutional Neural Network according to Transfer Learning)

  • 박성욱;김도연
    • 한국멀티미디어학회논문지
    • /
    • 제21권12호
    • /
    • pp.1387-1395
    • /
    • 2018
  • Core algorithm of deep learning Convolutional Neural Network(CNN) shows better performance than other machine learning algorithms. However, if there is not sufficient data, CNN can not achieve satisfactory performance even if the classifier is excellent. In this situation, it has been proven that the use of transfer learning can have a great effect. In this paper, we apply two transition learning methods(freezing, retraining) to three CNN models(ResNet-50, Inception-V3, DenseNet-121) and compare and analyze how the classification performance of CNN changes according to the methods. As a result of statistical significance test using various evaluation indicators, ResNet-50, Inception-V3, and DenseNet-121 differed by 1.18 times, 1.09 times, and 1.17 times, respectively. Based on this, we concluded that the retraining method may be more effective than the freezing method in case of transition learning in image classification problem.

Deep Convolutional Neural Network with Bottleneck Structure using Raw Seismic Waveform for Earthquake Classification

  • Ku, Bon-Hwa;Kim, Gwan-Tae;Min, Jeong-Ki;Ko, Hanseok
    • 한국컴퓨터정보학회논문지
    • /
    • 제24권1호
    • /
    • pp.33-39
    • /
    • 2019
  • In this paper, we propose deep convolutional neural network(CNN) with bottleneck structure which improves the performance of earthquake classification. In order to address all possible forms of earthquakes including micro-earthquakes and artificial-earthquakes as well as large earthquakes, we need a representation and classifier that can effectively discriminate seismic waveforms in adverse conditions. In particular, to robustly classify seismic waveforms even in low snr, a deep CNN with 1x1 convolution bottleneck structure is proposed in raw seismic waveforms. The representative experimental results show that the proposed method is effective for noisy seismic waveforms and outperforms the previous state-of-the art methods on domestic earthquake database.