• 제목/요약/키워드: Neural Net-work

검색결과 56건 처리시간 0.027초

Empirical Analysis of a Fine-Tuned Deep Convolutional Model in Classifying and Detecting Malaria Parasites from Blood Smears

  • Montalbo, Francis Jesmar P.;Alon, Alvin S.
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제15권1호
    • /
    • pp.147-165
    • /
    • 2021
  • In this work, we empirically evaluated the efficiency of the recent EfficientNetB0 model to identify and diagnose malaria parasite infections in blood smears. The dataset used was collected and classified by relevant experts from the Lister Hill National Centre for Biomedical Communications (LHNCBC). We prepared our samples with minimal image transformations as opposed to others, as we focused more on the feature extraction capability of the EfficientNetB0 baseline model. We applied transfer learning to increase the initial feature sets and reduced the training time to train our model. We then fine-tuned it to work with our proposed layers and re-trained the entire model to learn from our prepared dataset. The highest overall accuracy attained from our evaluated results was 94.70% from fifty epochs and followed by 94.68% within just ten. Additional visualization and analysis using the Gradient-weighted Class Activation Mapping (Grad-CAM) algorithm visualized how effectively our fine-tuned EfficientNetB0 detected infections better than other recent state-of-the-art DCNN models. This study, therefore, concludes that when fine-tuned, the recent EfficientNetB0 will generate highly accurate deep learning solutions for the identification of malaria parasites in blood smears without the need for stringent pre-processing, optimization, or data augmentation of images.

전문가시스템과 신경회로망에 의한 축사환경개선시스템 (Troubleshooting System for Environmental Problems in a Livestock Building Using an Expert System and a Neural Network)

  • 손정익;;김문기
    • 한국농공학회지
    • /
    • 제36권1호
    • /
    • pp.95-102
    • /
    • 1994
  • Since parameters influencing the indoor environment of livestock building interrelate so complicatedly, it is of great difficulty to identify the exact cause of environmental problems in a livestock building. Therefore, the approaches for the problem solving based on experience not numerical calculation will be helpful to the management of livestock building This study was attempt to develop the decision supporting system to diagnose environmen- tal problems in a livestock building based on an expert system and a neural network. HClips$^3$), attaching the Hangeul user interface to Clips which is known as a powerful shell for develop- ing expert system, was used. The multilayer perceptron consisting of 4 layers including back propagation learning algorithm was adpoted, which was rapidly converged within the allowable range at 50,000 learning sweeps. The expert system and neural network seemed to work well for this specific application, providing proper suggestions for some environmental problems: particularly, the neural net- work trained by an environmental problem and its corresponding answer with certainty factor, produced the same results as those by expert system.

  • PDF

Application of artificial neural network for the critical flow prediction of discharge nozzle

  • Xu, Hong;Tang, Tao;Zhang, Baorui;Liu, Yuechan
    • Nuclear Engineering and Technology
    • /
    • 제54권3호
    • /
    • pp.834-841
    • /
    • 2022
  • System thermal-hydraulic (STH) code is adopted for nuclear safety analysis. The critical flow model (CFM) is significant for the accuracy of STH simulation. To overcome the defects of current CFMs (low precision or long calculation time), a CFM based on a genetic neural network (GNN) has been developed in this work. To build a powerful model, besides the critical mass flux, the critical pressure and critical quality were also considered in this model, which was seldom considered before. Comparing with the traditional homogeneous equilibrium model (HEM) and the Moody model, the GNN model can predict the critical mass flux with a higher accuracy (approximately 80% of results are within the ±20% error limit); comparing with the Leung model and the Shannak model for critical pressure prediction, the GNN model achieved the best results (more than 80% prediction results within the ±20% error limit). For the critical quality, similar precision is achieved. The GNN-based CFM in this work is meaningful for the STH code CFM development.

신경망 회로를 이용한 필기체 숫자 인식에 관할 연구 (A Study Of Handwritten Digit Recognition By Neural Network Trained With The Back-Propagation Algorithm Using Generalized Delta Rule)

  • 이규한;정진현
    • 대한전기학회:학술대회논문집
    • /
    • 대한전기학회 1999년도 하계학술대회 논문집 G
    • /
    • pp.2932-2934
    • /
    • 1999
  • In this paper, a scheme for recognition of handwritten digits using a multilayer neural network trained with the back-propagation algorithm using generalized delta rule is proposed. The neural network is trained with hand written digit data of different writers and different styles. One of the purpose of the work with neural networks is the minimization of the mean square error(MSE) between actual output and desired one. The back-propagation algorithm is an efficient and very classical method. The back-propagation algorithm for training the weights in a multilayer net uses the steepest descent minimization procedure and the sigmoid threshold function. As an error rate is reduced, recognition rate is improved. Therefore we propose a method that is reduced an error rate.

  • PDF

Multi-Dimensional Reinforcement Learning Using a Vector Q-Net - Application to Mobile Robots

  • Kiguchi, Kazuo;Nanayakkara, Thrishantha;Watanabe, Keigo;Fukuda, Toshio
    • International Journal of Control, Automation, and Systems
    • /
    • 제1권1호
    • /
    • pp.142-148
    • /
    • 2003
  • Reinforcement learning is considered as an important tool for robotic learning in unknown/uncertain environments. In this paper, we propose an evaluation function expressed in a vector form to realize multi-dimensional reinforcement learning. The novel feature of the proposed method is that learning one behavior induces parallel learning of other behaviors though the objectives of each behavior are different. In brief, all behaviors watch other behaviors from a critical point of view. Therefore, in the proposed method, there is cross-criticism and parallel learning that make the multi-dimensional learning process more efficient. By ap-plying the proposed learning method, we carried out multi-dimensional evaluation (reward) and multi-dimensional learning simultaneously in one trial. A special neural network (Q-net), in which the weights and the output are represented by vectors, is proposed to realize a critic net-work for Q-learning. The proposed learning method is applied for behavior planning of mobile robots.

Analysis of Weights and Feature Patterns in Popular 2D Deep Neural Networks Models for MRI Image Classification

  • Khagi, Bijen;Kwon, Goo-Rak
    • Journal of Multimedia Information System
    • /
    • 제9권3호
    • /
    • pp.177-182
    • /
    • 2022
  • A deep neural network (DNN) includes variables whose values keep on changing with the training process until it reaches the final point of convergence. These variables are the co-efficient of a polynomial expression to relate to the feature extraction process. In general, DNNs work in multiple 'dimensions' depending upon the number of channels and batches accounted for training. However, after the execution of feature extraction and before entering the SoftMax or other classifier, there is a conversion of features from multiple N-dimensions to a single vector form, where 'N' represents the number of activation channels. This usually happens in a Fully connected layer (FCL) or a dense layer. This reduced 2D feature is the subject of study for our analysis. For this, we have used the FCL, so the trained weights of this FCL will be used for the weight-class correlation analysis. The popular DNN models selected for our study are ResNet-101, VGG-19, and GoogleNet. These models' weights are directly used for fine-tuning (with all trained weights initially transferred) and scratch trained (with no weights transferred). Then the comparison is done by plotting the graph of feature distribution and the final FCL weights.

전이학습 기반 다중 컨볼류션 신경망 레이어의 활성화 특징과 주성분 분석을 이용한 이미지 분류 방법 (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 %의 성능 향상을 보였다.

스파크 기반 딥 러닝 분산 프레임워크 성능 비교 분석 (A Comparative Performance Analysis of Spark-Based Distributed Deep-Learning Frameworks)

  • 장재희;박재홍;김한주;윤성로
    • 정보과학회 컴퓨팅의 실제 논문지
    • /
    • 제23권5호
    • /
    • pp.299-303
    • /
    • 2017
  • 딥 러닝(Deep learning)은 기존 인공 신경망 내 계층 수를 증가시킴과 동시에 효과적인 학습 방법론을 제시함으로써 객체/음성 인식 및 자연어 처리 등 고수준 문제 해결에 있어 괄목할만한 성과를 보이고 있다. 그러나 학습에 필요한 시간과 리소스가 크다는 한계를 지니고 있어, 이를 줄이기 위한 연구가 활발히 진행되고 있다. 본 연구에서는 아파치 스파크 기반 클러스터 컴퓨팅 프레임워크 상에서 딥 러닝을 분산화하는 두 가지 툴(DeepSpark, SparkNet)의 성능을 학습 정확도와 속도 측면에서 측정하고 분석하였다. CIFAR-10/CIFAR-100 데이터를 사용한 실험에서 SparkNet은 학습 과정의 정확도 변동 폭이 적은 반면 DeepSpark는 학습 초기 정확도는 변동 폭이 크지만 점차 변동 폭이 줄어들면서 SparkNet 대비 약 15% 높은 정확도를 보였고, 조건에 따라 단일 머신보다도 높은 정확도로 보다 빠르게 수렴하는 양상을 확인할 수 있었다.

저차원화된 리커런트 뉴럴 네트워크를 이용한 비주얼 서보잉 (Visual Servoing of Robot Manipulators using Pruned Recurrent Neural Networks)

  • 김대준;이동욱;심귀보
    • 한국지능시스템학회:학술대회논문집
    • /
    • 한국퍼지및지능시스템학회 1997년도 춘계학술대회 학술발표 논문집
    • /
    • pp.259-262
    • /
    • 1997
  • This paper presents a visual servoing of RV-M2 robot manipulators to track and grasp moving object, using pruned dynamic recurrent neural networks(DRNN). The object is stationary in the robot work space and the robot is tracking and grasping the object by using CCD camera mounted on the end-effector. In order to optimize the structure of DRNN, we decide the node whether delete or add, by mutation probability, first in case of delete node, the node which have minimum sum of input weight is actually deleted, and then in case of add node, the weight is connected according to the number of case which added node can reach the other nodes. Using evolutionary programming(EP) that search the struture and weight of the DRNN, and evolution strategies(ES) which train the weight of neuron, we pruned the net structure of DRNN. We applied the DRNN to the Visual Servoing of a robot manipulators to control position and orientation of end-effector, and the validity and effectiveness of the pro osed control scheme will be verified by computer simulations.

  • PDF

A novel qEEG measure of teamwork for human error analysis: An EEG hyperscanning study

  • Cha, Kab-Mun;Lee, Hyun-Chul
    • Nuclear Engineering and Technology
    • /
    • 제51권3호
    • /
    • pp.683-691
    • /
    • 2019
  • In this paper, we propose a novel method to quantify the neural synchronization between subjects in the collaborative process through electroencephalogram (EEG) hyperscanning. We hypothesized that the neural synchronization in EEGs will increase when the communication of the operators is smooth and the teamwork is better. We quantified the EEG signal for multiple subjects using a representative EEG quantification method, and studied the changes in brain activity occurring during collaboration. The proposed method quantifies neural synchronization between subjects through bispectral analysis. We found that phase synchronization between EEGs of multi subjects increased significantly during the periods of collaborative work. Traditional methods for a human error analysis used a retrospective analysis, and most of them were analyzed for an unspecified majority. However, the proposed method is able to perform the real-time monitoring of human error and can directly analyze and evaluate specific groups.