• 제목/요약/키워드: Fully connected network

검색결과 143건 처리시간 0.026초

Animal Face Classification using Dual Deep Convolutional Neural Network

  • Khan, Rafiul Hasan;Kang, Kyung-Won;Lim, Seon-Ja;Youn, Sung-Dae;Kwon, Oh-Jun;Lee, Suk-Hwan;Kwon, Ki-Ryong
    • 한국멀티미디어학회논문지
    • /
    • 제23권4호
    • /
    • pp.525-538
    • /
    • 2020
  • A practical animal face classification system that classifies animals in image and video data is considered as a pivotal topic in machine learning. In this research, we are proposing a novel method of fully connected dual Deep Convolutional Neural Network (DCNN), which extracts and analyzes image features on a large scale. With the inclusion of the state of the art Batch Normalization layer and Exponential Linear Unit (ELU) layer, our proposed DCNN has gained the capability of analyzing a large amount of dataset as well as extracting more features than before. For this research, we have built our dataset containing ten thousand animal faces of ten animal classes and a dual DCNN. The significance of our network is that it has four sets of convolutional functions that work laterally with each other. We used a relatively small amount of batch size and a large number of iteration to mitigate overfitting during the training session. We have also used image augmentation to vary the shapes of the training images for the better learning process. The results demonstrate that, with an accuracy rate of 92.0%, the proposed DCNN outruns its counterparts while causing less computing costs.

Merlin 툴킷을 이용한 한국어 TTS 시스템의 심층 신경망 구조 성능 비교 (Performance comparison of various deep neural network architectures using Merlin toolkit for a Korean TTS system)

  • 홍준영;권철홍
    • 말소리와 음성과학
    • /
    • 제11권2호
    • /
    • pp.57-64
    • /
    • 2019
  • 본 논문에서는 음성 합성을 위한 오픈소스 시스템인 Merlin 툴킷을 이용하여 한국어 TTS 시스템을 구성한다. TTS 시스템에서 HMM 기반의 통계적 음성 합성 방식이 널리 사용되고 있는데, 이 방식에서 문맥 요인을 포함시키는 음향 모델링 구성의 한계로 합성 음성의 품질이 저하된다고 알려져 있다. 본 논문에서는 여러 분야에서 우수한 성능을 보여 주는 심층 신경망 기법을 적용하는 음향 모델링 아키텍처를 제안한다. 이 구조에는 전연결 심층 피드포워드 신경망, 순환 신경망, 게이트 순환 신경망, 단방향 장단기 기억 신경망, 양방향 장단기 기억 신경망 등이 포함되어 있다. 실험 결과, 문맥을 고려하는 시퀀스 모델을 아키텍처에 포함하는 것이 성능 개선에 유리하다는 것을 알 수 있고, 장단기 기억 신경망을 적용한 아키텍처가 가장 좋은 성능을 보여주었다. 그리고 음향 특징 파라미터에 델타와 델타-델타 성분을 포함하는 것이 성능 개선에 유리하다는 결과가 도출되었다.

결합된 파라메트릭 활성함수를 이용한 합성곱 신경망의 성능 향상 (Performance Improvement Method of Convolutional Neural Network Using Combined Parametric Activation Functions)

  • 고영민;이붕항;고선우
    • 정보처리학회논문지:소프트웨어 및 데이터공학
    • /
    • 제11권9호
    • /
    • pp.371-380
    • /
    • 2022
  • 합성곱 신경망은 이미지와 같은 격자 형태로 배열된 데이터를 다루는데 널리 사용되고 있는 신경망이다. 일반적인 합성곱 신경망은 합성곱층과 완전연결층으로 구성되며 각 층은 비선형활성함수를 포함하고 있다. 본 논문은 합성곱 신경망의 성능을 향상시키기 위해 결합된 파라메트릭 활성함수를 제안한다. 결합된 파라메트릭 활성함수는 활성함수의 크기와 위치를 변환시키는 파라미터를 적용한 파라메트릭 활성함수들을 여러 번 더하여 만들어진다. 여러 개의 크기, 위치를 변환하는 파라미터에 따라 다양한 비선형간격을 만들 수 있으며, 파라미터는 주어진 입력데이터에 의해 계산된 손실함수를 최소화하는 방향으로 학습할 수 있다. 결합된 파라메트릭 활성함수를 사용한 합성곱 신경망의 성능을 MNIST, Fashion MNIST, CIFAR10 그리고 CIFAR100 분류문제에 대해 실험한 결과, 다른 활성함수들보다 우수한 성능을 가짐을 확인하였다.

합성곱 신경망을 이용한 종 수준의 동물플랑크톤 분류기 및 시각화 (Species-level Zooplankton Classifier and Visualization using a Convolutional Neural Network)

  • 정만기;서호영;정희택
    • 한국전자통신학회논문지
    • /
    • 제19권4호
    • /
    • pp.721-732
    • /
    • 2024
  • 동물플랑크톤의 종 동종은 해양 생태계의 이해 및 지구온난화를 연구하는데 가장 기본이다. 본 연구에서는 3종의 동물플랑크톤을 종 수준에서 암컷과 수컷을 분류할 수 있는 합성곱 신경망 모델을 제안한다. 첫째 연구자들이 획득하는 현미경 이미지를 기반으로 형태적 특징을 포함하는 학습데이터를 구축한다. 학습데이터의 구축에 있어 대상 종의 형태적 특징 정보를 보존하는 데이터 확대 방법을 적용한다. 둘째 구축된 학습데이터로부터 종 특징들이 학습될 수 있는 합성곱 신경망 모델을 제안한다. 제안한 모델은 높은 해상도를 고려하여 학습 이미지 정보 손실을 최소화하였고 완전 연결 층 대신에 전역 평균 폴링 층을 사용하여 학습 매개 변수 개수를 최소화하였다. 제안한 모델의 일반성을 제시하기 위해 새로이 획득한 데이터를 기반으로 성능을 제시하였다. 마지막으로 개발된 모델에서 추출된 특징들의 시각화를 통해, 분류 모델의 중요 특징을 제시하였다.

전이학습 기반 다중 컨볼류션 신경망 레이어의 활성화 특징과 주성분 분석을 이용한 이미지 분류 방법 (Transfer Learning using Multiple ConvNet Layers Activation Features with Principal Component Analysis for Image Classification)

  • 바트후 ?바자브;주마벡 알리하노브;팡양;고승현;조근식
    • 지능정보연구
    • /
    • 제24권1호
    • /
    • pp.205-225
    • /
    • 2018
  • Convolutional Neural Network (ConvNet)은 시각적 특징의 계층 구조를 분석하고 학습할 수 있는 대표적인 심층 신경망이다. 첫 번째 신경망 모델인 Neocognitron은 80 년대에 처음 소개되었다. 당시 신경망은 대규모 데이터 집합과 계산 능력이 부족하여 학계와 산업계에서 널리 사용되지 않았다. 그러나 2012년 Krizhevsky는 ImageNet ILSVRC (Large Scale Visual Recognition Challenge) 에서 심층 신경망을 사용하여 시각적 인식 문제를 획기적으로 해결하였고 그로 인해 신경망에 대한 사람들의 관심을 다시 불러 일으켰다. 이미지넷 첼린지에서 제공하는 다양한 이미지 데이터와 병렬 컴퓨팅 하드웨어 (GPU)의 발전이 Krizhevsky의 승리의 주요 요인이었다. 그러므로 최근의 딥 컨볼루션 신경망의 성공을 병렬계산을 위한 GPU의 출현과 더불어 ImageNet과 같은 대규모 이미지 데이터의 가용성으로 정의 할 수 있다. 그러나 이러한 요소는 많은 도메인에서 병목 현상이 될 수 있다. 대부분의 도메인에서 ConvNet을 교육하기 위해 대규모 데이터를 수집하려면 많은 노력이 필요하다. 대규모 데이터를 보유하고 있어도 처음부터 ConvNet을 교육하려면 많은 자원과 시간이 소요된다. 이와 같은 문제점은 전이 학습을 사용하면 해결할 수 있다. 전이 학습은 지식을 원본 도메인에서 새 도메인으로 전이하는 방법이다. 전이학습에는 주요한 두 가지 케이스가 있다. 첫 번째는 고정된 특징점 추출기로서의 ConvNet이고, 두번째는 새 데이터에서 ConvNet을 fine-tuning 하는 것이다. 첫 번째 경우, 사전 훈련 된 ConvNet (예: ImageNet)을 사용하여 ConvNet을 통해 이미지의 피드포워드 활성화를 계산하고 특정 레이어에서 활성화 특징점을 추출한다. 두 번째 경우에는 새 데이터에서 ConvNet 분류기를 교체하고 재교육을 한 후에 사전 훈련된 네트워크의 가중치를 백프로퍼게이션으로 fine-tuning 한다. 이 논문에서는 고정된 특징점 추출기를 여러 개의 ConvNet 레이어를 사용하는 것에 중점을 두었다. 그러나 여러 ConvNet 레이어에서 직접 추출된 차원적 복잡성을 가진 특징점을 적용하는 것은 여전히 어려운 문제이다. 우리는 여러 ConvNet 레이어에서 추출한 특징점이 이미지의 다른 특성을 처리한다는 것을 발견했다. 즉, 여러 ConvNet 레이어의 최적의 조합을 찾으면 더 나은 특징점을 얻을 수 있다. 위의 발견을 토대로 이 논문에서는 단일 ConvNet 계층의 특징점 대신에 전이 학습을 위해 여러 ConvNet 계층의 특징점을 사용하도록 제안한다. 본 논문에서 제안하는 방법은 크게 세단계로 이루어져 있다. 먼저 이미지 데이터셋의 이미지를 ConvNet의 입력으로 넣으면 해당 이미지가 사전 훈련된 AlexNet으로 피드포워드 되고 3개의 fully-connected 레이어의 활성화 틀징점이 추출된다. 둘째, 3개의 ConvNet 레이어의 활성화 특징점을 연결하여 여러 개의 ConvNet 레이어의 특징점을 얻는다. 레이어의 활성화 특징점을 연결을 하는 이유는 더 많은 이미지 정보를 얻기 위해서이다. 동일한 이미지를 사용한 3개의 fully-connected 레이어의 특징점이 연결되면 결과 이미지의 특징점의 차원은 4096 + 4096 + 1000이 된다. 그러나 여러 ConvNet 레이어에서 추출 된 특징점은 동일한 ConvNet에서 추출되므로 특징점이 중복되거나 노이즈를 갖는다. 따라서 세 번째 단계로 PCA (Principal Component Analysis)를 사용하여 교육 단계 전에 주요 특징점을 선택한다. 뚜렷한 특징이 얻어지면, 분류기는 이미지를 보다 정확하게 분류 할 수 있고, 전이 학습의 성능을 향상시킬 수 있다. 제안된 방법을 평가하기 위해 특징점 선택 및 차원축소를 위해 PCA를 사용하여 여러 ConvNet 레이어의 특징점과 단일 ConvNet 레이어의 특징점을 비교하고 3개의 표준 데이터 (Caltech-256, VOC07 및 SUN397)로 실험을 수행했다. 실험결과 제안된 방법은 Caltech-256 데이터의 FC7 레이어로 73.9 %의 정확도를 얻었을 때와 비교하여 75.6 %의 정확도를 보였고 VOC07 데이터의 FC8 레이어로 얻은 69.2 %의 정확도와 비교하여 73.1 %의 정확도를 보였으며 SUN397 데이터의 FC7 레이어로 48.7%의 정확도를 얻었을 때와 비교하여 52.2%의 정확도를 보였다. 본 논문에 제안된 방법은 Caltech-256, VOC07 및 SUN397 데이터에서 각각 기존에 제안된 방법과 비교하여 2.8 %, 2.1 % 및 3.1 %의 성능 향상을 보였다.

커플링/디커플링 네트워크 내장 서지발생장치의 설계 및 제작 (Design and Fabrication of a Surge Generator with Coupling/Decoupling Networks)

  • 김남훈;강태호;신한신;길경석
    • 한국전기전자재료학회논문지
    • /
    • 제33권2호
    • /
    • pp.130-134
    • /
    • 2020
  • Metal oxide varistors (MOVs) protect circuits and devices from transient overvoltages in electric power systems. However, a MOV continuously deteriorates owing to manufacturing defects or repetitive protective operations from transient overvoltages. A deteriorated MOV may result in a short circuit or a line-ground accident. Previous studies focused on the analysis of deterioration mechanisms and condition diagnosis techniques for MOVs owing to their recent growth of use. An accelerated deterioration experiment under the same conditions in which a MOV operates is essential. In this study, we designed and fabricated a surge generator that can apply a surge current to a MOV connected to AC mains. The coupling network operates at a low impedance against the surge current from the surge generator and transfers the surge current to the MOV under test. It also acts as a high impedance against AC mains for the AC voltage not to be applied to the surge generator. The decoupling network operates at a high impedance against the surge current and blocks the surge current from AC mains. It also acts as a low impedance against AC mains for the AC voltage to be applied to the MOV under test. The prototype surge generator can apply the 8/20 us up to 15 kA on AC voltages in the approximate range of 110~450 V, and it fully operates on a LabVIEW-based program.

MPLS 네트워크를 위한 간략화된 QoS 모델 (A Simplified QoS Model for MPLS Networks)

  • 석승준;강철희
    • 한국통신학회논문지
    • /
    • 제30권4B호
    • /
    • pp.235-245
    • /
    • 2005
  • 본 논문에서는 MPLS 기반의 백본 망에서 손쉽게 구현될 수 있는 서비스 차별화 방안을 제안한다. MPLS에서 QoS를 구현하기 위해 지금까지 가능성 있게 고려되고 있는 방안으로는 IETF 차등 서비스 모델을 MPLS 망에 그대로 구현하는 방법이 있다. 하지만 이는 지금의 MPLS 시스템에 대한 전체적인 변화를 필요로 한다. 이러한 문제로 인해서 논문에서는 백본 MPLS 네트워크를 위한 가상 링크(Virtual Link) 모델을 제안하고, 이를 사용해서 MPLS 서비스 차별화를 손쉽게 구현할 수 있음을 보인다. 제안하는 가상 링크는 입구와 출구 MPLS 라우터간에 설정된 LSP들의 집합으로 정의되고 있으며, 가상 링크의 업스트림(입구) 라우터에서는 LSP별로 입력 트래픽에 대해서 PHB를 적용한다. 하지만 기존 방안과는 달리 망 내부의 코어 라우터에서는 Behavior Aggregation별 서비스 품질이 아닌 LSP별 대역폭만을 보장하도록 한다. 이러한 LSP대역폭 보장 서비스는 기존 CR-LDP가 적용된 기존 MPLS 네트워크에서 이미 제공되고 있는 서비스이다. 논문에서는 가상 링크의 구현을 위해 두 라우터간에 입력되는 플로우들을 가상 링크를 구성하는 여러 LSP들에 적절하게 할당하기 위한 Flow Allocation Mechanism을 정의 한다. 마지막으로 제안하는 방안이 백본 MPLS 망에서 서비스 차별화를 제공할 수 있음을 시뮬레이션 결과를 통해서 입증한다.

A ResNet based multiscale feature extraction for classifying multi-variate medical time series

  • Zhu, Junke;Sun, Le;Wang, Yilin;Subramani, Sudha;Peng, Dandan;Nicolas, Shangwe Charmant
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제16권5호
    • /
    • pp.1431-1445
    • /
    • 2022
  • We construct a deep neural network model named ECGResNet. This model can diagnosis diseases based on 12-lead ECG data of eight common cardiovascular diseases with a high accuracy. We chose the 16 Blocks of ResNet50 as the main body of the model and added the Squeeze-and-Excitation module to learn the data information between channels adaptively. We modified the first convolutional layer of ResNet50 which has a convolutional kernel of 7 to a superposition of convolutional kernels of 8 and 16 as our feature extraction method. This way allows the model to focus on the overall trend of the ECG signal while also noticing subtle changes. The model further improves the accuracy of cardiovascular and cerebrovascular disease classification by using a fully connected layer that integrates factors such as gender and age. The ECGResNet model adds Dropout layers to both the residual block and SE module of ResNet50, further avoiding the phenomenon of model overfitting. The model was eventually trained using a five-fold cross-validation and Flooding training method, with an accuracy of 95% on the test set and an F1-score of 0.841.We design a new deep neural network, innovate a multi-scale feature extraction method, and apply the SE module to extract features of ECG data.

Dynamic Service Composition and Development Using Heterogeneous IoT Systems

  • Ryu, Minwoo;Yun, Jaeseok
    • 한국컴퓨터정보학회논문지
    • /
    • 제22권9호
    • /
    • pp.91-97
    • /
    • 2017
  • IoT (Internet of Things) systems are based on heterogeneous hardware systems of different types of devices interconnected each other, ranging from miniaturized and low-power wireless sensor node to cloud servers. These IoT systems composed of heterogeneous hardware utilize data sets collected from a particular set of sensors or control designated actuators when needed using open APIs created through abstraction of devices' resources associated to service applications. However, previously existing IoT services have been usually developed based on vertical platforms, whose sharing and exchange of data is limited within each industry domain, for example, healthcare. Such problem is called 'data silo', and considered one of crucial issues to be solved for the success of establishing IoT ecosystems. Also, IoT services may need to dynamically organize their services according to the change of status of connected devices due to their mobility and dynamic network connectivity. We propose a way of dynamically composing IoT services under the concept of WoT (Web of Things) where heterogeneous devices across different industries are fully integrated into the Web. Our approach allows developers to create IoT services or mash them up in an efficient way using Web objects registered into multiple standardized horizontal IoT platforms where their resources are discoverable and accessible. A Web-based service composition tool is developed to evaluate the practical feasibility of our approach under real-world service development.

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

  • 김지훈;이대식;이민호
    • 대한임베디드공학회논문지
    • /
    • 제11권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