• 제목/요약/키워드: Supervised learning

검색결과 747건 처리시간 0.031초

강건한 객체탐지 구축을 위해 Pseudo Labeling 을 활용한 Active Learning (Active Learning with Pseudo Labeling for Robust Object Detection)

  • 김채윤;이상민
    • 한국정보처리학회:학술대회논문집
    • /
    • 한국정보처리학회 2023년도 추계학술발표대회
    • /
    • pp.712-715
    • /
    • 2023
  • 딥러닝 기술의 발전은 고품질의 대규모 데이터에 크게 의존한다. 그러나, 데이터의 품질과 일관성을 유지하는 것은 상당한 비용과 시간이 소요된다. 이러한 문제를 해결하기 위해 최근 연구에서 최소한의 비용으로 최대의 성능을 추구하는 액티브 러닝(active learning) 기법이 주목받고 있는데, 액티브 러닝은 모델 관점에서 불확실성(uncertainty)이 높은 데이터들을 샘플링 하는데 중점을 둔다. 하지만, 레이블 생성에 있어서 여전히 많은 시간적, 자원적 비용이 불가피한 점을 고려할 때 보완이 불가피 하다. 본 논문에서는 의사-라벨링(pseudo labeling)을 활용한 준지도학습(semi-supervised learning) 방식과 학습 손실을 동시에 사용하여 모델의 불확실성(uncertainty)을 측정하는 방법론을 제안한다. 제안 방식은 레이블의 신뢰도(confidence)와 학습 손실의 최적화를 통해 비용 효율적인 데이터 레이블 생성 방식을 제안한다. 특히, 레이블 데이터의 품질(quality) 및 일관성(consistency) 측면에서 딥러닝 모델의 정확도 성능을 높임과 동시에 적은 데이터만으로도 효과적인 학습이 가능할 수 있는 메커니즘을 제안한다.

ON THE STRUCTURE AND LEARNING OF NEURAL-NETWORK-BASED FUZZY LOGIC CONTROL SYSTEMS

  • C.T. Lin;Lee, C.S. George
    • 한국지능시스템학회:학술대회논문집
    • /
    • 한국퍼지및지능시스템학회 1993년도 Fifth International Fuzzy Systems Association World Congress 93
    • /
    • pp.993-996
    • /
    • 1993
  • This paper addresses the structure and its associated learning algorithms of a feedforward multi-layered connectionist network, which has distributed learning abilities, for realizing the basic elements and functions of a traditional fuzzy logic controller. The proposed neural-network-based fuzzy logic control system (NN-FLCS) can be contrasted with the traditional fuzzy logic control system in their network structure and learning ability. An on-line supervised structure/parameter learning algorithm dynamic learning algorithm can find proper fuzzy logic rules, membership functions, and the size of output fuzzy partitions simultaneously. Next, a Reinforcement Neural-Network-Based Fuzzy Logic Control System (RNN-FLCS) is proposed which consists of two closely integrated Neural-Network-Based Fuzzy Logic Controllers (NN-FLCS) for solving various reinforcement learning problems in fuzzy logic systems. One NN-FLC functions as a fuzzy predictor and the other as a fuzzy controller. As ociated with the proposed RNN-FLCS is the reinforcement structure/parameter learning algorithm which dynamically determines the proper network size, connections, and parameters of the RNN-FLCS through an external reinforcement signal. Furthermore, learning can proceed even in the period without any external reinforcement feedback.

  • PDF

Bagging deep convolutional autoencoders trained with a mixture of real data and GAN-generated data

  • Hu, Cong;Wu, Xiao-Jun;Shu, Zhen-Qiu
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제13권11호
    • /
    • pp.5427-5445
    • /
    • 2019
  • While deep neural networks have achieved remarkable performance in representation learning, a huge amount of labeled training data are usually required by supervised deep models such as convolutional neural networks. In this paper, we propose a new representation learning method, namely generative adversarial networks (GAN) based bagging deep convolutional autoencoders (GAN-BDCAE), which can map data to diverse hierarchical representations in an unsupervised fashion. To boost the size of training data, to train deep model and to aggregate diverse learning machines are the three principal avenues towards increasing the capabilities of representation learning of neural networks. We focus on combining those three techniques. To this aim, we adopt GAN for realistic unlabeled sample generation and bagging deep convolutional autoencoders (BDCAE) for robust feature learning. The proposed method improves the discriminative ability of learned feature embedding for solving subsequent pattern recognition problems. We evaluate our approach on three standard benchmarks and demonstrate the superiority of the proposed method compared to traditional unsupervised learning methods.

후두음성 질환에 대한 인공지능 연구 (Artificial Intelligence for Clinical Research in Voice Disease)

  • 석준걸;권택균
    • 대한후두음성언어의학회지
    • /
    • 제33권3호
    • /
    • pp.142-155
    • /
    • 2022
  • Diagnosis using voice is non-invasive and can be implemented through various voice recording devices; therefore, it can be used as a screening or diagnostic assistant tool for laryngeal voice disease to help clinicians. The development of artificial intelligence algorithms, such as machine learning, led by the latest deep learning technology, began with a binary classification that distinguishes normal and pathological voices; consequently, it has contributed in improving the accuracy of multi-classification to classify various types of pathological voices. However, no conclusions that can be applied in the clinical field have yet been achieved. Most studies on pathological speech classification using speech have used the continuous short vowel /ah/, which is relatively easier than using continuous or running speech. However, continuous speech has the potential to derive more accurate results as additional information can be obtained from the change in the voice signal over time. In this review, explanations of terms related to artificial intelligence research, and the latest trends in machine learning and deep learning algorithms are reviewed; furthermore, the latest research results and limitations are introduced to provide future directions for researchers.

Knowledge Distillation 계층 변화에 따른 Anchor Free 물체 검출 Continual Learning (Anchor Free Object Detection Continual Learning According to Knowledge Distillation Layer Changes)

  • 강수명;정대원;이준재
    • 한국멀티미디어학회논문지
    • /
    • 제25권4호
    • /
    • pp.600-609
    • /
    • 2022
  • In supervised learning, labeling of all data is essential, and in particular, in the case of object detection, all objects belonging to the image and to be learned have to be labeled. Due to this problem, continual learning has recently attracted attention, which is a way to accumulate previous learned knowledge and minimize catastrophic forgetting. In this study, a continaul learning model is proposed that accumulates previously learned knowledge and enables learning about new objects. The proposed method is applied to CenterNet, which is a object detection model of anchor-free manner. In our study, the model is applied the knowledge distillation algorithm to be enabled continual learning. In particular, it is assumed that all output layers of the model have to be distilled in order to be most effective. Compared to LWF, the proposed method is increased by 23.3%p mAP in 19+1 scenarios, and also rised by 28.8%p in 15+5 scenarios.

Aspect-based Sentiment Analysis of Product Reviews using Multi-agent Deep Reinforcement Learning

  • M. Sivakumar;Srinivasulu Reddy Uyyala
    • Asia pacific journal of information systems
    • /
    • 제32권2호
    • /
    • pp.226-248
    • /
    • 2022
  • The existing model for sentiment analysis of product reviews learned from past data and new data was labeled based on training. But new data was never used by the existing system for making a decision. The proposed Aspect-based multi-agent Deep Reinforcement learning Sentiment Analysis (ADRSA) model learned from its very first data without the help of any training dataset and labeled a sentence with aspect category and sentiment polarity. It keeps on learning from the new data and updates its knowledge for improving its intelligence. The decision of the proposed system changed over time based on the new data. So, the accuracy of the sentiment analysis using deep reinforcement learning was improved over supervised learning and unsupervised learning methods. Hence, the sentiments of premium customers on a particular site can be explored to other customers effectively. A dynamic environment with a strong knowledge base can help the system to remember the sentences and usage State Action Reward State Action (SARSA) algorithm with Bidirectional Encoder Representations from Transformers (BERT) model improved the performance of the proposed system in terms of accuracy when compared to the state of art methods.

균열 탐지의 의미론적 분할을 위한 Mean Teacher 학습 구조 최적화 (Mean Teacher Learning Structure Optimization for Semantic Segmentation of Crack Detection)

  • 심승보
    • 한국구조물진단유지관리공학회 논문집
    • /
    • 제27권5호
    • /
    • pp.113-119
    • /
    • 2023
  • 인프라 구조물은 대부분 경제 성장기에 완공되었다. 이러한 인프라 구조물은 최근 들어 공용연수가 점차 증가하고 있어 노후 구조물의 비중이 점차 증가하고 있다. 이러한 노후 구조물은 설계 당시의 기능과 성능이 저하될 수 있고 안전사고로까지 이어질 수 있다. 이를 예방하기 위해서는 정확한 점검과 적절한 보수가 필수적이다. 이를 위해서는 우선 미세한 균열까지 정확히 탐지할 수 있도록 컴퓨터 비전과 딥러닝 기술에 수요가 증가하고 있다. 하지만 딥러닝 알고리즘은 다수의 학습 데이터가 있어야 한다. 특히 영상 내 균열의 위치를 표시한 라벨 영상은 필수적이다. 이러한 라벨 영상을 다수 확보하기 위해서는 많은 노동력과 시간이 필요한 실정이다. 이러한 비용을 절감하고 탐지 정확도를 높이기 위해서 본 연구에서는 mean teacher 방식의 학습 구조를 제안하였다. 이 학습 구조는 900장의 라벨 영상 데이터 세트와 3000장의 비라벨 영상 데이터 세트로 훈련되었다. 학습된 균열 탐지 신경망 모델은 300여장의 실험용 데이터 세트를 통해 평가되었고 탐지 정확도는 89.23%의 mean intersection over union과 89.12%의 F1 score를 기록하였다. 이 설험을 통해 지도학습과 비교하여 탐지 성능이 향상된 것을 확인하였다. 향후에 이러한 방법은 라벨 영상을 확보하는데 필요한 비용을 절감하는데 활용될 것으로 기대한다.

자료 전송 데이터 분석을 통한 이상 행위 탐지 모델의 관한 연구 (A Study on the Abnormal Behavior Detection Model through Data Transfer Data Analysis)

  • 손인재;김휘강
    • 정보보호학회논문지
    • /
    • 제30권4호
    • /
    • pp.647-656
    • /
    • 2020
  • 최근 국가·공공기관 등 중요자료(개인정보, 기술 등)가 외부로 유출되는 사례가 증가하고 있으며, 조사에 따르면 정보유출 사고의 주체로 가장 많은 부분을 차지하고 있는 것이 대부분 권한이 있는 내부자로써 조직의 주요 자산에 비교적 손쉽게 접근할 수 있다는 내부자의 특성으로 외부에서의 공격에 의한 기술유출에 비해 보다 더 큰 피해를 일으킬 수 있다. 이번 연구에서는 업무망과 인터넷망의 분리된 서로 다른 영역(보안영역과 비(非)-보안영역 등)간의 자료를 안전하게 전송해주는 망간 자료전송시스템 전송 로그, 이메일 전송 로그, 인사정보 등 실제 데이터를 이용하여 기계학습 기법 중 지도 학습 알고리즘을 통한 이상 행위 탐지를 위한 최적화된 속성 모델을 제시하고자 한다.

지도학습에서 다양한 입력 모델에 의한 초단기 태양광 발전 예측 (Forecasting of Short Term Photovoltaic Generation by Various Input Model in Supervised Learning)

  • 장진혁;신동하;김창복
    • 한국항행학회논문지
    • /
    • 제22권5호
    • /
    • pp.478-484
    • /
    • 2018
  • 본 연구는 기온, 강수량, 풍향, 풍속, 습도, 운량, 일조, 일사 등 시간별 기상 데이터를 이용하여, 일사 및 일조 그리고 태양광 발전예측을 하였다. 지도학습에서 입출력패턴은 예측에서 가장 중요한 요소이지만 인간이 직접 결정해야하기 때문에, 반복적인 실험에 의해 결정해야 한다. 본 연구는 일사 및 일조 예측을 위하여 4가지 모델의 입출력 패턴을 제안하였다. 또한, 예측된 일조 및 일사 데이터와 전라남도 영암 태양광 발전소의 발전량 데이터를 사용하여 태양광 발전량을 예측하였다. 실험결과 일조 및 일사 예측에서 모델 4가 가장 예측결과가 우수했으며, 모델 1에 비해 일조의 RMSE는 1.5배 정도 그리고 일사의 RMSE는 3배 정도 오차가 줄었다. 태양광 발전예측 실험결과 일조 및 일사와 마찬가지로 모델 4가 가장 예측결과가 좋았으며, 모델 1 보다 RMSE가 2.7배 정도 오차가 줄었다.

은행 텔레마케팅 예측을 위한 레이블 전파와 협동 학습의 결합 방법 (A Fusion Method of Co-training and Label Propagation for Prediction of Bank Telemarketing)

  • 김아름;조성배
    • 정보과학회 논문지
    • /
    • 제44권7호
    • /
    • pp.686-691
    • /
    • 2017
  • 텔레마케팅은 지식정보화 사회가 되면서 기업 마케팅 활동의 중심축으로 발전하였다. 최근 금융 데이터에 기계학습을 적용하는 연구가 활발하게 진행되고 있으며 좋은 성과를 내고 있다. 하지만 지도학습법이 대부분이어서 많은 양의 클래스가 있는 데이터가 필요하다. 본 논문에서는 텔레마케팅의 목표 고객을 선정하는데 클래스가 없는 금융 데이터에 자동으로 클래스를 부여하는 방법을 제안한다. 준지도 학습법 중 레이블 전파와 의사결정나무 기반의 협동 학습으로 클래스가 없는 데이터를 레이블링한다. 신뢰도가 낮은 데이터를 제거한 후 두 방법이 같은 클래스로 예측한 데이터만 추출한다. 이를 학습 데이터에 추가한 후 의사결정나무를 학습하여 테스트 데이터로 평가한다. 제안하는 방법의 유용성을 입증하기 위해 실제 포르투갈 은행의 텔레마케팅 데이터를 이용하여 실험을 수행하였다. 비교 실험 결과, 정확도가 83.39%로 1.82% 향상되고, 정밀도가 19.37%로 2.67% 향상되었으며, t-검증을 통해 유의미한 성능 향상이 있음을 입증하였다.