• 제목/요약/키워드: Deep Neural Network)

검색결과 2,092건 처리시간 0.035초

Deep recurrent neural networks with word embeddings for Urdu named entity recognition

  • Khan, Wahab;Daud, Ali;Alotaibi, Fahd;Aljohani, Naif;Arafat, Sachi
    • ETRI Journal
    • /
    • 제42권1호
    • /
    • pp.90-100
    • /
    • 2020
  • Named entity recognition (NER) continues to be an important task in natural language processing because it is featured as a subtask and/or subproblem in information extraction and machine translation. In Urdu language processing, it is a very difficult task. This paper proposes various deep recurrent neural network (DRNN) learning models with word embedding. Experimental results demonstrate that they improve upon current state-of-the-art NER approaches for Urdu. The DRRN models evaluated include forward and bidirectional extensions of the long short-term memory and back propagation through time approaches. The proposed models consider both language-dependent features, such as part-of-speech tags, and language-independent features, such as the "context windows" of words. The effectiveness of the DRNN models with word embedding for NER in Urdu is demonstrated using three datasets. The results reveal that the proposed approach significantly outperforms previous conditional random field and artificial neural network approaches. The best f-measure values achieved on the three benchmark datasets using the proposed deep learning approaches are 81.1%, 79.94%, and 63.21%, respectively.

딥러닝을 이용한 시퀀스 기반의 여행경로 추천시스템 -제주도 사례- (Sequence-Based Travel Route Recommendation Systems Using Deep Learning - A Case of Jeju Island -)

  • 이희준;이원석;최인혁;이충권
    • 스마트미디어저널
    • /
    • 제9권1호
    • /
    • pp.45-50
    • /
    • 2020
  • 딥 러닝의 발전에 따라 추천시스템에서 딥 러닝 기반의 인공신경망을 활용한 연구가 활발히 진행되고 있다. 특히, RNN(Recurrent Neural Network)기반의 추천시스템은 데이터의 순차적 특성을 고려하기 때문에 추천시스템에서 좋은 성과를 보여주고 있다. 본 연구는 RNN기반의 알고리즘인 GRU(Gated Recurrent Unit)와 세션 기반 병렬 미니배치(Session Parallel mini-batch)기법을 활용한 여행경로 추천 시스템을 제안한다. 본 연구는 top1과 bpr(Bayesian personalized ranking) 오차함수의 앙상블을 통해 추천 성과를 향상시켰다. 또한, 데이터 내에 순차적인 특성을 고려한 RNN기반 추천 시스템은 여행경로에 내재된 여행지의 의미가 반영된 추천이 이루어진다는 것을 확인되었다.

An Intrusion Detection Model based on a Convolutional Neural Network

  • Kim, Jiyeon;Shin, Yulim;Choi, Eunjung
    • Journal of Multimedia Information System
    • /
    • 제6권4호
    • /
    • pp.165-172
    • /
    • 2019
  • Machine-learning techniques have been actively employed to information security in recent years. Traditional rule-based security solutions are vulnerable to advanced attacks due to unpredictable behaviors and unknown vulnerabilities. By employing ML techniques, we are able to develop intrusion detection systems (IDS) based on anomaly detection instead of misuse detection. Moreover, threshold issues in anomaly detection can also be resolved through machine-learning. There are very few datasets for network intrusion detection compared to datasets for malicious code. KDD CUP 99 (KDD) is the most widely used dataset for the evaluation of IDS. Numerous studies on ML-based IDS have been using KDD or the upgraded versions of KDD. In this work, we develop an IDS model using CSE-CIC-IDS 2018, a dataset containing the most up-to-date common network attacks. We employ deep-learning techniques and develop a convolutional neural network (CNN) model for CSE-CIC-IDS 2018. We then evaluate its performance comparing with a recurrent neural network (RNN) model. Our experimental results show that the performance of our CNN model is higher than that of the RNN model when applied to CSE-CIC-IDS 2018 dataset. Furthermore, we suggest a way of improving the performance of our model.

심층신경망을 이용한 어선의 운동응답 추정 (Motion Response Estimation of Fishing Boats Using Deep Neural Networks)

  • 박태원;박동우;서장훈
    • 해양환경안전학회지
    • /
    • 제29권7호
    • /
    • pp.958-963
    • /
    • 2023
  • 최근에 선박을 안전하게 설계 및 운항하기 위해 인공지능으로 운동성능을 예측하는 연구가 늘고 있다. 하지만 일반적인 선박에 비해 소형 어선에 대한 연구는 부족한 실정이다. 본 논문에서는 소형 어선의 운동성능 계산에 필수적인 운동응답을 심층신경망으로 추정하는 모델을 제안한다. 15척의 소형 어선에 대하여 유체동역학 해석을 수행하였으며 이를 통해 데이터베이스를 구축하였다. 환경 조건과 주요 제원을 입력 데이터로, 단위 파고에 대한 운동응답(Response Amplitude Operator)을 출력 데이터로 설정하였다. 훈련된 심층신경망 모델을 통해 예측된 운동응답은 유체동역학 해석 결과와 유사한 경향을 보이며 고주파 성분을 가진 운동응답 함수를 낮은 오차로 근사하는 결과를 보여준다. 본 연구의 결과를 바탕으로 어선의 선형 특성 고려한 심층신경망 모델로 확장하여 연구 결과의 활용도를 넓히고자 한다.

딥러닝을 이용한 IOT 기기 인식 시스템 (A Deep Learning based IOT Device Recognition System)

  • 추연호;최영규
    • 반도체디스플레이기술학회지
    • /
    • 제18권2호
    • /
    • pp.1-5
    • /
    • 2019
  • As the number of IOT devices is growing rapidly, various 'see-thru connection' techniques have been reported for efficient communication with them. In this paper, we propose a deep learning based IOT device recognition system for interaction with these devices. The overall system consists of a TensorFlow based deep learning server and two Android apps for data collection and recognition purposes. As the basic neural network model, we adopted Google's inception-v3, and modified the output stage to classify 20 types of IOT devices. After creating a data set consisting of 1000 images of 20 categories, we trained our deep learning network using a transfer learning technology. As a result of the experiment, we achieve 94.5% top-1 accuracy and 98.1% top-2 accuracy.

Fake News Detection Using Deep Learning

  • Lee, Dong-Ho;Kim, Yu-Ri;Kim, Hyeong-Jun;Park, Seung-Myun;Yang, Yu-Jun
    • Journal of Information Processing Systems
    • /
    • 제15권5호
    • /
    • pp.1119-1130
    • /
    • 2019
  • With the wide spread of Social Network Services (SNS), fake news-which is a way of disguising false information as legitimate media-has become a big social issue. This paper proposes a deep learning architecture for detecting fake news that is written in Korean. Previous works proposed appropriate fake news detection models for English, but Korean has two issues that cannot apply existing models: Korean can be expressed in shorter sentences than English even with the same meaning; therefore, it is difficult to operate a deep neural network because of the feature scarcity for deep learning. Difficulty in semantic analysis due to morpheme ambiguity. We worked to resolve these issues by implementing a system using various convolutional neural network-based deep learning architectures and "Fasttext" which is a word-embedding model learned by syllable unit. After training and testing its implementation, we could achieve meaningful accuracy for classification of the body and context discrepancies, but the accuracy was low for classification of the headline and body discrepancies.

깊은 합성곱 신경망을 이용한 Synthetic Aperture Radar 영상 내 반전 잡음 성분 제거 기법 (A Despeckling Method Using Deep Convolutional Neural Network in Synthetic Aperture Radar Image)

  • 김문흠;이정현;정제창
    • 한국방송∙미디어공학회:학술대회논문집
    • /
    • 한국방송∙미디어공학회 2017년도 추계학술대회
    • /
    • pp.66-69
    • /
    • 2017
  • 본 논문에서는 깊은 합성 곱 신경망 (Deep Convolutional Neural Network) 를 이용해서 SAR (Synthetic Aperture Radar) 영상의 반전 잡음 (speckle noise) 성분을 제거하는 기법을 제안하고자 한다. Deep Convolutional Neural Network는 이미지의 데이터 특성에 적합한 딥 러닝 방법이고, 이는 SAR 위성영상의 반전 잡음 제거에 사용해도 효과적이다. 반전 잡음 필터 모델 추정을 위한 학습은 임의로 반전 잡음을 합성한 트레이닝 이미지들과 원본 트레이닝 이미지들을 이용한 회귀모델을 통해 진행된다. 학습을 통해 얻은 반전 잡음 필터는 기존 알고리즘에 비해 우수한 외곽선 보존 성능을 나타냄을 확인하였다.

  • PDF

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.

Estimating aquifer location using deep neural network with electrical impedance tomography

  • Sharma, Sunam Kumar;Khambampati, Anil Kumar;Kim, Kyung Youn
    • 전기전자학회논문지
    • /
    • 제24권4호
    • /
    • pp.982-990
    • /
    • 2020
  • Groundwater is essential source of the freshwater. Groundwater is stored in the body of the rocks or sediments, called aquifer. Finding an aquifer is a very important part of the geophysical survey. The best method to find the aquifer is to make a borehole. Single borehole is not a suitable method if the aquifer is not located in the borehole drilled area. To overcome this problem, a cross borehole method is used. Using a cross borehole method, we can estimate aquifer location more precisely. Electrical impedance tomography is use to estimate the aquifer location inside the subsurface using the cross borehole method. Electrodes are placed inside each boreholes and area between these boreholes are analysed. An aquifer is a non-uniform structure with complex shape which can represented by the truncated Fourier series. Deep neural network is evaluated as an inverse problem solver for estimating the aquifer boundary coefficients.

Anomaly Detection Method for Drone Navigation System Based on Deep Neural Network

  • Seo, Seong-Hun;Jung, Hoon
    • Journal of Positioning, Navigation, and Timing
    • /
    • 제11권2호
    • /
    • pp.109-117
    • /
    • 2022
  • This paper proposes a method for detecting flight anomalies of drones through the difference between the command of flight controller (FC) and the navigation solution. If the drones make a flight normally, control errors generated by the difference between the desired control command of FC and the navigation solution should converge to zero. However, there is a risk of sudden change or divergence of control errors when the FC control feedback loop preset for the normal flight encounters interferences such as strong winds or navigation sensor abnormalities. In this paper, we propose the method with a deep neural network model that predicts the control error in the normal flight so that the abnormal flight state can be detected. The performance of proposed method was evaluated using the real-world flight data. The results showed that the method effectively detects anomalies in various situation.