• Title/Summary/Keyword: CNN algorithm

Search Result 455, Processing Time 0.027 seconds

Study of Improved CNN Algorithm for Object Classification Machine Learning of Simple High Resolution Image (고해상도 단순 이미지의 객체 분류 학습모델 구현을 위한 개선된 CNN 알고리즘 연구)

  • Hyeopgeon Lee;Young-Woon Kim
    • The Journal of Korea Institute of Information, Electronics, and Communication Technology
    • /
    • v.16 no.1
    • /
    • pp.41-49
    • /
    • 2023
  • A convolutional neural network (CNN) is a representative algorithm for implementing artificial neural networks. CNNs have improved on the issues of rapid increase in calculation amount and low object classification rates, which are associated with a conventional multi-layered fully-connected neural network (FNN). However, because of the rapid development of IT devices, the maximum resolution of images captured by current smartphone and tablet cameras has reached 108 million pixels (MP). Specifically, a traditional CNN algorithm requires a significant cost and time to learn and process simple, high-resolution images. Therefore, this study proposes an improved CNN algorithm for implementing an object classification learning model for simple, high-resolution images. The proposed method alters the adjacency matrix value of the pooling layer's max pooling operation for the CNN algorithm to reduce the high-resolution image learning model's creation time. This study implemented a learning model capable of processing 4, 8, and 12 MP high-resolution images for each altered matrix value. The performance evaluation result showed that the creation time of the learning model implemented with the proposed algorithm decreased by 36.26% for 12 MP images. Compared to the conventional model, the proposed learning model's object recognition accuracy and loss rate were less than 1%, which is within the acceptable error range. Practical verification is necessary through future studies by implementing a learning model with more varied image types and a larger amount of image data than those used in this study.

Binary CNN Operation Algorithm using Bit-plane Image (비트평면 영상을 이용한 이진 CNN 연산 알고리즘)

  • Choi, Jong-Ho
    • The Journal of Korea Institute of Information, Electronics, and Communication Technology
    • /
    • v.12 no.6
    • /
    • pp.567-572
    • /
    • 2019
  • In this paper, we propose an algorithm to perform convolution, pooling, and ReLU operations in CNN using binary image and binary kernel. It decomposes 256 gray-scale images into 8 bit planes and uses a binary kernel consisting of -1 and 1. The convolution operation of binary image and binary kernel is performed by addition and subtraction. Logically, it is a binary operation algorithm using the XNOR and comparator. ReLU and pooling operations are performed by using XNOR and OR logic operations, respectively. Through the experiments to verify the usefulness of the proposed algorithm, We confirm that the CNN operation can be performed by converting it to binary logic operation. It is an algorithm that can implement deep running even in a system with weak computing power. It can be applied to a variety of embedded systems such as smart phones, intelligent CCTV, IoT system, and autonomous car.

A Hybrid Learning Model to Detect Morphed Images

  • Kumari, Noble;Mohapatra, AK
    • International Journal of Computer Science & Network Security
    • /
    • v.22 no.6
    • /
    • pp.364-373
    • /
    • 2022
  • Image morphing methods make seamless transition changes in the image and mask the meaningful information attached to it. This can be detected by traditional machine learning algorithms and new emerging deep learning algorithms. In this research work, scope of different Hybrid learning approaches having combination of Deep learning and Machine learning are being analyzed with the public dataset CASIA V1.0, CASIA V2.0 and DVMM to find the most efficient algorithm. The simulated results with CNN (Convolution Neural Network), Hybrid approach of CNN along with SVM (Support Vector Machine) and Hybrid approach of CNN along with Random Forest algorithm produced 96.92 %, 95.98 and 99.18 % accuracy respectively with the CASIA V2.0 dataset having 9555 images. The accuracy pattern of applied algorithms changes with CASIA V1.0 data and DVMM data having 1721 and 1845 set of images presenting minimal accuracy with Hybrid approach of CNN and Random Forest algorithm. It is confirmed that the choice of best algorithm to find image forgery depends on input data type. This paper presents the combination of best suited algorithm to detect image morphing with different input datasets.

Watershed Algorithm-Based RoI Reduction Techniques for Improving Ship Detection Accuracy in Satellite Imagery (인공 위성 사진 내 선박 탐지 정확도 향상을 위한 Watershed 알고리즘 기반 RoI 축소 기법)

  • Lee, Seung Jae;Yoon, Ji Won
    • KIPS Transactions on Software and Data Engineering
    • /
    • v.10 no.8
    • /
    • pp.311-318
    • /
    • 2021
  • Research has been ongoing to detect ships from offshore photographs for a variety of reasons, including maritime security, identifying international trends, and social scientific research. Due to the development of artificial intelligence, R-CNN models for object detection in photographs and images have emerged, and the performance of object detection has risen dramatically. Ship detection in offshore photographs using the R-CNN model has also begun to apply to satellite photography. However, satellite images project large areas, so various objects such as vehicles, landforms, and buildings are sometimes recognized as ships. In this paper, we propose a novel methodology to improve the performance of ship detection in satellite photographs using R-CNN series models. We separate land and sea via marker-based watershed algorithm and perform morphology operations to specify RoI one more time, then detect vessels using R-CNN family models on specific RoI to reduce typology. Using this method, we could reduce the misdetection rate by 80% compared to using only the Fast R-CNN.

HVS-Aware Single-Shot HDR Imaging Using Deep Convolutional Neural Network (시각 인지 특성과 딥 컨볼루션 뉴럴 네트워크를 이용한 단일 영상 기반 HDR 영상 취득)

  • Vien, An Gia;Lee, Chul
    • Journal of Broadcast Engineering
    • /
    • v.23 no.3
    • /
    • pp.369-382
    • /
    • 2018
  • We propose a single-shot high dynamic range (HDR) imaging algorithm using a deep convolutional neural network (CNN) for row-wise varying exposures in a single image. The proposed algorithm restores missing information resulting from under- and/or over-exposed pixels in an input image and reconstructs the raw radiance map. The main contribution of this work is the development of a loss function for the CNN employing the human visual system (HVS) properties. Then, the HDR image is obtained by applying a demosaicing algorithm. Experimental results demonstrate that the proposed algorithm provides higher-quality HDR images than conventional algorithms.

Analog Parallel Processing Algorithm of CNN-UM for Interframe Change Detection (프레임간의 영상 변화 검출을 위한 CNN-UM의 아날로그 병렬연산처리 알고리즘)

  • 김형석;김선철;손홍락;박영수;한승조
    • Journal of the Institute of Electronics Engineers of Korea CI
    • /
    • v.40 no.1
    • /
    • pp.1-9
    • /
    • 2003
  • The CNN-UM algorithm which performs the analog parallel subtraction of images has been developed and its application study to the moving target detection has been done. The CNN-UM is the state of the art computation architecture with high computational potential of analog parallel processing. It is one of the strong candidates for the next generation of computing system which fulfills requirement of the real-time image processing. One weakness of the CNN-UM is that its analog parallel processing function is not fully utilized for the inter frame processing. If two subsequent image frames are superimposed with opposite signs on identical capacitors for short time period, the analog subtraction between them is achieved. The Principle of such temporal inter-frame processing algorithm has been described and its mathematical analysis has been done. Practical usefulness of the proposed algorithm has also been verified through the application for moving target detection.

A Prediction System of Skin Pore Labeling Using CNN and Image Processing (합성곱 신경망 및 영상처리 기법을 활용한 피부 모공 등급 예측 시스템)

  • Tae-Hee, Lee;Woo-Sung, Hwang;Myung-Ryul, Choi
    • Journal of IKEEE
    • /
    • v.26 no.4
    • /
    • pp.647-652
    • /
    • 2022
  • In this paper, we propose a prediction system for skin pore labeling based on a CNN(Convolution Neural Network) model, where a data set is constructed by processing skin images taken by users, and a pore feature image is generated by the proposed image processing algorithm. The skin image data set was labeled for pore characteristics based on the visual classification criteria of skin beauty experts. The proposed image processing algorithm was applied to generate pore feature images from skin images and to train a CNN model that predicts pore feature ratings. The prediction results with pore features by the proposed CNN model is similar to experts visual classification results, where less learning time and higher prediction results were obtained than the results by the comparison model (Resnet-50). In this paper, we describe the proposed image processing algorithm and CNN model, the results of the prediction system and future research plans.

Lane Detection System using CNN (CNN을 사용한 차선검출 시스템)

  • Kim, Jihun;Lee, Daesik;Lee, Minho
    • IEMEK Journal of Embedded Systems and Applications
    • /
    • v.11 no.3
    • /
    • pp.163-171
    • /
    • 2016
  • Lane detection is a widely researched topic. Although simple road detection is easily achieved by previous methods, lane detection becomes very difficult in several complex cases involving noisy edges. To address this, we use a Convolution neural network (CNN) for image enhancement. CNN is a deep learning method that has been very successfully applied in object detection and recognition. In this paper, we introduce a robust lane detection method based on a CNN combined with random sample consensus (RANSAC) algorithm. Initially, we calculate edges in an image using a hat shaped kernel, then we detect lanes using the CNN combined with the RANSAC. In the training process of the CNN, input data consists of edge images and target data is images that have real white color lanes on an otherwise black background. The CNN structure consists of 8 layers with 3 convolutional layers, 2 subsampling layers and multi-layer perceptron (MLP) of 3 fully-connected layers. Convolutional and subsampling layers are hierarchically arranged to form a deep structure. Our proposed lane detection algorithm successfully eliminates noise lines and was found to perform better than other formal line detection algorithms such as RANSAC

Efficient Swimmer Detection Algorithm using CNN-based SVM

  • Hong, Dasol;Kim, Yoon
    • Journal of the Korea Society of Computer and Information
    • /
    • v.22 no.12
    • /
    • pp.79-85
    • /
    • 2017
  • In this paper, we propose a CNN-based swimmer detection algorithm. Every year, water safety accidents have been occurred frequently, and accordingly, intelligent video surveillance systems are being developed to prevent accidents. Intelligent video surveillance system is a real-time system that detects objects which users want to do. It classifies or detects objects in real-time using algorithms such as GMM (Gaussian Mixture Model), HOG (Histogram of Oriented Gradients), and SVM (Support Vector Machine). However, HOG has a problem that it cannot accurately detect the swimmer in a complex and dynamic environment such as a beach. In other words, there are many false positives that detect swimmers as waves and false negatives that detect waves as swimmers. To solve this problem, in this paper, we propose a swimmer detection algorithm using CNN (Convolutional Neural Network), specialized for small object sizes, in order to detect dynamic objects and swimmers more accurately and efficiently in complex environment. The proposed CNN sets the size of the input image and the size of the filter used in the convolution operation according to the size of objects. In addition, the aspect ratio of the input is adjusted according to the ratio of detected objects. As a result, experimental results show that the proposed CNN-based swimmer detection method performs better than conventional techniques.

Object Tracking using Color Histogram and CNN Model (컬러 히스토그램과 CNN 모델을 이용한 객체 추적)

  • Park, Sung-Jun;Baek, Joong-Hwan
    • Journal of Advanced Navigation Technology
    • /
    • v.23 no.1
    • /
    • pp.77-83
    • /
    • 2019
  • In this paper, we propose an object tracking algorithm based on color histogram and convolutional neural network model. In order to increase the tracking accuracy, we synthesize generic object tracking using regression network algorithm which is one of the convolutional neural network model-based tracking algorithms and a mean-shift tracking algorithm which is a color histogram-based algorithm. Both algorithms are classified through support vector machine and designed to select an algorithm with higher tracking accuracy. The mean-shift tracking algorithm tends to move the bounding box to a large range when the object tracking fails, thus we improve the accuracy by limiting the movement distance of the bounding box. Also, we improve the performance by initializing the tracking start positions of the two algorithms based on the average brightness and the histogram similarity. As a result, the overall accuracy of the proposed algorithm is 1.6% better than the existing generic object tracking using regression network algorithm.