• Title/Summary/Keyword: Convolutional neural network(CNN)

Search Result 959, Processing Time 0.025 seconds

Breast Cancer Images Classification using Convolution Neural Network

  • Mohammed Yahya Alzahrani
    • International Journal of Computer Science & Network Security
    • /
    • v.23 no.8
    • /
    • pp.113-120
    • /
    • 2023
  • One of the most prevalent disease among women that leads to death is breast cancer. It can be diagnosed by classifying tumors. There are two different types of tumors i.e: malignant and benign tumors. Physicians need a reliable diagnosis procedure to distinguish between these tumors. However, generally it is very difficult to distinguish tumors even by the experts. Thus, automation of diagnostic system is needed for diagnosing tumors. This paper attempts to improve the accuracy of breast cancer detection by utilizing deep learning convolutional neural network (CNN). Experiments are conducted using Wisconsin Diagnostic Breast Cancer (WDBC) dataset. Compared to existing techniques, the used of CNN shows a better result and achieves 99.66%% in term of accuracy.

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.

MATE: Memory- and Retraining-Free Error Correction for Convolutional Neural Network Weights

  • Jang, Myeungjae;Hong, Jeongkyu
    • Journal of information and communication convergence engineering
    • /
    • v.19 no.1
    • /
    • pp.22-28
    • /
    • 2021
  • Convolutional neural networks (CNNs) are one of the most frequently used artificial intelligence techniques. Among CNN-based applications, small and timing-sensitive applications have emerged, which must be reliable to prevent severe accidents. However, as the small and timing-sensitive systems do not have sufficient system resources, they do not possess proper error protection schemes. In this paper, we propose MATE, which is a low-cost CNN weight error correction technique. Based on the observation that all mantissa bits are not closely related to the accuracy, MATE replaces some mantissa bits in the weight with error correction codes. Therefore, MATE can provide high data protection without requiring additional memory space or modifying the memory architecture. The experimental results demonstrate that MATE retains nearly the same accuracy as the ideal error-free case on erroneous DRAM and has approximately 60% accuracy, even with extremely high bit error rates.

Image Restoration Method using Denoising CNN (잡음제거 합성곱 신경망을 이용한 이미지 복원방법)

  • Kim, Seonjae;Lee, Jeongho;Lee, Suk-Hwan;Jun, Dongsan
    • Journal of Korea Multimedia Society
    • /
    • v.25 no.1
    • /
    • pp.29-38
    • /
    • 2022
  • Although image compression is one of the essential technologies to transmit image data on a variety of surveillance and mobile healthcare applications, it causes unnecessary compression artifacts such as blocking and ringing artifacts by the lossy compression in the limited network bandwidth. Recently, image restoration methods using convolutional neural network (CNN) show the significant improvement of image quality from the compressed images. In this paper, we propose Image Denoising Convolutional Neural Networks (IDCNN) to reduce the compression artifacts for the purpose of improving the performance of object classification. In order to evaluate the classification accuracy, we used the ImageNet test dataset consisting of 50,000 natural images and measured the classification performance in terms of Top-1 and Top-5 accuracy. Experimental results show that the proposed IDCNN can improve Top-1 and Top-5 accuracy as high as 2.46% and 2.42%, respectively.

Multi-spectral Vehicle Detection based on Convolutional Neural Network

  • Choi, Sungil;Kim, Seungryong;Park, Kihong;Sohn, Kwanghoon
    • Journal of Korea Multimedia Society
    • /
    • v.19 no.12
    • /
    • pp.1909-1918
    • /
    • 2016
  • This paper presents a unified framework for joint Convolutional Neural Network (CNN) based vehicle detection by leveraging multi-spectral image pairs. With the observation that under challenging environments such as night vision and limited light source, vehicle detection in a single color image can be more tractable by using additional far-infrared (FIR) image, we design joint CNN architecture for both RGB and FIR image pairs. We assume that a score map from joint CNN applied to overall image can be considered as confidence of vehicle existence. To deal with various scale ratios of vehicle candidates, multi-scale images are first generated scaling an image according to possible scale ratio of vehicles. The vehicle candidates are then detected on local maximal on each score maps. The generation of overlapped candidates is prevented with non-maximal suppression on multi-scale score maps. The experimental results show that our framework have superior performance than conventional methods with a joint framework of multi-spectral image pairs reducing false positive generated by conventional vehicle detection framework using only single color image.

Automatic melody extraction algorithm using a convolutional neural network

  • Lee, Jongseol;Jang, Dalwon;Yoon, Kyoungro
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • v.11 no.12
    • /
    • pp.6038-6053
    • /
    • 2017
  • In this study, we propose an automatic melody extraction algorithm using deep learning. In this algorithm, feature images, generated using the energy of frequency band, are extracted from polyphonic audio files and a deep learning technique, a convolutional neural network (CNN), is applied on the feature images. In the training data, a short frame of polyphonic music is labeled as a musical note and a classifier based on CNN is learned in order to determine a pitch value of a short frame of audio signal. We want to build a novel structure of melody extraction, thus the proposed algorithm has a simple structure and instead of using various signal processing techniques for melody extraction, we use only a CNN to find a melody from a polyphonic audio. Despite of simple structure, the promising results are obtained in the experiments. Compared with state-of-the-art algorithms, the proposed algorithm did not give the best result, but comparable results were obtained and we believe they could be improved with the appropriate training data. In this paper, melody extraction and the proposed algorithm are introduced first, and the proposed algorithm is then further explained in detail. Finally, we present our experiment and the comparison of results follows.

Fast Very Deep Convolutional Neural Network with Deconvolution for Super-Resolution (Super-Resolution을 위한 Deconvolution 적용 고속 컨볼루션 뉴럴 네트워크)

  • Lee, Donghyeon;Lee, Ho Seong;Lee, Kyujoong;Lee, Hyuk-Jae
    • Journal of Korea Multimedia Society
    • /
    • v.20 no.11
    • /
    • pp.1750-1758
    • /
    • 2017
  • In super-resolution, various methods with Convolutional Neural Network(CNN) have recently been proposed. CNN based methods provide much higher image quality than conventional methods. Especially, VDSR outperforms other CNN based methods in terms of image quality. However, it requires a high computational complexity which prevents real-time processing. In this paper, the method to apply a deconvolution layer to VDSR is proposed to reduce computational complexity. Compared to original VDSR, the proposed method achieves the 4.46 times speed-up and its degradation in image quality is less than -0.1 dB which is negligible.

1D CNN and Machine Learning Methods for Fall Detection (1D CNN과 기계 학습을 사용한 낙상 검출)

  • Kim, Inkyung;Kim, Daehee;Noh, Song;Lee, Jaekoo
    • KIPS Transactions on Software and Data Engineering
    • /
    • v.10 no.3
    • /
    • pp.85-90
    • /
    • 2021
  • In this paper, fall detection using individual wearable devices for older people is considered. To design a low-cost wearable device for reliable fall detection, we present a comprehensive analysis of two representative models. One is a machine learning model composed of a decision tree, random forest, and Support Vector Machine(SVM). The other is a deep learning model relying on a one-dimensional(1D) Convolutional Neural Network(CNN). By considering data segmentation, preprocessing, and feature extraction methods applied to the input data, we also evaluate the considered models' validity. Simulation results verify the efficacy of the deep learning model showing improved overall performance.

Classification of Analog Gauge using Convolutional Neural Network (Convolutional Neural Network을 활용한 아날로그 게이지 분류)

  • Kwak, Young-Tae;Ryu, Jin-Kyu;Kim, Ga-Hui
    • Proceedings of the Korean Society of Computer Information Conference
    • /
    • 2017.01a
    • /
    • pp.275-277
    • /
    • 2017
  • 사물인터넷(Internet of things)의 발전과 함께 스마트 팩토리에 대한 관심이 증대되고 있다. 제조의 전 과정에서 발생하는 데이터를 실시간으로 수집하고 관리를 자동화하는 것이 스마트 팩토리의 목적이다. 그러나 공장에서는 현재까지도 많이 사용되는 아날로그 게이지를 관리하는 일은 사람의 노동력을 필요로 한다. 또한 아날로그 게이지는 쓰임새에 따라 모양과 형태가 매우 다양하다. 본 논문에서는 아날로그 게이지의 형태에 따라 분류하는 방법에 대해 제안한다. 제안하는 방법은 학습하기 위해 필요한 게이지 영상 데이터를 수집하고 나서 각 분류에 속하는 이미지 데이터를 CNN(Convolutional Neural Network) 딥러닝 기법으로 학습시킨 후, 각 분류에 해당하는 특징 정보를 추출하고 아날로그 게이지의 형태를 인식하는 방법을 제안한다.

  • PDF

Landslide Susceptibility Mapping Using Deep Neural Network and Convolutional Neural Network (Deep Neural Network와 Convolutional Neural Network 모델을 이용한 산사태 취약성 매핑)

  • Gong, Sung-Hyun;Baek, Won-Kyung;Jung, Hyung-Sup
    • Korean Journal of Remote Sensing
    • /
    • v.38 no.6_2
    • /
    • pp.1723-1735
    • /
    • 2022
  • Landslides are one of the most prevalent natural disasters, threating both humans and property. Also landslides can cause damage at the national level, so effective prediction and prevention are essential. Research to produce a landslide susceptibility map with high accuracy is steadily being conducted, and various models have been applied to landslide susceptibility analysis. Pixel-based machine learning models such as frequency ratio models, logistic regression models, ensembles models, and Artificial Neural Networks have been mainly applied. Recent studies have shown that the kernel-based convolutional neural network (CNN) technique is effective and that the spatial characteristics of input data have a significant effect on the accuracy of landslide susceptibility mapping. For this reason, the purpose of this study is to analyze landslide vulnerability using a pixel-based deep neural network model and a patch-based convolutional neural network model. The research area was set up in Gangwon-do, including Inje, Gangneung, and Pyeongchang, where landslides occurred frequently and damaged. Landslide-related factors include slope, curvature, stream power index (SPI), topographic wetness index (TWI), topographic position index (TPI), timber diameter, timber age, lithology, land use, soil depth, soil parent material, lineament density, fault density, normalized difference vegetation index (NDVI) and normalized difference water index (NDWI) were used. Landslide-related factors were built into a spatial database through data preprocessing, and landslide susceptibility map was predicted using deep neural network (DNN) and CNN models. The model and landslide susceptibility map were verified through average precision (AP) and root mean square errors (RMSE), and as a result of the verification, the patch-based CNN model showed 3.4% improved performance compared to the pixel-based DNN model. The results of this study can be used to predict landslides and are expected to serve as a scientific basis for establishing land use policies and landslide management policies.