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

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

Self-Supervised Long-Short Term Memory Network for Solving Complex Job Shop Scheduling Problem

  • Shao, Xiaorui;Kim, Chang Soo
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제15권8호
    • /
    • pp.2993-3010
    • /
    • 2021
  • The job shop scheduling problem (JSSP) plays a critical role in smart manufacturing, an effective JSSP scheduler could save time cost and increase productivity. Conventional methods are very time-consumption and cannot deal with complicated JSSP instances as it uses one optimal algorithm to solve JSSP. This paper proposes an effective scheduler based on deep learning technology named self-supervised long-short term memory (SS-LSTM) to handle complex JSSP accurately. First, using the optimal method to generate sufficient training samples in small-scale JSSP. SS-LSTM is then applied to extract rich feature representations from generated training samples and decide the next action. In the proposed SS-LSTM, two channels are employed to reflect the full production statues. Specifically, the detailed-level channel records 18 detailed product information while the system-level channel reflects the type of whole system states identified by the k-means algorithm. Moreover, adopting a self-supervised mechanism with LSTM autoencoder to keep high feature extraction capacity simultaneously ensuring the reliable feature representative ability. The authors implemented, trained, and compared the proposed method with the other leading learning-based methods on some complicated JSSP instances. The experimental results have confirmed the effectiveness and priority of the proposed method for solving complex JSSP instances in terms of make-span.

기계학습기법에 기반한 국제 유가 예측 모델 (Oil Price Forecasting Based on Machine Learning Techniques)

  • 박강희;;신현정
    • 대한산업공학회지
    • /
    • 제37권1호
    • /
    • pp.64-73
    • /
    • 2011
  • Oil price prediction is an important issue for the regulators of the government and the related industries. When employing the time series techniques for prediction, however, it becomes difficult and challenging since the behavior of the series of oil prices is dominated by quantitatively unexplained irregular external factors, e.g., supply- or demand-side shocks, political conflicts specific to events in the Middle East, and direct or indirect influences from other global economical indices, etc. Identifying and quantifying the relationship between oil price and those external factors may provide more relevant prediction than attempting to unclose the underlying structure of the series itself. Technically, this implies the prediction is to be based on the vectoral data on the degrees of the relationship rather than the series data. This paper proposes a novel method for time series prediction of using Semi-Supervised Learning that was originally designed only for the vector types of data. First, several time series of oil prices and other economical indices are transformed into the multiple dimensional vectors by the various types of technical indicators and the diverse combination of the indicator-specific hyper-parameters. Then, to avoid the curse of dimensionality and redundancy among the dimensions, the wellknown feature extraction techniques, PCA and NLPCA, are employed. With the extracted features, a timepointspecific similarity matrix of oil prices and other economical indices is built and finally, Semi-Supervised Learning generates one-timepoint-ahead prediction. The series of crude oil prices of West Texas Intermediate (WTI) was used to verify the proposed method, and the experiments showed promising results : 0.86 of the average AUC.

원거리 감독과 능동 배깅을 이용한 개체명 인식 (Named Entity Recognition Using Distant Supervision and Active Bagging)

  • 이성희;송영길;김학수
    • 정보과학회 논문지
    • /
    • 제43권2호
    • /
    • pp.269-274
    • /
    • 2016
  • 개체명 인식은 문장에서 개체명을 추출하고 추출된 개체명의 범주를 결정하는 작업이다. 기존의 개체명 인식 연구는 주로 지도 학습 기법이 사용되어 왔다. 지도 학습을 위해서는 개체명 범주가 수동으로 부착된 대용량의 학습 말뭉치가 필요하며, 대용량의 학습 말뭉치를 수동으로 구축하는 것은 시간과 인력이 많이 들어가는 일이다. 본 논문에서는 학습 말뭉치 구축비용을 최소화하면서 개체명 인식 성능을 빠르게 향상시키기 위한 준지도 학습 방법을 제안한다. 제안 방법은 초기 학습 말뭉치를 구축하기 위해 원거리 감독법을 사용한다. 그리고 배깅과 능동 학습을 결합한 앙상블 기법의 하나인 능동 배깅을 사용하여 초기 학습 말뭉치에 포함된 노이즈 문장을 효과적으로 제거한다. 실험 결과, 15회의 능동 배깅을 통해 개체명 인식 F1-점수를 67.36%에서 76.42%로 향상시켰다.

Self-Supervised Document Representation Method

  • Yun, Yeoil;Kim, Namgyu
    • 한국컴퓨터정보학회논문지
    • /
    • 제25권5호
    • /
    • pp.187-197
    • /
    • 2020
  • 최근 신경망 기반의 학습 알고리즘인 딥 러닝 기술의 발전으로 인해 텍스트의 문맥을 고려한 문서 임베딩 모델이 다양하게 고안되었으며, 특히 대량의 텍스트 데이터를 사용하여 학습을 수행한 사전 학습 언어 모델을 사용하여 분석 문서의 벡터를 추론하는 방식의 임베딩이 활발하게 연구되고 있다. 하지만 기존의 사전 학습 언어 모델을 사용하여 새로운 텍스트에 대한 임베딩을 수행할 경우 해당 텍스트가 가진 고유한 정보를 충분히 활용하지 못한다는 한계를 가지며, 이는 특히 텍스트가 가진 토큰의 수에 큰 영향을 받는 것으로 알려져 있다. 이에 본 연구에서는 다수의 토큰을 포함한 장문 텍스트의 정보를 최대한 활용하여 해당 텍스트의 벡터를 도출할 수 있는 자기 지도 학습 기반의 사전 학습 언어 모델 미세 조정 방법을 제안한다. 또한, 제안 방법론을 실제 뉴스 기사에 적용하여 문서 벡터를 도출하고 이를 활용하여 뉴스의 카테고리 분류 실험을 수행하는 외부적인 임베딩 평가를 수행함으로써, 제안 방법론과 기존 문서 임베딩 모델과의 성능을 평가하였다. 그 결과 제안 방법론을 통해 도출된 벡터가 텍스트의 고유 정보를 충분히 활용함으로써, 문서의 특성을 더욱 정확하게 표현할 수 있음을 확인하였다.

자기 지도 학습훈련 기반의 Noise2Void 네트워크를 이용한 PET 영상의 잡음 제거 평가: 팬텀 실험 (The Evaluation of Denoising PET Image Using Self Supervised Noise2Void Learning Training: A Phantom Study)

  • 윤석환;박찬록
    • 대한방사선기술학회지:방사선기술과학
    • /
    • 제44권6호
    • /
    • pp.655-661
    • /
    • 2021
  • Positron emission tomography (PET) images is affected by acquisition time, short acquisition times results in low gamma counts leading to degradation of image quality by statistical noise. Noise2Void(N2V) is self supervised denoising model that is convolutional neural network (CNN) based deep learning. The purpose of this study is to evaluate denoising performance of N2V for PET image with a short acquisition time. The phantom was scanned as a list mode for 10 min using Biograph mCT40 of PET/CT (Siemens Healthcare, Erlangen, Germany). We compared PET images using NEMA image-quality phantom for standard acquisition time (10 min), short acquisition time (2min) and simulated PET image (S2 min). To evaluate performance of N2V, the peak signal to noise ratio (PSNR), normalized root mean square error (NRMSE), structural similarity index (SSIM) and radio-activity recovery coefficient (RC) were used. The PSNR, NRMSE and SSIM for 2 min and S2 min PET images compared to 10min PET image were 30.983, 33.936, 9.954, 7.609 and 0.916, 0.934 respectively. The RC for spheres with S2 min PET image also met European Association of Nuclear Medicine Research Ltd. (EARL) FDG PET accreditation program. We confirmed generated S2 min PET image from N2V deep learning showed improvement results compared to 2 min PET image and The PET images on visual analysis were also comparable between 10 min and S2 min PET images. In conclusion, noisy PET image by means of short acquisition time using N2V denoising network model can be improved image quality without underestimation of radioactivity.

다단계 딥러닝 기반 다이캐스팅 공정 불량 검출 (Fault Detection in Diecasting Process Based on Deep-Learning)

  • 이정수;최영심
    • 한국주조공학회지
    • /
    • 제42권6호
    • /
    • pp.369-376
    • /
    • 2022
  • 다이캐스팅 공정은 다양한 산업군의 인프라 역할을 수행하는 중요한 공정이지만, 높은 불량률로 인하여 관련 기업들의 수익성 및 생산성의 한계가 있는 상황이다. 이를 타개하기 위하여, 본 연구에서는 다이캐스팅 공정의 불량 검출을 위한 산업인공지능 기반 모듈을 구성하였다. 개발된 불량 검출 모듈은 제공되는 데이터의 특징에 따라서 3단계로 동작되는 모델로 구성된다. 1단계 모델은 비지도학습 기반 이상 검출을 진행하며, 레이블이 없는 데이터셋을 대상으로 작동한다. 2단계 모델은 반지도학습 기반으로 이상 검출을 진행하며, 양품 데이터의 레이블만 존재하는 데이터셋을 대상으로 작동하며, 3단계 모델은 소수의 불량 데이터가 제공된 상황의 지도학습 모델을 기반으로 작동한다. 개발된 모델은 실제 다이캐스팅 양품 데이터를 바탕으로 96% 이상의 우수한 양품 검출 성능을 보였다.

인공지능 플랫폼을 활용한 융합수업안 개발 : 5-6학년 환경교육을 중심으로 (Development of Convergence Educational Program Using AI Platform: Focusing on Environmental Education for Grades 5-6)

  • 최형윤;신승기
    • 한국정보교육학회:학술대회논문집
    • /
    • 한국정보교육학회 2021년도 학술논문집
    • /
    • pp.213-221
    • /
    • 2021
  • 4차 산업혁명을 맞이하여 인공지능 교육의 필요성이 증대되었고 코로나19로 인한 온라인 학습 환경은 다양한 인공지능 플랫폼 체험형 수업을 가능하게 하였다. 이 연구에서는 인공지능 플랫폼을 활용하여 인공지능 교육 목표를 달성할 수 있도록 수업안을 개발하여 제안하였다. 활용한 인공지능 플랫폼은 AI for Oceans이며 환경을 위한 프로그램 만들기라는 주제로 6차시 분량의 노벨엔지니어링 기반 STEAM 수업을 설계하였다. 이 모델은 수업의 전체 상황을 아우르며 문제해결의 맥락을 제공한다. 학생들은 AI for Oceans를 체험하며 지도 학습에 대한 충분한 탐색 과정을 거친 후 지도 학습에 대한 이해를 바탕으로 엔트리의 인공지능 블록을 사용하여 환경을 위한 나만의 프로그램을 설계한다. 본 연구에서는 인공지능융합교육을 위하여 인공지능의 원리를 토대로 문제 해결에 활용하여 창의적인 문제해결역량 및 융합적 사고력을 강화하는 것을 목표로 수업안을 개발하여 제시하였다.

  • PDF

그래프 신경망 기반 가변 자동 인코더로 분자 생성에 관한 연구 (A study on Generating Molecules with Variational Auto-encoders based on Graph Neural Networks)

  • 에드워드 카야디;송미화
    • 한국정보처리학회:학술대회논문집
    • /
    • 한국정보처리학회 2022년도 추계학술발표대회
    • /
    • pp.380-382
    • /
    • 2022
  • Extracting informative representation of molecules using graph neural networks(GNNs) is crucial in AI-driven drug discovery. Recently, the graph research community has been trying to replicate the success of self supervised in natural language processing, with several successes claimed. However, we find the benefit brought by self-supervised learning on applying varitional auto-encoders can be potentially effective on molecular data.

디지털 시그널 프로세서를 이용한 스카라 로봇의 적응-신경제어기 설계 (Design of Adaptive-Neuro Controller of SCARA Robot Using Digital Signal Processor)

  • 한성현
    • 한국생산제조학회지
    • /
    • 제6권1호
    • /
    • pp.7-17
    • /
    • 1997
  • During the past decade, there were many well-established theories for the adaptive control of linear systems, but there exists relatively little general theory for the adaptive control of nonlinear systems. Adaptive control technique is essential for providing a stable and robust performance for application of industrial robot control. Neural network computing methods provide one approach to the development of adaptive and learning behavior in robotic system for manufacturing. Computational neural networks have been demonstrated which exhibit capabilities for supervised learning, matching, and generalization for problems on an experimental scale. Supervised learning could improve the efficiency of training and development of robotic systems. In this paper, a new scheme of adaptive-neuro control system to implement real-time control of robot manipulator using digital signal processors is proposed. Digital signal processors, DSPs, are micro-processors that are developed particularly for fast numerical computations involving sums and products of variables. The proposed neuro control algorithm is one of learning a model based error back-propagation scheme using Lyapunov stability analysis method. The proposed adaptive-neuro control scheme is illustrated to be an efficient control scheme for implementation of real-time control for SCARA robot with four-axes by experiment.

  • PDF

나이브 베이지안 환경에서 미분류 데이터를 이용한 성능향상 (Improving the Classification Accuracy Using Unlabeled Data: A Naive Bayesian Case)

  • 이창환
    • 정보처리학회논문지B
    • /
    • 제13B권4호
    • /
    • pp.457-462
    • /
    • 2006
  • 많은 경우에 분류데이터의 생성은 사람의 시간과 노력에 의존하기 때문에 많은 비용과 시간을 요구한다. 이에 반하여 미분류 데이터는 거의 비용을 들이지 않고 무제한의 데이터를 쉽게 획득할 수 있다. 따라서 기계학습에 있어서 이러한 미분류 데이터를 이용하여 분류학습의 성능을 향상시킬 수 있는 준감독자(semi-supervised)학습 방법이 최근 관심을 끌고 있다. 본 논문에서는 미분류 데이터가 분류학습의 성능향상에 마치는 영향을 분석하기 위하여 나이브 베이지안의 환경에서 미분류 데이터를 이용한 학습방법을 제시하고 이를 이용하여 미분류 데이터의 효용성을 실험적으로 조사하였다. 미분류 데이터는 나이브 베이지안의 환경에서 분류데이터의 숫자가 적을 때 특히 많은 효과를 보임을 알 수 있었다.