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

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

Privacy-Preserving Deep Learning using Collaborative Learning of Neural Network Model

  • Hye-Kyeong Ko
    • International journal of advanced smart convergence
    • /
    • 제12권2호
    • /
    • pp.56-66
    • /
    • 2023
  • The goal of deep learning is to extract complex features from multidimensional data use the features to create models that connect input and output. Deep learning is a process of learning nonlinear features and functions from complex data, and the user data that is employed to train deep learning models has become the focus of privacy concerns. Companies that collect user's sensitive personal information, such as users' images and voices, own this data for indefinite period of times. Users cannot delete their personal information, and they cannot limit the purposes for which the data is used. The study has designed a deep learning method that employs privacy protection technology that uses distributed collaborative learning so that multiple participants can use neural network models collaboratively without sharing the input datasets. To prevent direct leaks of personal information, participants are not shown the training datasets during the model training process, unlike traditional deep learning so that the personal information in the data can be protected. The study used a method that can selectively share subsets via an optimization algorithm that is based on modified distributed stochastic gradient descent, and the result showed that it was possible to learn with improved learning accuracy while protecting personal information.

머신러닝과 딥러닝 기법을 이용한 부산 전략산업과 수출에 의한 고용과 소득 예측 (Machine Learning and Deep Learning Models to Predict Income and Employment with Busan's Strategic Industry and Export)

  • 이재득
    • 무역학회지
    • /
    • 제46권1호
    • /
    • pp.169-187
    • /
    • 2021
  • This paper analyzes the feasibility of using machine learning and deep learning methods to forecast the income and employment using the strategic industries as well as investment, export, and exchange rates. The decision tree, artificial neural network, support vector machine, and deep learning models were used to forecast the income and employment in Busan. The following were the main findings of the comparison of their predictive abilities. First, the decision tree models predict the income and employment well. The forecasting values for the income and employment appeared somewhat differently according to the depth of decision trees and several conditions of strategic industries as well as investment, export, and exchange rates. Second, since the artificial neural network models show that the coefficients are somewhat low and RMSE are somewhat high, these models are not good forecasting the income and employment. Third, the support vector machine models show the high predictive power with the high coefficients of determination and low RMSE. Fourth, the deep neural network models show the higher predictive power with appropriate epochs and batch sizes. Thus, since the machine learning and deep learning models can predict the employment well, we need to adopt the machine learning and deep learning models to forecast the income and employment.

Multi-type Image Noise Classification by Using Deep Learning

  • Waqar Ahmed;Zahid Hussain Khand;Sajid Khan;Ghulam Mujtaba;Muhammad Asif Khan;Ahmad Waqas
    • International Journal of Computer Science & Network Security
    • /
    • 제24권7호
    • /
    • pp.143-147
    • /
    • 2024
  • Image noise classification is a classical problem in the field of image processing, machine learning, deep learning and computer vision. In this paper, image noise classification is performed using deep learning. Keras deep learning library of TensorFlow is used for this purpose. 6900 images images are selected from the Kaggle database for the classification purpose. Dataset for labeled noisy images of multiple type was generated with the help of Matlab from a dataset of non-noisy images. Labeled dataset comprised of Salt & Pepper, Gaussian and Sinusoidal noise. Different training and tests sets were partitioned to train and test the model for image classification. In deep neural networks CNN (Convolutional Neural Network) is used due to its in-depth and hidden patterns and features learning in the images to be classified. This deep learning of features and patterns in images make CNN outperform the other classical methods in many classification problems.

잡음 환경에 효과적인 음성 인식을 위한 Gaussian mixture model deep neural network 하이브리드 기반의 특징 보상 (A study on Gaussian mixture model deep neural network hybrid-based feature compensation for robust speech recognition in noisy environments)

  • 윤기무;김우일
    • 한국음향학회지
    • /
    • 제37권6호
    • /
    • pp.506-511
    • /
    • 2018
  • 본 논문에서는 잡음 환경에서 효과적인 음성인식을 위하여 GMM(Gaussian Mixture Model)-DNN(Deep Neural Network) 하이브리드 기반의 특징 보상 기법을 제안한다. 기존의 GMM 기반의 특징 보상에서 필요로 하는 사후 확률을 DNN을 통해 계산한다. Aurora 2.0 데이터를 이용한 음성 인식 성능 평가에서 본 논문에서 제안한 GMM-DNN 하이브리드 기법이 기존의 GMM 기반 기법에 비해 Known, Unknown 잡음 환경에서 모두 평균적으로 우수한 성능을 나타낸다. 특히 Unknown 잡음 환경에서 평균 오류율이 9.13 %의 상대 향상률을 나타내고, 낮은 SNR(Signal to Noise Ratio) 잡음 환경에서 상당히 우수한 성능을 보인다.

소 부류 객체 분류를 위한 CNN기반 학습망 설계 (Training Network Design Based on Convolution Neural Network for Object Classification in few class problem)

  • 임수창;김승현;김연호;김도연
    • 한국정보통신학회논문지
    • /
    • 제21권1호
    • /
    • pp.144-150
    • /
    • 2017
  • 최근 데이터의 지능적 처리 및 정확도 향상을 위해 딥러닝 기술이 응용되고 있다. 이 기술은 다층의 데이터 처리 레이어들로 구성된 계산 모델을 통해 이루어지는데, 이 모델은 여러 수준의 추상화를 거쳐 데이터의 표현을 학습한다. 딥러닝의 한 부류인 컨볼루션 신경망은 인간 행동 추정, 얼굴 인식, 이미지 분류, 음성 인식 같은 연구 분야에서 많이 활용되고 있다. 이미지 분류에 좋은 성능을 보여주는 컨볼루션 신경망은 깊은 학습망과 많은 부류를 이용하면 효과적으로 분류율을 높일수 있지만, 적은 부류의 데이터를 사용할 경우, 과적합 문제가 발생할 확률이 높아진다. 따라서 본 논문에서는 컨볼루션 신경망기반의 소부류의 분류을 위한 학습망을 제작하여 자체적으로 구축한 이미지 DB를 학습시키고, 객체를 분류하는 연구를 실험 하였으며, 1000개의 부류를 분류하기 위해 제작된 기존 공개된 망들과 비교 실험을 통해 기존 망보다 평균 7.06%이상의 상승된 분류율을 보여주었다.

Recurrent Neural Network을 이용한 플로우 기반 네트워크 트래픽 분류 (Flow based Network Traffic Classification Using Recurrent Neural Network)

  • 임현교;김주봉;허주성;권도형;한연희
    • 한국정보처리학회:학술대회논문집
    • /
    • 한국정보처리학회 2017년도 추계학술발표대회
    • /
    • pp.835-838
    • /
    • 2017
  • 최근 다양한 네트워크 서비스와 응용들이 생겨나면서, 네트워크상에 다양한 네트워크 트래픽이 발생하고 있다. 이로 인하여, 네트워크에 불필요한 네트워크 트래픽도 많이 발생하면서 네트워크 성능에 저하를 발생 시키고 있다. 따라서, 네트워크 트래픽 분류를 통하여 빠르게 제공되어야 하는 네트워크 서비스를 빠르게 전송 할 수 있도록 각 네트워크 트래픽마다의 분류가 필요하다. 본 논문에서는 Deep Learning 기법 중 Recurrent Neural Network를 이용한 플로우 기반의 네트워크 트래픽 분류를 제안한다. Deep Learning은 네트워크 관리자의 개입 없이 네트워크 트래픽 분류를 할 수 있으며, 이를 위하여 네트워크 트래픽을 Recurrent Neural Network에 적합한 데이터 형태로 변환한다. 변환된 데이터 세트를 이용하여 훈련시킴으로써 네트워크 트래픽을 분류한다. 본 논문에서는 훈련시킨 결과를 토대로 비교 분석 및 평가를 진행한다.

딥러닝 기반의 다범주 감성분석 모델 개발 (Development of Deep Learning Models for Multi-class Sentiment Analysis)

  • 알렉스 샤이코니;서상현;권영식
    • 한국IT서비스학회지
    • /
    • 제16권4호
    • /
    • pp.149-160
    • /
    • 2017
  • Sentiment analysis is the process of determining whether a piece of document, text or conversation is positive, negative, neural or other emotion. Sentiment analysis has been applied for several real-world applications, such as chatbot. In the last five years, the practical use of the chatbot has been prevailing in many field of industry. In the chatbot applications, to recognize the user emotion, sentiment analysis must be performed in advance in order to understand the intent of speakers. The specific emotion is more than describing positive or negative sentences. In light of this context, we propose deep learning models for conducting multi-class sentiment analysis for identifying speaker's emotion which is categorized to be joy, fear, guilt, sad, shame, disgust, and anger. Thus, we develop convolutional neural network (CNN), long short term memory (LSTM), and multi-layer neural network models, as deep neural networks models, for detecting emotion in a sentence. In addition, word embedding process was also applied in our research. In our experiments, we have found that long short term memory (LSTM) model performs best compared to convolutional neural networks and multi-layer neural networks. Moreover, we also show the practical applicability of the deep learning models to the sentiment analysis for chatbot.

Korean and English Sentiment Analysis Using the Deep Learning

  • 마렌드라;최형림;임성배
    • 한국산업정보학회논문지
    • /
    • 제23권3호
    • /
    • pp.59-71
    • /
    • 2018
  • Social media has immense popularity among all services today. Data from social network services (SNSs) can be used for various objectives, such as text prediction or sentiment analysis. There is a great deal of Korean and English data on social media that can be used for sentiment analysis, but handling such huge amounts of unstructured data presents a difficult task. Machine learning is needed to handle such huge amounts of data. This research focuses on predicting Korean and English sentiment using deep forward neural network with a deep learning architecture and compares it with other methods, such as LDA MLP and GENSIM, using logistic regression. The research findings indicate an approximately 75% accuracy rate when predicting sentiments using DNN, with a latent Dirichelet allocation (LDA) prediction accuracy rate of approximately 81%, with the corpus being approximately 64% accurate between English and Korean.

Autonomous pothole detection using deep region-based convolutional neural network with cloud computing

  • Luo, Longxi;Feng, Maria Q.;Wu, Jianping;Leung, Ryan Y.
    • Smart Structures and Systems
    • /
    • 제24권6호
    • /
    • pp.745-757
    • /
    • 2019
  • Road surface deteriorations such as potholes have caused motorists heavy monetary damages every year. However, effective road condition monitoring has been a continuing challenge to road owners. Depth cameras have a small field of view and can be easily affected by vehicle bouncing. Traditional image processing methods based on algorithms such as segmentation cannot adapt to varying environmental and camera scenarios. In recent years, novel object detection methods based on deep learning algorithms have produced good results in detecting typical objects, such as faces, vehicles, structures and more, even in scenarios with changing object distances, camera angles, lighting conditions, etc. Therefore, in this study, a Deep Learning Pothole Detector (DLPD) based on the deep region-based convolutional neural network is proposed for autonomous detection of potholes from images. About 900 images with potholes and road surface conditions are collected and divided into training and testing data. Parameters of the network in the DLPD are calibrated based on sensitivity tests. Then, the calibrated DLPD is trained by the training data and applied to the 215 testing images to evaluate its performance. It is demonstrated that potholes can be automatically detected with high average precision over 93%. Potholes can be differentiated from manholes by training and applying a manhole-pothole classifier which is constructed using the convolutional neural network layers in DLPD. Repeated detection of the same potholes can be prevented through feature matching of the newly detected pothole with previously detected potholes within a small region.

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

  • 공성현;백원경;정형섭
    • 대한원격탐사학회지
    • /
    • 제38권6_2호
    • /
    • pp.1723-1735
    • /
    • 2022
  • 산사태는 가장 널리 퍼진 자연재해 중 하나로 인명 및 재산피해 뿐만 아니라 범 국가적 차원의 피해를 유발할 수 있기 때문에 효과적인 예측 및 예방이 필수적이다. 높은 정확도를 갖는 산사태 취약성도를 제작하려는 연구는 꾸준히 진행되고 있으며 다양한 모델이 산사태 취약성 분석에 적용되어 왔다. 빈도비 모델, logistic regression 모델, ensembles 모델, 인공신경망 등의 모델과 같이 픽셀기반 머신러닝 모델들이 주로 적용되어 왔고 최근 연구에서는 커널기반의 합성곱신경망 기법이 효과적이라는 사실과 함께 입력자료의 공간적 특성이 산사태 취약성 매핑의 정확도에 중요한 영향을 미친다는 사실이 알려졌다. 이러한 이유로 본 연구에서는 픽셀기반 deep neural network (DNN) 모델과 패치기반 convolutional neural network (CNN) 모델을 이용하여 산사태 취약성을 분석하는 것을 목적으로 한다. 연구지역은 산사태 발생 빈도가 높고 피해가 큰 인제, 강릉, 평창을 포함한 강원도 지역으로 설정하였고, 산사태 관련인자로는 경사도, 곡률, 하천강도지수, 지형습윤지수, 지형위치 지수, 임상경급, 임상영급, 암상, 토지이용, 유효토심, 토양모재, 선구조 밀도, 단층 밀도, 정규식생지수, 정규수분지수의 15개 데이터를 이용하였다. 데이터 전처리 과정을 통해 산사태관련인자를 공간데이터베이스로 구축하였으며 DNN, CNN 모델을 이용하여 산사태 취약성도를 작성하였다. 정량적인 지표를 통해 모델과 산사태 취약성도에 대한 검증을 진행하였으며 검증결과 패치기반의 CNN 모델에서 픽셀기반의 DNN 모델에 비해 3.4% 향상된 성능을 보였다. 본 연구의 결과는 산사태를 예측하는데 사용될 수 있고 토지 이용 정책 및 산사태 관리에 관한 정책 수립에 있어 기초자료 역할을 할 수 있을 것으로 기대된다.