KR20240087937A - Method and system for ensemble of recurrent neural network model - Google Patents

Method and system for ensemble of recurrent neural network model Download PDF

Info

Publication number
KR20240087937A
KR20240087937A KR1020220173111A KR20220173111A KR20240087937A KR 20240087937 A KR20240087937 A KR 20240087937A KR 1020220173111 A KR1020220173111 A KR 1020220173111A KR 20220173111 A KR20220173111 A KR 20220173111A KR 20240087937 A KR20240087937 A KR 20240087937A
Authority
KR
South Korea
Prior art keywords
neural network
output
recursive neural
model
models
Prior art date
Application number
KR1020220173111A
Other languages
Korean (ko)
Inventor
김철연
박아정
박영미
Original Assignee
숙명여자대학교산학협력단
Priority date (The priority date is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the date listed.)
Filing date
Publication date
Application filed by 숙명여자대학교산학협력단 filed Critical 숙명여자대학교산학협력단
Priority to KR1020220173111A priority Critical patent/KR20240087937A/en
Priority to PCT/KR2023/010120 priority patent/WO2024128446A1/en
Publication of KR20240087937A publication Critical patent/KR20240087937A/en

Links

Images

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/044Recurrent networks, e.g. Hopfield networks
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/045Combinations of networks
    • G06N3/0455Auto-encoder networks; Encoder-decoder networks
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/0475Generative networks
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/08Learning methods
    • G06N3/098Distributed learning, e.g. federated learning

Landscapes

  • Engineering & Computer Science (AREA)
  • Theoretical Computer Science (AREA)
  • Physics & Mathematics (AREA)
  • Data Mining & Analysis (AREA)
  • General Health & Medical Sciences (AREA)
  • Biomedical Technology (AREA)
  • Biophysics (AREA)
  • Computational Linguistics (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • Evolutionary Computation (AREA)
  • Artificial Intelligence (AREA)
  • Molecular Biology (AREA)
  • Computing Systems (AREA)
  • General Engineering & Computer Science (AREA)
  • General Physics & Mathematics (AREA)
  • Mathematical Physics (AREA)
  • Software Systems (AREA)
  • Health & Medical Sciences (AREA)
  • Management, Administration, Business Operations System, And Electronic Commerce (AREA)

Abstract

본 개시는 적어도 하나의 프로세서에 의해 수행되는, 재귀 신경망 모델의 앙상블 방법을 제공한다. 이 방법은, 입력 시퀀스를 수신하는 단계, 입력 시퀀스를 처리할 복수의 재귀 신경망 모델을 수신하는 단계, 매 타임 스텝(time step)마다 복수의 재귀 신경망 모델의 출력을 앙상블하여 입력 시퀀스에 대응하는 출력 시퀀스를 생성하는 단계 및 출력 시퀀스를 출력하는 단계를 포함한다.The present disclosure provides a method for ensemble of recursive neural network models, performed by at least one processor. This method includes the steps of receiving an input sequence, receiving a plurality of recursive neural network models to process the input sequence, and ensembleing the outputs of the plurality of recursive neural network models at each time step to produce an output corresponding to the input sequence. It includes steps of generating a sequence and outputting an output sequence.

Description

재귀 신경망 모델의 앙상블 방법 및 시스템{METHOD AND SYSTEM FOR ENSEMBLE OF RECURRENT NEURAL NETWORK MODEL}Ensemble method and system for recursive neural network model {METHOD AND SYSTEM FOR ENSEMBLE OF RECURRENT NEURAL NETWORK MODEL}

본 개시는 재귀 신경망 모델의 앙상블 방법 및 시스템에 관한 것으로, 구체적으로, 매 타임 스텝(time step)마다 복수의 재귀 신경망 모델의 출력을 앙상블하여 입력 시퀀스에 대응하는 출력 시퀀스를 생성하는 재귀 신경망 모델의 앙상블 방법 및 시스템에 관한 것이다.The present disclosure relates to a method and system for ensemble of a recursive neural network model, and specifically, to a recursive neural network model that ensembles the outputs of a plurality of recursive neural network models at every time step to generate an output sequence corresponding to the input sequence. It relates to ensemble methods and systems.

앙상블(ensemble)은 단일 분류기(classifier)보다 더 나은 성능을 내기 위해 여러 분류기를 만들고 결합하는 기계 학습 알고리즘 중 하나이다. 여러 약한 분류기를 조화롭게 훈련시켜 강한 단일 분류기보다 더 정확한 예측을 얻을 수 있도록 하는 앙상블 학습은 모델의 성능을 향상시키는 효과적인 방법일 수 있다. 전통적인 기계 학습 알고리즘을 사용하여 다양한 앙상블 학습이 개발되고 있다. 예를 들어, 배깅(즉, 부트스트랩(bootstrap) 집계)은 기계 학습 알고리즘의 성능과 정확도를 향상시키는 데 도움이 되는 앙상블 학습 기법이다. 배깅이 여러 모델의 결과를 집계하는 방식은 해결하려는 문제에 따라 상이할 수 있다. 배깅 앙상블 전략을 채택함으로써, 분류 모델은 개별 예측에 투표하고, 회귀 모델은 출력을 평균화할 수 있다. 그 후, 모델은 최종 결과를 선택할 수 있다.Ensemble is a type of machine learning algorithm that creates and combines multiple classifiers to perform better than a single classifier. Ensemble learning, which trains multiple weak classifiers in harmony to obtain more accurate predictions than a single strong classifier, can be an effective way to improve model performance. A variety of ensemble learning methods are being developed using traditional machine learning algorithms. For example, bagging (i.e. bootstrap aggregation) is an ensemble learning technique that helps improve the performance and accuracy of machine learning algorithms. The way bagging aggregates the results of multiple models can vary depending on the problem being solved. By adopting a bagging ensemble strategy, the classification model can vote on individual predictions, and the regression model can average the output. Afterwards, the model can select the final result.

앙상블 학습에 널리 사용되는 기계 학습 알고리즘 중 하나인 부스팅(boosting)은 병렬로 학습하는 배깅과 달리, 여러 모델을 순차적으로 훈련하고 최종 분류기를 순차적으로 업데이트할 수 있다. 시작 모델이 예측할 때, 시작 모델은 잘못된 데이터에 가중치를 부여하고, 잘못 예측한 데이터에 집중하여 다음 학습 모델이 잘 학습할 수 있도록 하는 과정을 반복할 수 있다. 또한, 부스팅은 투표를 사용하여 최종 결과를 선택할 수 있다.Boosting, one of the machine learning algorithms widely used in ensemble learning, unlike bagging, which trains in parallel, trains multiple models sequentially and updates the final classifier sequentially. When the starting model makes a prediction, the starting model can repeat the process of giving weight to incorrect data and focusing on incorrectly predicted data so that the next learning model can learn well. Additionally, boosting can use voting to select the final result.

이후, 배깅과 부스팅의 다양한 앙상블 방법이 등장하여 다양한 작업에 적용되었다. 대표적으로, 랜덤포레스트(RandomForest), 에이다부스트(Adaboost), XGBoost, LightGBM과 같은 앙상블 방법은 딥러닝 모델에서도 분류와 회귀에서 우수한 성능을 보였다. 이러한 앙상블 방법은 단일 모델 이상의 일반화 성능을 달성할 수 있다. 또한, 이종(heterogeneous) 앙상블은 동종(homogeneous) 환경을 넘어 서로 다른 구조의 모델을 결합할 수 있다. 특히, CNN(Convolution Neural Network)의 구조는 전통적인 앙상블 방식에 적합하여, 컴퓨터 비전 분야 및 이후 음성 인식 및 텍스트 분류와 같은 분야에 적용되는 다양한 앙상블 방식에 대한 연구가 활발히 진행되고 있다.Afterwards, various ensemble methods of bagging and boosting emerged and were applied to various tasks. Typically, ensemble methods such as RandomForest, Adaboost, XGBoost, and LightGBM showed excellent performance in classification and regression even in deep learning models. These ensemble methods can achieve generalization performance better than that of a single model. Additionally, heterogeneous ensembles can combine models of different structures across homogeneous environments. In particular, the structure of CNN (Convolution Neural Network) is suitable for traditional ensemble methods, and research is being actively conducted on various ensemble methods applied to computer vision fields and later fields such as speech recognition and text classification.

CNN뿐만 아니라 재귀적 구조의 RNN(Recurrent Neural Network)에서도 N개의 예측 값을 결합하여 최종 결과의 정확도를 높이는 앙상블이 사용될 수 있다. RNN 기반 모델을 이용한 앙상블 방법은 최근까지 지속적으로 연구되어 왔다. 또한, RNN 기반의 인코더-디코더로 구성된 시퀀스-투-시퀀스(sequence-to-sequence)를 포함하여 다양한 앙상블 방법이 제안되었다. 날씨 및 주가 데이터와 같은 시계열 데이터를 예측하는 앙상블 방법은 하나의 모델이 아닌 RNN 변형의 조합을 사용하여 출력을 결정할 수 있다. 다른 방법은 에이다부스트 및 RNN 변형과 같은 부스팅 알고리즘의 조합을 사용하여 최종 모델을 결정할 수 있다. 이와 같이, 시계열 데이터를 예측하는 앙상블 방법과 같이 여러 모델을 조합하여 출력을 결정하는 시퀀스-투-시퀀스에 대한 앙상블 연구가 진행되고 있다.An ensemble can be used not only in CNN but also in RNN (Recurrent Neural Network) with a recursive structure to increase the accuracy of the final result by combining N prediction values. Ensemble methods using RNN-based models have been continuously studied until recently. Additionally, various ensemble methods have been proposed, including sequence-to-sequence, which consists of an RNN-based encoder-decoder. Ensemble methods for predicting time series data, such as weather and stock price data, may use a combination of RNN variants rather than a single model to determine the output. Other methods may use a combination of boosting algorithms such as AdaBoost and RNN variants to determine the final model. In this way, ensemble research on sequence-to-sequence, which determines the output by combining multiple models, is in progress, such as the ensemble method for predicting time series data.

기존의 RNN 앙상블 방법은 성능이 많이 향상되었으나, 다음과 같은 제한 사항이 있다. 첫째로, 최종 앙상블 단계에서는 모델의 최종 결과만 집계될 수 있다. 둘째로, RNN의 재귀 구조가 반영되지 않을 수 있다. RNN은 순차적 데이터 영역에서 잘 수행되었으나, 최종 결과만 고려하는 경우 RNN의 구조적 이점이 반영되지 않을 수 있다.The performance of the existing RNN ensemble method has been greatly improved, but it has the following limitations. First, in the final ensemble stage, only the final results of the model can be aggregated. Second, the recursive structure of the RNN may not be reflected. RNN performed well in the sequential data domain, but the structural advantages of RNN may not be reflected if only the final result is considered.

구체적으로, RNN은 순차적 데이터(예를 들어, 텍스트, 음성, 비디오 등)와 시간을 기준으로 측정된 시계열 데이터(예를 들어, 날씨, 주가 등)를 처리하는 데 적합할 수 있다. 그러나, RNN이 이전 예측이 다음 예측에 영향을 미칠 수 있는 재귀적 구조를 가지고 있음에도, 전통적인 앙상블 방식은 이러한 RNN의 구조적 속성을 반영하지 못하는 문제가 있다.Specifically, RNNs may be suitable for processing sequential data (e.g., text, voice, video, etc.) and time-series data measured in time (e.g., weather, stock prices, etc.). However, although RNNs have a recursive structure in which previous predictions can affect the next predictions, traditional ensemble methods have a problem in that they do not reflect the structural properties of RNNs.

본 개시는 상기와 같은 문제점을 해결하기 위한 재귀 신경망 모델의 앙상블 방법 및 시스템(장치)을 제공한다.The present disclosure provides a method and system (device) for ensemble of recursive neural network models to solve the above problems.

본 개시는 방법, 장치(시스템) 또는 판독 가능 저장 매체에 저장된 컴퓨터 프로그램을 포함한 다양한 방식으로 구현될 수 있다.The present disclosure may be implemented in various ways, including as a method, device (system), or computer program stored in a readable storage medium.

본 개시의 일 실시예에 따르면, 재귀 신경망 모델의 앙상블 방법은, 입력 시퀀스를 수신하는 단계, 입력 시퀀스를 처리할 복수의 재귀 신경망 모델을 수신하는 단계, 매 타임 스텝(time step)마다 복수의 재귀 신경망 모델의 출력을 앙상블하여 입력 시퀀스에 대응하는 출력 시퀀스를 생성하는 단계 및 출력 시퀀스를 출력하는 단계를 포함할 수 있다.According to an embodiment of the present disclosure, the ensemble method of a recursive neural network model includes the steps of receiving an input sequence, receiving a plurality of recursive neural network models to process the input sequence, and generating a plurality of recursive neural network models at each time step. It may include generating an output sequence corresponding to the input sequence by ensembleing the output of the neural network model and outputting the output sequence.

본 개시의 일 실시예에 따르면, 복수의 재귀 신경망 모델은 각각 상이한 학습 데이터로 학습될 수 있다.According to an embodiment of the present disclosure, a plurality of recursive neural network models may each be trained with different learning data.

본 개시의 일 실시예에 따르면, 복수의 재귀 신경망 모델은 생성 모델(generative model)일 수 있다.According to one embodiment of the present disclosure, the plurality of recursive neural network models may be generative models.

본 개시의 일 실시예에 따르면, 복수의 재귀 신경망 모델은 시퀀스-투-시퀀스 모델(Sequence-to-Sequence)일 수 있다.According to an embodiment of the present disclosure, the plurality of recursive neural network models may be a sequence-to-sequence model.

본 개시의 일 실시예에 따르면, 출력 시퀀스를 생성하는 단계는, 제1 타임 스텝에서 복수의 재귀 신경망 모델의 출력을 생성하는 단계, 제1 타임 스텝에서 복수의 재귀 신경망 모델의 출력에 기초하여 합의된 출력(settled output)을 결정하는 단계 및 합의된 출력과 상이한 출력을 가지는 재귀 신경망 모델을 제거하는 단계를 포함할 수 있다.According to an embodiment of the present disclosure, generating the output sequence includes generating outputs of a plurality of recursive neural network models in a first time step, and forming an agreement based on the outputs of the plurality of recursive neural network models in the first time step. It may include determining a settled output and removing a recursive neural network model with an output different from the agreed upon output.

본 개시의 일 실시예에 따르면, 합의된 출력은 제1 타임 스텝에서 복수의 재귀 신경망 모델 중 동일한 출력을 가지는 모델의 수에 기초하여 결정될 수 있다.According to an embodiment of the present disclosure, the agreed output may be determined based on the number of models having the same output among a plurality of recursive neural network models in the first time step.

본 개시의 일 실시예에 따르면, 매 타임 스텝마다 제거되지 않은 재귀 신경망 모델은 이전 타임 스텝에서 자신이 생성한 출력을 현재 타임 스텝의 입력으로 사용할 수 있다.According to an embodiment of the present disclosure, a recursive neural network model that is not removed at every time step may use the output it generated in the previous time step as the input of the current time step.

본 개시의 일 실시예에 따르면, 출력 시퀀스를 생성하는 단계는, 마지막 타임 스텝에 남은 적어도 하나의 재귀 신경망 모델의 각 타임 스텝에서의 출력을 연결하여 입력 시퀀스에 대응하는 출력 시퀀스를 생성하는 단계를 더 포함할 수 있다.According to an embodiment of the present disclosure, the step of generating an output sequence includes generating an output sequence corresponding to the input sequence by connecting the output at each time step of the at least one recursive neural network model remaining in the last time step. More may be included.

본 개시의 일 실시예에 따르면, 출력 시퀀스를 생성하는 단계는, 제1 타임 스텝에서 복수의 재귀 신경망 모델의 출력을 생성하는 단계, 제1 타임 스텝에서 복수의 재귀 신경망 모델의 출력에 기초하여 합의된 출력을 결정하는 단계 및 제2 타임 스텝에서 합의된 출력을 복수의 재귀 신경망 모델 모두의 입력으로 하여, 복수의 재귀 신경망 모델의 출력을 생성하는 단계를 포함할 수 있다.According to an embodiment of the present disclosure, generating the output sequence includes generating outputs of a plurality of recursive neural network models in a first time step, and forming an agreement based on the outputs of the plurality of recursive neural network models in the first time step. It may include determining an output and generating outputs of a plurality of recursive neural network models by using the outputs agreed upon in the second time step as inputs to all of the plurality of recursive neural network models.

본 개시의 일 실시예에 따르면, 합의된 출력은 제1 타임 스텝에서 복수의 재귀 신경망 모델의 출력의 신뢰도 값에 기초하여 결정될 수 있다.According to one embodiment of the present disclosure, the agreed output may be determined based on reliability values of the outputs of the plurality of recursive neural network models at the first time step.

본 개시의 일 실시예에 따르면, 출력 시퀀스를 생성하는 단계는, 모든 타임 스텝에서의 합의된 출력을 연결하여 입력 시퀀스에 대응하는 출력 시퀀스를 생성하는 단계를 더 포함할 수 있다.According to an embodiment of the present disclosure, generating the output sequence may further include generating an output sequence corresponding to the input sequence by concatenating the agreed outputs at all time steps.

본 개시의 일 실시예에 따른 방법을 컴퓨터에서 실행하기 위해 컴퓨터로 판독 가능한 기록 매체에 저장된 컴퓨터 프로그램이 제공될 수 있다.In order to execute the method according to an embodiment of the present disclosure on a computer, a computer program stored in a computer-readable recording medium may be provided.

본 개시의 일 실시예에 따른 정보 처리 시스템으로서, 통신 모듈, 메모리 및 메모리와 연결되고, 메모리에 포함된 컴퓨터 판독 가능한 적어도 하나의 프로그램을 실행하도록 구성된 적어도 하나의 프로세서를 포함하고, 적어도 하나의 프로그램은 입력 시퀀스를 수신하고, 입력 시퀀스를 처리할 복수의 재귀 신경망 모델을 수신하고, 매 타임 스텝마다 복수의 재귀 신경망 모델의 출력을 앙상블하여 입력 시퀀스에 대응하는 출력 시퀀스를 생성하고, 출력 시퀀스를 출력하기 위한 명령어들을 포함할 수 있다.An information processing system according to an embodiment of the present disclosure, comprising a communication module, a memory, and at least one processor connected to the memory and configured to execute at least one computer-readable program included in the memory, and at least one program Receives an input sequence, receives a plurality of recursive neural network models to process the input sequence, ensembles the outputs of the plurality of recursive neural network models at each time step, generates an output sequence corresponding to the input sequence, and outputs the output sequence. It may include commands for:

본 개시의 다양한 실시예에 따르면, 재귀 네트워크 아키텍처는 각 타임 스텝마다 출력을 제공하고, 해당 출력은 다음 타임 스텝에서의 다음 출력에 재귀적으로 영향을 미칠 수 있다. 이에 따라, 재귀 신경망 모델의 앙상블 방법은 각 타임 스텝에 대한 전체 모델의 출력을 재귀적으로 고려할 수 있다. 또한, 네트워크 모델과 상대적으로 독립적이기 때문에 다양한 유형의 재귀 네트워크 모델에 보편적으로 적용할 수 있다.According to various embodiments of the present disclosure, a recursive network architecture provides an output at each time step, and that output can recursively affect the next output at the next time step. Accordingly, the ensemble method of the recursive neural network model can recursively consider the output of the entire model for each time step. Additionally, because it is relatively independent of the network model, it can be universally applied to various types of recursive network models.

본 개시의 다양한 실시예에 따르면, 서바이벌 앙상블 모델을 통해, 오답 모델이 최종 결과에 영향을 미치는 것이 사전에 필터링될 수 있다. 이에 따라, RNN의 구조적 속성을 반영하여 모델의 예측 성능을 향상할 수 있다.According to various embodiments of the present disclosure, through the survival ensemble model, incorrect answer models that affect the final result may be filtered out in advance. Accordingly, the prediction performance of the model can be improved by reflecting the structural properties of the RNN.

본 개시의 다양한 실시예에 따르면, 합의 앙상블 모델을 통해 패자 모델을 탈락시키지 않고, 합의된 출력을 패자 모델에 피드백할 수 있다. 이에 따라, 매 타임 스텝마다 모든 모델이 참여하므로 앙상블 모델의 성능이 향상될 수 있다.According to various embodiments of the present disclosure, the consensus output can be fed back to the loser model without eliminating the loser model through the consensus ensemble model. Accordingly, the performance of the ensemble model can be improved because all models participate at every time step.

본 개시의 효과는 이상에서 언급한 효과로 제한되지 않으며, 언급되지 않은 다른 효과들은 청구범위의 기재로부터 본 개시가 속하는 기술분야에서 통상의 지식을 가진 자("통상의 기술자"라 함)에게 명확하게 이해될 수 있을 것이다.The effects of the present disclosure are not limited to the effects mentioned above, and other effects not mentioned are clear to a person skilled in the art (referred to as “a person skilled in the art”) in the technical field to which this disclosure pertains from the description of the claims. It will be understandable.

본 개시의 실시예들은, 이하 설명하는 첨부 도면들을 참조하여 설명될 것이며, 여기서 유사한 참조 번호는 유사한 요소들을 나타내지만, 이에 한정되지는 않는다.
도 1은 본 개시의 일 실시예에 따른 재귀 신경망 모델의 앙상블 방법의 예시를 나타낸다.
도 2는 전통적인 다수결 앙상블 모델의 구조를 나타내는 도면이다.
도 3은 전통적인 다수결 앙상블 모델의 프로세스 예시를 나타내는 도면이다.
도 4는 본 개시의 일 실시예에 따른 서바이벌 앙상블 모델의 구조를 나타내는 도면이다.
도 5는 본 개시의 일 실시예에 따른 서바이벌 앙상블 모델의 프로세스 예시를 나타내는 도면이다.
도 6은 본 개시의 일 실시예에 따른 합의 앙상블 모델의 프로세스 예시를 나타내는 도면이다.
도 7은 본 개시의 일 실시예에 따른 합의 앙상블 모델의 프로세스 예시를 나타내는 도면이다.
도 8은 본 개시의 앙상블 모델과 전통적인 다수결 앙상블 모델 및 단일 모델의 성능을 비교한 그래프를 나타내는 도면이다.
도 9는 본 개시의 일 실시예에 따른 방법의 예시를 나타내는 흐름도이다.
도 10은 본 개시의 일 실시예에 따른 출력 시퀀스를 생성하기 위해, 정보 처리 시스템이 복수의 사용자 단말과 통신 가능하도록 연결된 구성을 나타내는 개요도이다.
도 11은 본 개시의 일 실시예에 따른 사용자 단말 및 정보 처리 시스템의 내부 구성을 나타내는 블록도이다.
Embodiments of the present disclosure will be described with reference to the accompanying drawings described below, in which like reference numerals indicate like elements, but are not limited thereto.
1 shows an example of an ensemble method of a recursive neural network model according to an embodiment of the present disclosure.
Figure 2 is a diagram showing the structure of a traditional majority voting ensemble model.
Figure 3 is a diagram showing an example process of a traditional majority vote ensemble model.
Figure 4 is a diagram showing the structure of a survival ensemble model according to an embodiment of the present disclosure.
Figure 5 is a diagram showing an example process of a survival ensemble model according to an embodiment of the present disclosure.
Figure 6 is a diagram illustrating an example process of a consensus ensemble model according to an embodiment of the present disclosure.
Figure 7 is a diagram illustrating an example process of a consensus ensemble model according to an embodiment of the present disclosure.
Figure 8 is a diagram showing a graph comparing the performance of the ensemble model of the present disclosure, a traditional majority voting ensemble model, and a single model.
9 is a flowchart illustrating an example of a method according to an embodiment of the present disclosure.
Figure 10 is a schematic diagram showing a configuration in which an information processing system is connected to communicate with a plurality of user terminals in order to generate an output sequence according to an embodiment of the present disclosure.
Figure 11 is a block diagram showing the internal configuration of a user terminal and an information processing system according to an embodiment of the present disclosure.

이하, 본 개시의 실시를 위한 구체적인 내용을 첨부된 도면을 참조하여 상세히 설명한다. 다만, 이하의 설명에서는 본 개시의 요지를 불필요하게 흐릴 우려가 있는 경우, 널리 알려진 기능이나 구성에 관한 구체적 설명은 생략하기로 한다.Hereinafter, specific details for implementing the present disclosure will be described in detail with reference to the attached drawings. However, in the following description, detailed descriptions of well-known functions or configurations will be omitted if there is a risk of unnecessarily obscuring the gist of the present disclosure.

첨부된 도면에서, 동일하거나 대응하는 구성요소에는 동일한 참조부호가 부여되어 있다. 또한, 이하의 실시예들의 설명에 있어서, 동일하거나 대응되는 구성요소를 중복하여 기술하는 것이 생략될 수 있다. 그러나, 구성요소에 관한 기술이 생략되어도, 그러한 구성요소가 어떤 실시예에 포함되지 않는 것으로 의도되지는 않는다.In the accompanying drawings, identical or corresponding components are given the same reference numerals. Additionally, in the description of the following embodiments, overlapping descriptions of identical or corresponding components may be omitted. However, even if descriptions of components are omitted, it is not intended that such components are not included in any embodiment.

개시된 실시예의 이점 및 특징, 그리고 그것들을 달성하는 방법은 첨부되는 도면과 함께 후술되어 있는 실시예들을 참조하면 명확해질 것이다. 그러나, 본 개시는 이하에서 개시되는 실시예들에 한정되는 것이 아니라 서로 다른 다양한 형태로 구현될 수 있으며, 단지 본 실시예들은 본 개시가 완전하도록 하고, 본 개시가 통상의 기술자에게 발명의 범주를 완전하게 알려주기 위해 제공되는 것일 뿐이다.Advantages and features of the disclosed embodiments and methods for achieving them will become clear by referring to the embodiments described below in conjunction with the accompanying drawings. However, the present disclosure is not limited to the embodiments disclosed below and may be implemented in various different forms. The present embodiments are merely provided to ensure that the present disclosure is complete and that the present disclosure does not convey the scope of the invention to those skilled in the art. It is provided only for complete information.

본 명세서에서 사용되는 용어에 대해 간략히 설명하고, 개시된 실시예에 대해 구체적으로 설명하기로 한다. 본 명세서에서 사용되는 용어는 본 개시에서의 기능을 고려하면서 가능한 현재 널리 사용되는 일반적인 용어들을 선택하였으나, 이는 관련 분야에 종사하는 기술자의 의도 또는 판례, 새로운 기술의 출현 등에 따라 달라질 수 있다. 또한, 특정한 경우는 출원인이 임의로 선정한 용어도 있으며, 이 경우 해당되는 발명의 설명 부분에서 상세히 그 의미를 기재할 것이다. 따라서, 본 개시에서 사용되는 용어는 단순한 용어의 명칭이 아닌, 그 용어가 가지는 의미와 본 개시의 전반에 걸친 내용을 토대로 정의되어야 한다.Terms used in this specification will be briefly described, and the disclosed embodiments will be described in detail. The terms used in this specification are general terms that are currently widely used as much as possible while considering the functions in the present disclosure, but this may vary depending on the intention or precedent of a technician working in the related field, the emergence of new technology, etc. In addition, in certain cases, there are terms arbitrarily selected by the applicant, and in this case, the meaning will be described in detail in the description of the relevant invention. Accordingly, the terms used in this disclosure should be defined based on the meaning of the term and the overall content of the present disclosure, rather than simply the name of the term.

본 명세서에서의 단수의 표현은 문맥상 명백하게 단수인 것으로 특정하지 않는 한, 복수의 표현을 포함한다. 또한, 복수의 표현은 문맥상 명백하게 복수인 것으로 특정하지 않는 한, 단수의 표현을 포함한다. 명세서 전체에서 어떤 부분이 어떤 구성요소를 포함한다고 할 때, 이는 특별히 반대되는 기재가 없는 한 다른 구성요소를 제외하는 것이 아니라 다른 구성요소를 더 포함할 수 있음을 의미한다.In this specification, singular expressions include plural expressions, unless the context clearly specifies the singular. Additionally, plural expressions include singular expressions, unless the context clearly specifies plural expressions. When it is said that a certain part includes a certain element throughout the specification, this does not mean excluding other elements, but may further include other elements, unless specifically stated to the contrary.

또한, 명세서에서 사용되는 '모듈' 또는 '부'라는 용어는 소프트웨어 또는 하드웨어 구성요소를 의미하며, '모듈' 또는 '부'는 어떤 역할들을 수행한다. 그렇지만, '모듈' 또는 '부'는 소프트웨어 또는 하드웨어에 한정되는 의미는 아니다. '모듈' 또는 '부'는 어드레싱할 수 있는 저장 매체에 있도록 구성될 수도 있고 하나 또는 그 이상의 프로세서들을 재생시키도록 구성될 수도 있다. 따라서, 일 예로서, '모듈' 또는 '부'는 소프트웨어 구성요소들, 객체지향 소프트웨어 구성요소들, 클래스 구성요소들 및 태스크 구성요소들과 같은 구성요소들과, 프로세스들, 함수들, 속성들, 프로시저들, 서브루틴들, 프로그램 코드의 세그먼트들, 드라이버들, 펌웨어, 마이크로 코드, 회로, 데이터, 데이터베이스, 데이터 구조들, 테이블들, 어레이들 또는 변수들 중 적어도 하나를 포함할 수 있다. 구성요소들과 '모듈' 또는 '부'들은 안에서 제공되는 기능은 더 작은 수의 구성요소들 및 '모듈' 또는 '부'들로 결합되거나 추가적인 구성요소들과 '모듈' 또는 '부'들로 더 분리될 수 있다.Additionally, the term 'module' or 'unit' used in the specification refers to a software or hardware component, and the 'module' or 'unit' performs certain roles. However, 'module' or 'unit' is not limited to software or hardware. A 'module' or 'unit' may be configured to reside on an addressable storage medium and may be configured to run on one or more processors. Thus, as an example, a 'module' or 'part' refers to components such as software components, object-oriented software components, class components and task components, processes, functions and properties. , procedures, subroutines, segments of program code, drivers, firmware, microcode, circuits, data, databases, data structures, tables, arrays, or variables. Components and 'modules' or 'parts' may be combined into smaller components and 'modules' or 'parts' or further components and 'modules' or 'parts'. Could be further separated.

본 개시의 일 실시예에 따르면, '모듈' 또는 '부'는 프로세서 및 메모리로 구현될 수 있다. '프로세서'는 범용 프로세서, 중앙 처리 장치(CPU), 마이크로프로세서, 디지털 신호 프로세서(DSP), 제어기, 마이크로제어기, 상태 머신 등을 포함하도록 넓게 해석되어야 한다. 몇몇 환경에서, '프로세서'는 주문형 반도체(ASIC), 프로그램가능 로직 디바이스(PLD), 필드 프로그램가능 게이트 어레이(FPGA) 등을 지칭할 수도 있다. '프로세서'는, 예를 들어, DSP와 마이크로프로세서의 조합, 복수의 마이크로프로세서들의 조합, DSP 코어와 결합한 하나 이상의 마이크로프로세서들의 조합, 또는 임의의 다른 그러한 구성들의 조합과 같은 처리 디바이스들의 조합을 지칭할 수도 있다. 또한, '메모리'는 전자 정보를 저장 가능한 임의의 전자 컴포넌트를 포함하도록 넓게 해석되어야 한다. '메모리'는 임의 액세스 메모리(RAM), 판독-전용 메모리(ROM), 비-휘발성 임의 액세스 메모리(NVRAM), 프로그램가능 판독-전용 메모리(PROM), 소거-프로그램가능 판독 전용 메모리(EPROM), 전기적으로 소거가능 PROM(EEPROM), 플래쉬 메모리, 자기 또는 광학 데이터 저장장치, 레지스터들 등과 같은 프로세서-판독가능 매체의 다양한 유형들을 지칭할 수도 있다. 프로세서가 메모리로부터 정보를 판독하고/하거나 메모리에 정보를 기록할 수 있다면 메모리는 프로세서와 전자 통신 상태에 있다고 불린다. 프로세서에 집적된 메모리는 프로세서와 전자 통신 상태에 있다.According to an embodiment of the present disclosure, a 'module' or 'unit' may be implemented with a processor and memory. 'Processor' should be interpreted broadly to include general-purpose processors, central processing units (CPUs), microprocessors, digital signal processors (DSPs), controllers, microcontrollers, state machines, etc. In some contexts, 'processor' may refer to an application-specific integrated circuit (ASIC), programmable logic device (PLD), field programmable gate array (FPGA), etc. 'Processor' refers to a combination of processing devices, for example, a combination of a DSP and a microprocessor, a combination of a plurality of microprocessors, a combination of one or more microprocessors in combination with a DSP core, or any other such combination of configurations. You may. Additionally, 'memory' should be interpreted broadly to include any electronic component capable of storing electronic information. 'Memory' refers to random access memory (RAM), read-only memory (ROM), non-volatile random access memory (NVRAM), programmable read-only memory (PROM), erasable-programmable read-only memory (EPROM), May also refer to various types of processor-readable media, such as electrically erasable PROM (EEPROM), flash memory, magnetic or optical data storage, registers, etc. A memory is said to be in electronic communication with a processor if the processor can read information from and/or write information to the memory. The memory integrated into the processor is in electronic communication with the processor.

본 개시에서, '시스템'은 서버 장치와 클라우드 장치 중 적어도 하나의 장치를 포함할 수 있으나, 이에 한정되는 것은 아니다. 예를 들어, 시스템은 하나 이상의 서버 장치로 구성될 수 있다. 다른 예로서, 시스템은 하나 이상의 클라우드 장치로 구성될 수 있다. 또 다른 예로서, 시스템은 서버 장치와 클라우드 장치가 함께 구성되어 동작될 수 있다.In the present disclosure, 'system' may include at least one of a server device and a cloud device, but is not limited thereto. For example, a system may consist of one or more server devices. As another example, a system may consist of one or more cloud devices. As another example, the system may be operated with a server device and a cloud device configured together.

본 개시에서, '복수의 A의 각각' 또는 '복수의 A 각각'은 복수의 A에 포함된 모든 구성 요소의 각각을 지칭하거나, 복수의 A에 포함된 일부 구성 요소의 각각을 지칭할 수 있다.In the present disclosure, 'each of a plurality of A' or 'each of a plurality of A' may refer to each of all components included in a plurality of A, or may refer to each of some components included in a plurality of A. .

앙상블 방법은 여러 기계 학습 모델을 활용하여 단일 구성 모델보다 더 나은 예측 성능을 얻을 수 있다. 대부분의 앙상블 방식에서, 각 구성 모델은 학습 데이터와 출력 결과를 통신할 수 있다. 이에 따라, 앙상블 방법은 다양한 종류의 기계 학습 모델에 적용할 수 있다. 그러나, 재귀 네트워크 모델에 앙상블 방법을 적용하는 경우, 재귀 네트워크 모델의 출력은 일반적으로 여러 레이블 중 하나가 아니라 일련의 출력일 수 있다. 이러한 출력은 다양성의 차수가 매우 높아, 전통적인 앙상블 방법으로 이루어진 합의는 충분히 신뢰할 수 없다.Ensemble methods utilize multiple machine learning models to achieve better prediction performance than single composition models. In most ensemble methods, each component model can communicate training data and output results. Accordingly, the ensemble method can be applied to various types of machine learning models. However, when applying ensemble methods to a recursive network model, the output of the recursive network model may typically be a set of outputs rather than one of several labels. The degree of diversity in these outputs is so high that consensus achieved by traditional ensemble methods is not sufficiently reliable.

기존의 앙상블 방법은 머신러닝 기반의 방법으로서 크게 배깅(Bagging)과 부스팅(Boosting)으로 분류될 수 있다. 배깅은 오류 분산을 줄이고 부스팅은 오류 편향을 줄일 수 있다. 또한, 배깅과 부스팅에서 최종 결과를 결정하는 투표 전략은 하드 보팅(hard voting)과 소프트 보팅(soft voting)을 포함할 수 있다. 여기서, 하드 보팅(또는, 다수결 투표)에서는 모든 개별 분류자가 클래스에 투표하고, 다수결로 투표된 클래스가 최종 출력으로 결정될 수 있다. 반면, 소프트 보팅에서, 모든 개별 분류기는 특정 데이터 포인트가 특정 대상 클래스에 속할 확률 값을 제공할 수 있다. 이 경우, 소프트 보팅은 모든 분류기의 예측 확률 값의 평균 또는 가중 합을 계산하여 가장 높은 레이블 값을 최종 예측 결과로 결정할 수 있다.Existing ensemble methods are machine learning-based methods and can be broadly classified into bagging and boosting. Bagging can reduce error variance and boosting can reduce error bias. Additionally, the voting strategy that determines the final result in bagging and boosting may include hard voting and soft voting. Here, in hard voting (or majority voting), all individual classifiers vote for a class, and the class voted on by a majority vote may be determined as the final output. On the other hand, in soft voting, every individual classifier can provide a probability value that a particular data point belongs to a particular target class. In this case, soft voting can calculate the average or weighted sum of the prediction probability values of all classifiers and determine the highest label value as the final prediction result.

배깅과 부스팅 전략은 학습하고자 하는 모델에 적용되며 다양한 앙상블 방법에 활용될 수 있다. 예를 들어, 랜덤 포레스트(Random Forest)는 베이스 러너인 의사 결정 트리에 배깅 전략을 사용함으로써 단일 트리의 단점을 보완한 앙상블 방법이다. 다른 예로, 에이다부스트(Adaboost)는 약한 학습자가 잘못 레이블링한 데이터 세트에 더 높은 가중치를 할당함으로써 적응적으로 학습하고, 최종적으로 모델의 결과를 결합하는 기본 부스팅 전략이다. 유사한 원리로, 경사 하강 부스팅(Gradient Descent Boosting)은 기울기에 가중치를 부여하고 모델의 오류가 작아지도록 훈련될 수 있다. 그 외에도, XGBoost 및 LightGBM과 같은 부스팅 알고리즘이 있다. 다른 앙상블 전략에는 스태킹(Stacking), Explicit/Implicit 앙상블, 동종/이종 앙상블 및 결정 융합 전략을 포함할 수 있다.Bagging and boosting strategies are applied to the model to be learned and can be used in various ensemble methods. For example, Random Forest is an ensemble method that compensates for the shortcomings of a single tree by using a bagging strategy for the decision tree, which is the base runner. As another example, Adaboost is a basic boosting strategy that adaptively learns by assigning higher weights to mislabeled data sets by weak learners, and finally combines the results of the models. Using similar principles, Gradient Descent Boosting weights gradients and can be trained to make the model's error smaller. Besides that, there are boosting algorithms such as XGBoost and LightGBM. Other ensemble strategies may include stacking, explicit/implicit ensemble, homogeneous/heterogeneous ensemble, and decision fusion strategies.

심층 신경망(deep neural network)은 모델 훈련에 소모되는 계산 비용이 많이 들고, 일반화 성능을 보장할 수 없다. 그러나, 앙상블 전략을 사용하면 각 모델의 다양성을 고려함으로써 성능이 향상될 수 있다. 예를 들어, 이미지 분류를 위한 강력한 CNN 모델인 AlexNet과 GoogLeNet을 결합하는 경우, 정확도가 향상될 수 있다. 다른 예시에서, CNN에 부스팅 알고리즘을 적용함으로써 단일 CNN 모델의 성능이 개선될 수 있다. 또 다른 예시에서, CNN 에이다부스트(AdaBoost)는 초기 데이터로부터 첫 번째 CNN을 학습하고, 다음 CNN에서 학습할 데이터의 가중치를 업데이트하는 과정을 반복하여 성능을 향상할 수 있다. 그리고, 배깅 기반 앙상블은 여러 CNN 하위 모델의 결과를 평균화하여 성능을 향상시킬 수 있다.Deep neural networks require high computational costs for model training, and generalization performance cannot be guaranteed. However, using an ensemble strategy can improve performance by considering the diversity of each model. For example, when combining AlexNet and GoogLeNet, which are powerful CNN models for image classification, accuracy can be improved. In another example, the performance of a single CNN model can be improved by applying a boosting algorithm to the CNN. In another example, CNN AdaBoost can improve performance by repeating the process of learning the first CNN from initial data and updating the weights of the data to be learned in the next CNN. Additionally, bagging-based ensembles can improve performance by averaging the results of multiple CNN submodels.

앙상블은 LSTM(Long Short-Term Memory), GRU(Gated Recurrent Unit) 등의 RNN 기반 모델을 사용하는 작업에서도 사용될 수 있다. 또한, 앙상블은 시계열 데이터(예를 들어, 암호화폐의 변동 및 종가)를 예측할 수 있다. 예를 들어, Deep 4-LSTM 기법은 4개의 LSTM 모델 각각을 학습한 후, 앙상블 단계에서 각 LSTM 모델의 결과 출력에 대한 가중 평균을 계산하여 최종 예측을 결정함으로써, 단일 모델인 2-LSTM과 3-LSTM보다 성능이 향상될 수 있다. 다른 예로, 다양한 시계열 모델을 기반으로 한 앙상블 방식은 RNN, LSTM, GRU, bi-RNN 등 총 6개를 앙상블을 구성하는 기본 모델로 사용하고, 다수결 투표를 통해 최종 예측을 결정할 수 있다. 이러한 앙상블 방법들은 최종 예측을 결정하는 단계에서 모델 결과를 결합함으로써 시계열 작업의 성능을 향상시킬 수 있었다. 반면, 에이다부스트-GRU(Adaboost-GRU)는 여러 단일 모델의 간단한 조합인 하이브리드 앙상블 학습 방법으로서, GRU 모델의 앙상블 가중치를 얻기 위해 에이다부스트 알고리즘을 사용하여 금융 시계열 예측에서 단일 모델보다 성능을 향상시킬 수 있다.Ensembles can also be used in tasks that use RNN-based models such as Long Short-Term Memory (LSTM) and Gated Recurrent Unit (GRU). Additionally, the ensemble can predict time series data (e.g., fluctuations and closing prices of cryptocurrency). For example, the Deep 4-LSTM technique learns each of four LSTM models and then calculates the weighted average of the resulting outputs of each LSTM model in the ensemble stage to determine the final prediction, thereby combining the single models 2-LSTM and 3 -Performance can be improved over LSTM. As another example, an ensemble method based on various time series models uses a total of six models, including RNN, LSTM, GRU, and bi-RNN, as the basic models that make up the ensemble, and the final prediction can be determined through majority voting. These ensemble methods were able to improve the performance of time series tasks by combining model results at the stage of determining the final prediction. On the other hand, Adaboost-GRU is a hybrid ensemble learning method that is a simple combination of several single models. It uses the Adaboost algorithm to obtain ensemble weights of the GRU model, which can improve performance over a single model in financial time series forecasting. You can.

순차 데이터(sequence data)는 앙상블을 사용하여 성능을 향상시킬 수 있다. 순차 특성이 있는 작업의 경우, 일반적으로 시퀀스-투-시퀀스 모델을 사용할 수 있으며, 시퀀스-투-시퀀스 모델도 RNN 기반 인코더와 디코더로 구성되어 있으므로 앙상블 효과를 기대할 수 있다. WMT에서 우수한 성능을 보인 Nematus 모델을 기반의 앙상블 기법은 단일 모델의 마지막 N 체크포인트를 사용하는 체크포인트 앙상블과 서로 다른 하이퍼파라미터(hyperparameter)로 훈련된 독립 모델을 결합하는 독립 앙상블의 조합을 사용할 수 있다. 이 경우, Nematus 모델에서의 앙상블은 각 타임 스텝에서 개별 모델의 확률 분포의 기하 평균과 빔 서치(beam search) 디코딩을 사용할 수 있다. 반면, 산술 평균을 사용한 후 투표 방식을 선택하면 더 간단한 코드로 앙상블을 구현할 수 있다. 그러나, 이러한 방법은 RNN의 재귀적 구조를 무시한다는 문제점이 있다. 구체적으로, 최종 결과를 앙상블하는 방식은 다음 출력에 재귀적으로 영향을 미치는 RNN 기반 시퀀스-투-시퀀스 모델을 사용하는 작업에 적합하지 않다.Performance of sequential data can be improved using ensembles. For tasks with sequential characteristics, a sequence-to-sequence model can generally be used, and since the sequence-to-sequence model also consists of an RNN-based encoder and decoder, an ensemble effect can be expected. Ensemble techniques based on the Nematus model, which has shown excellent performance in WMT, can use a combination of a checkpoint ensemble using the last N checkpoints of a single model and an independent ensemble combining independent models trained with different hyperparameters. there is. In this case, the ensemble of Nematus models can use geometric mean and beam search decoding of the probability distributions of individual models at each time step. On the other hand, if you use the arithmetic mean and then select the voting method, you can implement the ensemble with simpler code. However, this method has the problem of ignoring the recursive structure of the RNN. Specifically, methods that ensemble the final results are not suitable for tasks using RNN-based sequence-to-sequence models that recursively influence the next output.

도 1은 본 개시의 일 실시예에 따른 재귀 신경망 모델(110_1 내지 110_M)의 앙상블 방법의 예시를 나타낸다. 도시된 것과 같이, 재귀 신경망 모델(110_1 내지 110_M)은 각 타임 스텝(120_1 내지 120_N)마다 출력을 생성할 수 있다. 또한, 각각의 출력은 다음 타임 스텝의 출력에 반복적으로 영향을 미칠 수 있다. 이에 따라, 최종적으로 입력 시퀀스(112)에 대응하는 출력 시퀀스(130)가 출력될 수 있다.Figure 1 shows an example of an ensemble method of recursive neural network models (110_1 to 110_M) according to an embodiment of the present disclosure. As shown, the recursive neural network models 110_1 to 110_M may generate output for each time step 120_1 to 120_N. Additionally, each output can repeatedly affect the output of the next time step. Accordingly, the output sequence 130 corresponding to the input sequence 112 may be finally output.

일 실시예에서, 복수의 재귀 신경망 모델(110_1 내지 110_M) 각각은 입력 시퀀스(112)를 수신할 수 있다. 여기서, 복수의 재귀 신경망 모델(110_1 내지 110_M)은 각각 상이한 학습 데이터로 학습된 모델일 수 있다. 또한, 복수의 재귀 신경망 모델(110_1 내지 110_M)은 출력의 다양성 차수가 높은 생성 모델(generative model)일 수 있다. 추가적으로 또는 대안적으로, 복수의 재귀 신경망 모델(110_1 내지 110_M)은 시퀀스-투-시퀀스 모델일 수 있다.In one embodiment, each of the plurality of recursive neural network models 110_1 to 110_M may receive an input sequence 112. Here, the plurality of recursive neural network models 110_1 to 110_M may be models learned with different training data. Additionally, the plurality of recursive neural network models 110_1 to 110_M may be generative models with a high degree of output diversity. Additionally or alternatively, the plurality of recursive neural network models 110_1 to 110_M may be sequence-to-sequence models.

일 실시예에서, 재귀 신경망 모델(110_1 내지 110_M) 각각은 인코더에서 입력 시퀀스(112)를 하나의 고정된 크기를 갖는 컨텍스트 벡터(context vector)로 압축하여 디코더로 전달할 수 있다. 이 경우, 디코더는 컨텍스트 벡터를 이용하여 출력 시퀀스(130)를 생성할 수 있다.In one embodiment, each of the recursive neural network models 110_1 to 110_M may compress the input sequence 112 from the encoder into a context vector with a fixed size and transmit it to the decoder. In this case, the decoder can generate the output sequence 130 using the context vector.

일 실시예에서, 매 타임 스텝(120_1 내지 120_N)마다 복수의 재귀 신경망 모델(110_1 내지 110_M)의 출력이 앙상블될 수 있다. 구체적으로, 프로세서는 매 타임 스텝(120_1 내지 120_N)마다 복수의 재귀 신경망 모델(110_1 내지 110_M)의 출력에 기초하여 합의된 출력(settled output)을 결정할 수 있다. 또한, 합의된 출력은 그 이후의 타임 스텝에서 재귀 신경망 모델(110_1 내지 110_M)의 출력에 영향을 줄 수 있다. 이와 같은 과정의 반복을 통해, 입력 시퀀스(112)에 대응하는 출력 시퀀스(130)가 생성될 수 있다.In one embodiment, outputs of a plurality of recursive neural network models (110_1 to 110_M) may be ensembled for every time step (120_1 to 120_N). Specifically, the processor may determine a settled output based on the outputs of the plurality of recursive neural network models (110_1 to 110_M) at every time step (120_1 to 120_N). Additionally, the agreed output may affect the output of the recursive neural network models 110_1 to 110_M at subsequent time steps. Through repetition of this process, the output sequence 130 corresponding to the input sequence 112 can be generated.

본 개시의 재귀 신경망 모델의 앙상블 방법은 각각의 단일 모델이 학습된 후 다음 타임 스텝에서의 예측에 영향을 미치는 RNN의 구조적 속성을 활용할 수 있다. 또한, 본 개시의 재귀 앙상블은 중간 출력을 조합하는 방식에 따라 소프트 보팅(Soft Voting) 알고리즘과 서바이벌(Survival) 알고리즘을 적용할 수 있다. 여기서, 이종 모델을 사용할 수 있는 기존의 앙상블 방식과 달리 RNN의 중간 단계, 즉 각 타임 스텝에서 출력을 수집해야 하기 때문에 동종 모델이 사용될 수 있다.The ensemble method of recursive neural network models of the present disclosure can utilize structural properties of RNNs that affect predictions at the next time step after each single model is learned. Additionally, the recursive ensemble of the present disclosure can apply a soft voting algorithm and a survival algorithm according to the method of combining intermediate outputs. Here, unlike the existing ensemble method that can use heterogeneous models, a homogeneous model can be used because output must be collected at the intermediate stage of the RNN, that is, at each time step.

이와 같은 구성을 통해, 재귀 네트워크 아키텍처는 각 타임 스텝마다 출력을 제공하고, 해당 출력은 다음 타임 스텝에서의 다음 출력에 재귀적으로 영향을 미칠 수 있다. 이에 따라, 재귀 신경망 모델의 앙상블 방법은 각 타임 스텝에 대한 전체 모델의 출력을 재귀적으로 고려할 수 있다. 또한, 네트워크 모델과 상대적으로 독립적이기 때문에 다양한 유형의 재귀 네트워크 모델에 보편적으로 적용할 수 있다.With this configuration, the recursive network architecture provides an output at each time step, and that output can recursively affect the next output at the next time step. Accordingly, the ensemble method of the recursive neural network model can recursively consider the output of the entire model for each time step. Additionally, because it is relatively independent of the network model, it can be universally applied to various types of recursive network models.

도 2는 전통적인 다수결 앙상블 모델의 구조를 나타내는 도면이다. 여기서, 전통적인 다수결(Traditional Majority) 앙상블 모델은 순차적 데이터에 적용하기 어려운 기존의 앙상블 방식을 재구성함으로써 RNN의 최종 출력만 결합하는 알고리즘을 의미할 수 있다. 전통적인 다수결 앙상블 모델은 타임 스텝별로 결과를 고려하지 않고, 각 모델의 최종 결과를 결합할 수 있다.Figure 2 is a diagram showing the structure of a traditional majority voting ensemble model. Here, the traditional majority ensemble model may refer to an algorithm that combines only the final output of the RNN by reconstructing the existing ensemble method, which is difficult to apply to sequential data. Traditional majority vote ensemble models can combine the final results of each model without considering the results for each time step.

구체적으로, 전통적인 다수결 앙상블 모델은 M개의 모델(212_1 내지 212_M)을 독립적으로 학습한 후, 제1 동작(210)에서 예측 단계부터 마지막 타임 스텝까지 결과를 예측할 수 있다. 또한, M개의 모델(212_1 내지 212_M)은 각각 N개의 출력(214_1 내지 214_M)과 신뢰도 점수(216_1 내지 216_M)를 생성할 수 있다. 여기서, 신뢰도 점수(w-i)(216_1 내지 216_M)는 각 타임 스텝에 대한 디코더 출력의 소프트맥스(softmax) 값의 평균에 기초하여 결정될 수 있다.Specifically, the traditional majority voting ensemble model can independently learn M models (212_1 to 212_M) and then predict the result from the prediction step to the last time step in the first operation 210. Additionally, M models (212_1 to 212_M) can each generate N outputs (214_1 to 214_M) and reliability scores (216_1 to 216_M). Here, the reliability score (w -i ) (216_1 to 216_M) can be determined based on the average of the softmax values of the decoder output for each time step.

각 모델은 인코더-디코더 시퀀스-투-시퀀스 모델(Encoder-Decoder Seq2Seq)일 수 있다. 예를 들어, 각 모델은 기계 번역(NMT; Neural Machine Translation)을 위한 어텐션(attention)을 사용하는 GRU 기반 시퀀스-투-시퀀스 모델일 수 있다. 다른 예시에서, 각 모델은 문자열 산술(string arithmetic)을 위한 LSTM 기반 시퀀스-투-시퀀스 모델일 수 있다.Each model may be an encoder-decoder sequence-to-sequence model (Encoder-Decoder Seq2Seq). For example, each model could be a GRU-based sequence-to-sequence model that uses attention for Neural Machine Translation (NMT). In another example, each model may be an LSTM based sequence-to-sequence model for string arithmetic.

일 실시예에서, GRU 기반 시퀀스-투-시퀀스 모델 및 LSTM 기반 시퀀스-투-시퀀스 모델은 입력 시퀀스가 인코더를 통과한 후 입력에 대한 정보를 포함하는 컨텍스트 벡터를 생성할 수 있다. 컨텍스트 벡터는 디코더로 전달되고, 디코더는 이전 타임 스텝의 결과를 기반으로 다음 타임 스텝을 예측할 수 있다.In one embodiment, the GRU-based sequence-to-sequence model and the LSTM-based sequence-to-sequence model can generate a context vector containing information about the input sequence after it passes the encoder. The context vector is passed to the decoder, and the decoder can predict the next time step based on the results of the previous time step.

GRU 기반 시퀀스-투-시퀀스 모델에서 인코더-디코더 구조 모델 기반 어텐션(attention)이 사용될 수 있다. 인코더와 디코더 각각은 GRU를 사용하여 시퀀스를 처리할 수 있다. 또한, GRU는 RNN의 장기 종속성 문제를 해결한 RNN 수정 구조 모델로서, 리셋 게이트와 업데이트 게이트로 구성된 구조를 포함할 수 있다. 추가적으로, 문자열 산술을 위한 LSTM 기반 시퀀스-투-시퀀스 모델에서, LSTM은 입력과 입력 사이의 거리가 멀어지면 잘 학습되지 않는 경향이 있는 RNN의 문제점을 극복하기 위해 등장한 RNN 변형 구조로서, 메모리 셀(memory cell)을 통해 장기 의존성을 유지할 수 있다.In the GRU-based sequence-to-sequence model, attention based on the encoder-decoder structure model can be used. The encoder and decoder can each process sequences using GRU. In addition, GRU is an RNN modified structural model that solves the long-term dependency problem of RNN, and may include a structure consisting of a reset gate and an update gate. Additionally, in the LSTM-based sequence-to-sequence model for string arithmetic, LSTM is a RNN variant structure that emerged to overcome the problem of RNNs that tend to not learn well when the distance between inputs increases, and is a memory cell ( Long-term dependency can be maintained through memory cells.

일 실시예에서, N개의 결과 중 신뢰도(confidence) 점수를 기준으로 다수결을 이용하여 최종 결과가 결정될 수 있다. 구체적으로, 제2 동작(220)에서 앙상블에 참여하는 각 모델(212_1 내지 212_M) 중 동일한 출력을 갖는 그룹을 생성할 수 있다. 또한, 그룹 내 모델들의 신뢰도 점수의 합이 그룹 신뢰도 점수(Wi)로 설정될 수 있다. 즉, 모델의 수뿐만 아니라 모델의 신뢰도가 고려될 수 있다.In one embodiment, the final result may be determined using a majority vote based on the confidence score among the N results. Specifically, in the second operation 220, a group having the same output may be created among the models 212_1 to 212_M participating in the ensemble. Additionally, the sum of the reliability scores of models within a group may be set as the group reliability score (W i ). That is, not only the number of models but also the reliability of the models can be considered.

제3 동작(230)은 최종 결과가 결정되는 예시이다. 여러 그룹으로 묶인 그룹 중 신뢰도 점수의 합이 가장 큰 그룹의 출력이 전통적인 다수결 앙상블 모델의 최종 결과로 채택될 수 있다. 즉, 그룹 내 모델들의 신뢰도 점수의 합이 높은 경우, 그룹 내 모델 수가 적더라도 최종 결과로 채택될 수 있다.The third operation 230 is an example in which the final result is determined. Among multiple groups, the output of the group with the largest sum of reliability scores can be adopted as the final result of the traditional majority vote ensemble model. In other words, if the sum of the reliability scores of the models in the group is high, it can be adopted as the final result even if the number of models in the group is small.

이러한 전통적인 다수결 앙상블 알고리즘의 수도코드(pseudocode)는 아래의 표 1과 같이 표현될 수 있다.The pseudocode of this traditional majority vote ensemble algorithm can be expressed as Table 1 below.

Input: Trained Independently Models S = {Model1:M}
N

Figure pat00001
maximum length source text
G, G_conf, Result
Figure pat00002
{}
for t = 1 to N do
ConfidenceScore
Figure pat00003
{c1, c2, · · ·, cM}
for Modeli
Figure pat00004
S do
Generate Prediction at time-step t
Add softmax value to ci
end for
end for
Average(ConfidenceScore)
G
Figure pat00005
Group(S) with same answer
G_conf
Figure pat00006
Sum(ConfidenceScore) for each group in G
Result
Figure pat00007
Get Group answer using max(G_conf)
Return Result Input : Trained Independently Models S = {Model 1:M }
N
Figure pat00001
maximum length source text
G, G_conf, Result
Figure pat00002
{}
for t = 1 to N do
ConfidenceScore
Figure pat00003
{c 1 , c 2 , · · ·, c M }
for Model i
Figure pat00004
S do
Generate Prediction at time-step t
Add softmax value to c i
end for
end for
Average (ConfidenceScore)
G
Figure pat00005
Group(S) with same answer
G_conf
Figure pat00006
Sum(ConfidenceScore) for each group in G
Result
Figure pat00007
Get Group answer using max(G_conf)
Return Result

도 3은 전통적인 다수결 앙상블 모델의 프로세스 예시를 나타내는 도면이다. 도시된 프로세스는 스페인어 "hoy es feliz domingo"를 영어로 번역하는 예시를 나타낸다. 5개의 단일 모델(모델 1 내지 모델 5)은 각 타임 스텝에서 스페인어 "hoy es feliz domingo"를 영어 단어로 번역하고, 각 단어에 대한 소프트맥스 값을 얻을 수 있다. 여기서, 정답 문장(310)은 "Today is happy Sunday"이다.Figure 3 is a diagram showing an example process of a traditional majority voting ensemble model. The process shown represents an example of translating the Spanish "hoy es feliz domingo" into English. Five single models (Model 1 to Model 5) can translate the Spanish "hoy es feliz domingo" into an English word at each time step and obtain the softmax value for each word. Here, the correct sentence 310 is “Today is happy Sunday.”

전통적인 다수결 앙상블 모델은 그룹의 신뢰도 점수에 따라 최종 결과를 결정할 수 있다. 예를 들어, 출력이 같은 모델을 그룹핑하는 경우, 모델 1은 제1 그룹(322)으로, 모델 2와 모델 3은 제2 그룹(324)으로, 모델 4와 모델 5는 제3 그룹(326)으로 설정될 수 있다. 이 경우, 제2 그룹(324)의 신뢰도 점수(W2)는 1.915로 세 그룹 중 가장 높으므로, 전통적인 다수결 앙상블 모델의 출력 시퀀스(330)는 "Tomorrow is sad day"로 결정될 수 있다. 이 경우, 출력 시퀀스(330)는 정답 문장(310)과 상이할 수 있다.Traditional majority vote ensemble models can determine the final result based on the group's confidence score. For example, when grouping models with the same output, model 1 is grouped into the first group (322), model 2 and model 3 are grouped into the second group (324), and model 4 and model 5 are grouped into the third group (326). It can be set to . In this case, the reliability score (W 2 ) of the second group 324 is 1.915, which is the highest among the three groups, so the output sequence 330 of the traditional majority voting ensemble model can be determined as “Tomorrow is sad day.” In this case, the output sequence 330 may be different from the correct sentence 310.

도 4는 본 개시의 일 실시예에 따른 서바이벌 앙상블 모델의 구조를 나타내는 도면이다. 스테이지로 구성된 게임에서 살아남은 승자만이 다음 스테이지에 참여할 수 있는 것과 같이, 서바이벌(survival) 앙상블 모델에서는 현재 타임 스텝에서 예측에 살아남은 승자 모델만이 다음 타임 스텝에 참여할 수 있다.Figure 4 is a diagram showing the structure of a survival ensemble model according to an embodiment of the present disclosure. Just as in a game consisting of stages, only the winner who survives can participate in the next stage, in a survival ensemble model, only the winner model that survives the prediction in the current time step can participate in the next time step.

일 실시예에서, M개의 모델(410_1 내지 410_M) 각각이 상이한 데이터 세트에서 독립적으로 학습될 수 있다. 그 후, 학습을 마친 모든 모델(410_1 내지 410_M)은 디코더의 스타트 토큰을 시작으로 서바이벌에 참여할 수 있다. 각 모델이 예측 단계에서 정답을 생성하는 경우에만 다음 타임 스텝에 참여할 수 있다.In one embodiment, each of the M models 410_1 to 410_M may be trained independently on different data sets. Afterwards, all trained models (410_1 to 410_M) can participate in survival, starting with the decoder's start token. Each model can participate in the next time step only if it produces the correct answer in the prediction step.

일 실시예에서, 각 모델이 살아남아 타임 스텝에 참여하는지 여부를 결정하는 표준 정답은 합의된 출력(settled output)일 수 있다. 여기서, 합의된 출력은 각각의 타임 스텝에서 모델별로 출력된 결과의 다수결로 결정될 수 있다. 이 때, 다수결은 각 모델의 출력된 결과의 수가 다수결인 것을 의미할 수 있다. 대안적으로, 출력된 결과의 다수가 같아 다수결에 의해 합의된 출력을 결정할 수 없는 경우, 다수인 결과 중 가장 높은 신뢰도 값을 가지는 결과가 합의된 출력으로 결정될 수 있다. 또한, 기계 번역에서의 합의된 출력은 다수결로 선택된 단어일 수 있다.In one embodiment, the standard answer that determines whether each model survives and participates in the time step may be the settled output. Here, the agreed output can be determined by a majority vote of the results output for each model at each time step. At this time, majority vote may mean that the number of output results from each model is the majority vote. Alternatively, if the majority of the output results are the same and a consensus output cannot be determined by majority vote, the result with the highest reliability value among the majority results may be determined as the consensus output. Additionally, the consensus output in machine translation may be a word selected by majority vote.

일 실시예에서, 합의된 출력과 상이한 출력을 가지는 패자 모델은 제거될 수 있다. 여기서, 제거된 패자 모델은 다음 타임 스텝을 진행하지 못하므로, 오답 모델이 최종 결과에 영향을 미치는 것이 사전에 필터링될 수 있다. 이러한 과정을 반복함으로써, 마지막 타임 스텝까지 살아남은 승자 모델의 출력이 서바이벌 앙상블 모델의 출력 시퀀스로 결정될 수 있다. 이 경우, 최종 승자 모델은 복수일 수 있다.In one embodiment, losing models with outputs that differ from the agreed upon outputs may be eliminated. Here, since the eliminated loser model cannot proceed to the next time step, incorrect models that affect the final result can be filtered out in advance. By repeating this process, the output of the winner model that survived until the last time step can be determined as the output sequence of the survival ensemble model. In this case, the final winning model may be multiple.

이러한 서바이벌 앙상블 알고리즘의 수도코드는 아래의 표 2과 같이 표현될 수 있다.The pseudocode of this survival ensemble algorithm can be expressed as Table 2 below.

Input: Trained Independently Models S = {Model1:M}
N

Figure pat00008
maximum length source text
Result
Figure pat00009
{}
for t = 1 to N do
H, Winner, Loser
Figure pat00010
{}
for all Modeli
Figure pat00011
S do
Generate Prediction at time-step t
Add model prediction to H
end for
end for
SettledOutput
Figure pat00012
Majority Voting(H)
Winner
Figure pat00013
Models with the Settled Output
Loser
Figure pat00014
Models with no Settled Output
Update S
Figure pat00015
Winner
Feed SettledOutput to S
Result
Figure pat00016
Result + SettledOutput
Return Result Input : Trained Independently Models S = {Model 1:M }
N
Figure pat00008
maximum length source text
Result
Figure pat00009
{}
for t = 1 to N do
H, Winner, Loser
Figure pat00010
{}
for all Model i
Figure pat00011
S do
Generate Prediction at time-step t
Add model prediction to H
end for
end for
SettledOutput
Figure pat00012
Majority Voting(H)
Winner
Figure pat00013
Models with the Settled Output
Loser
Figure pat00014
Models with no Settled Output
Update S
Figure pat00015
Winner
Feed SettledOutput to S
Result
Figure pat00016
Result + SettledOutput
Return Result

도 5는 본 개시의 일 실시예에 따른 서바이벌 앙상블 모델의 프로세스 예시를 나타내는 도면이다. 도 3과 같이, 도 5의 프로세스는 스페인어 "hoy es feliz domingo"를 영어로 번역하는 예시를 나타낸다. 서바이벌 앙상블 모델에서는 특정 타임 스텝의 합의된 출력에 따라 해당 타임 스텝의 개별 출력이 결정될 수 있다. 예를 들어, 제1 타임 스텝(t1)에서 "Today"를 출력한 모델의 수(3개; 모델 1, 모델 4 및 모델 5)는 "Tomorrow"를 출력한 모델의 수(2개; 모델 2 및 모델 3)보다 많을 수 있다. 따라서, 모델 1, 모델 4 및 모델 5가 출력한 "Today"가 다수결에 의해 합의된 출력으로 결정될 수 있다. 이 경우, 모델 2와 모델 3은 패자 모델로서, 제2 타임 스텝에 참여할 수 없다. 즉, 모델 2와 모델 3은 제1 타임 스텝(t1) 완료 후 제거되어 제2 타임 스텝에서 사용되지 않을 수 있다.제2 타임 스텝(t2)과 제3 타임 스텝(t3)에서는 "is"와 "happy"가 각각 합의된 출력으로 결정될 수 있다. 이 경우, 모델 1, 모델 4 및 모델 5가 모두 "is"와 "happy"를 출력하였으므로, 모델 1, 모델 4 및 모델 5가 승자 모델로 다음 타임 스텝에 계속 사용될 수 있다.Figure 5 is a diagram showing an example process of a survival ensemble model according to an embodiment of the present disclosure. Like Figure 3, the process in Figure 5 represents an example of translating the Spanish "hoy es feliz domingo" into English. In a survival ensemble model, the individual output of a specific time step can be determined according to the agreed-upon output of that time step. For example, the number of models that output “Today” at the first time step (t 1 ) (3; Model 1, Model 4, and Model 5) is the number of models that output “Tomorrow” (2; Model 5). 2 and model 3). Accordingly, “Today” output by Model 1, Model 4, and Model 5 may be determined as the agreed upon output by majority vote. In this case, Model 2 and Model 3 are loser models and cannot participate in the second time step. That is, Model 2 and Model 3 may be removed after completion of the first time step (t 1 ) and not used in the second time step. In the second time step (t 2 ) and the third time step (t 3 ), " “is” and “happy” can each be determined as the agreed output. In this case, since Model 1, Model 4, and Model 5 all output “is” and “happy,” Model 1, Model 4, and Model 5 are the winning models and can continue to be used in the next time step.

또한, 제4 타임 스텝(t4)에서 모델 1, 모델 4 및 모델 5는 각각 "Sunday", "Monday", "Monday"를 출력할 수 있다. 이 경우, 다수결에 의해 "Monday"가 합의된 출력으로 결정될 수 있다. 그 결과, 서바이벌의 출력 시퀀스(530)는 최종 승자 모델(520)의 각 타임 스텝(t1 내지 t4)에서의 출력을 연결하여 "Today is happy Monday"로 결정될 수 있다. 이러한 출력 시퀀스(530)는 정답 문장(510)과 동일하거나 유사할 수 있다.Additionally, at the fourth time step (t 4 ), model 1, model 4, and model 5 can output “Sunday”, “Monday”, and “Monday”, respectively. In this case, “Monday” may be determined as the agreed output by majority vote. As a result, the survival output sequence 530 can be determined as “Today is happy Monday” by connecting the outputs at each time step (t 1 to t 4 ) of the final winner model 520. This output sequence 530 may be the same or similar to the correct sentence 510.

이러한 구성에 의해, 서바이벌 앙상블 모델을 통해, 오답 모델이 최종 결과에 영향을 미치는 것이 사전에 필터링될 수 있다. 이에 따라, RNN의 구조적 속성을 반영하여 모델의 예측 성능을 향상할 수 있다.With this configuration, incorrect answer models that affect the final result can be filtered out in advance through the survival ensemble model. Accordingly, the prediction performance of the model can be improved by reflecting the structural properties of the RNN.

도 6은 본 개시의 일 실시예에 따른 합의 앙상블(consensus ensemble) 모델의 프로세스 예시를 나타내는 도면이다. 각 단일 모델은 각각의 타임 스텝에서 복수 개의 출력을 생성하고, 각각의 출력은 신뢰도 값을 가질 수 있다. 이 경우, 각 단일 모델의 출력의 신뢰도 값에 기초하여 합의된 출력이 결정될 수 있다.FIG. 6 is a diagram illustrating an example process of a consensus ensemble model according to an embodiment of the present disclosure. Each single model produces multiple outputs at each time step, and each output may have a reliability value. In this case, a consensus output can be determined based on the reliability value of the output of each single model.

일 실시예에서, M개의 모델(610_1 내지 610_M) 각각은 상이한 데이터 세트에서 독립적으로 훈련된 모델일 수 있다. 그 후, 모든 단일 모델(610_1 내지 610_M)은 예측 단계에서 앙상블될 수 있다. 구체적으로, 디코더의 스타트 토큰을 시작으로 모든 모델(610_1 내지 610_M)이 출력한 결과에 대해 매 타임 스텝(620_1 내지 620_N)마다 소프트 보팅을 통해 합의된 출력이 결정될 수 있다. 여기서, 소프트 보팅은 매 타임 스텝에서 모든 모델의 출력을 고려하여 앙상블로 진행하는 방식을 의미할 수 있다. 또한, 합의된 출력은 다음 타임 스텝에서 모든 단일 모델(610_1 내지 610_M)의 입력으로 전달될 수 있다. 즉, 합의 앙상블 모델은 단일 모델의 다음 타임 스텝의 입력으로 중간 출력을 피드백할 수 있다.In one embodiment, each of the M models 610_1 to 610_M may be independently trained models on different data sets. Afterwards, every single model 610_1 to 610_M can be ensembled in the prediction step. Specifically, starting from the start token of the decoder, a consensus output can be determined through soft voting for the results output by all models (610_1 to 610_M) at every time step (620_1 to 620_N). Here, soft voting may mean a method of proceeding as an ensemble by considering the output of all models at each time step. Additionally, the agreed upon output can be passed as the input of every single model 610_1 to 610_M in the next time step. That is, the consensus ensemble model can feed back the intermediate output as the input of the next time step of the single model.

이러한 합의 앙상블 알고리즘의 수도코드는 아래의 표 3과 같이 표현될 수 있다.The pseudocode of this consensus ensemble algorithm can be expressed as Table 3 below.

Input: Trained Independently Models S = {Model1:M}
N

Figure pat00017
maximum length source text
Result
Figure pat00018
{}
for t = 1 to N do
H
Figure pat00019
{}
for Modeli
Figure pat00020
S do
Generate Prediction at time-step t
Add Predictions to H
end for
end for
SVt
Figure pat00021
SoftVoting(H)
Feed SVt to S
Result
Figure pat00022
Result + SVt
Return Result Input : Trained Independently Models S = {Model 1:M }
N
Figure pat00017
maximum length source text
Result
Figure pat00018
{}
for t = 1 to N do
H
Figure pat00019
{}
for Model i
Figure pat00020
S do
Generate Prediction at time-step t
Add Predictions to H
end for
end for
SV t
Figure pat00021
SoftVoting(H)
Feed SV t to S
Result
Figure pat00022
Result + SV t
Return Result

도 7은 본 개시의 일 실시예에 따른 합의 앙상블 모델의 프로세스 예시를 나타내는 도면이다. 도 3과 같이, 도 7의 프로세스는 스페인어 "hoy es feliz domingo"를 영어로 번역하는 예시를 나타낸다. 합의 앙상블 모델에서는 소프트 보팅을 사용하여 각 타임 스텝에서의 합의된 출력을 다음 타임 스텝으로 전달할 수 있다. 예를 들어, 제3 타임 스텝(t3)에서 5개의 모델(모델 1 내지 모델 5)이 출력한 "happy"의 신뢰도 합이 "sad"의 신뢰도 합보다 크므로, "happy"가 소프트 보팅에 의해 합의된 출력으로 결정될 수 있다. 그 후, 제3 타임 스텝(t3)에서의 합의된 출력인 "happy"는 제4 타임 스텝(t4)에서 모든 모델(모델 1 내지 모델 5)에 입력될 수 있다. 이 경우, 모델 2와 모델 3은 제3 타임 스텝(t3)에서 "sad"를 출력하였어도, 제4 타임 스텝(t4)에서는 합의된 출력인 "happy" 모델 2와 모델 3에 입력될 수 있다.Figure 7 is a diagram illustrating an example process of a consensus ensemble model according to an embodiment of the present disclosure. Like Figure 3, the process in Figure 7 shows an example of translating the Spanish "hoy es feliz domingo" into English. In consensus ensemble models, soft voting can be used to pass the consensus output at each time step to the next time step. For example, at the third time step (t 3 ), the sum of the reliability of “happy” output by the five models (Model 1 to Model 5) is greater than the sum of the reliability of “sad”, so “happy” is included in soft voting. It can be determined by the output agreed upon. Then, the agreed output “happy” at the third time step (t 3 ) can be input to all models (models 1 to 5) at the fourth time step (t 4 ). In this case, even though Models 2 and 3 output “sad” at the third time step (t 3 ), “happy”, which is the agreed output, can be input to Models 2 and 3 at the fourth time step (t 4 ). there is.

일 실시예에서, 각각의 모델이 각 타임 스텝에서 하나의 출력을 생성한 것으로 도시되어 있으나, 이에 한정되지 않으며, 각각의 모델은 각 타임 스텝에서 복수 개의 출력을 생성할 수 있다. 예를 들어, 각각의 모델은 각 타임 스텝에서 상위 신뢰도 n개(예를 들어, n=3)의 출력을 생성할 수 있다. 예를 들어, 제4 타임 스텝(t4)에서 모델 1은 [Sunday:0.99, day:0.7, Monday:0.1]과 같은 단어에 대한 소프트맥스 값을 출력하고, 모델 2는 [Sunday:0.89, day:0.9, Monday:0.7]을 출력하고, 모델 3은 [Sunday:0.88, day:0.96, Monday:0.67], 모델 4는 [Sunday:0.55, day:0.45, Monday:0.95]를 출력하고, 모델 5는 [Sunday:0.82, day:0.34, Monday:0.85]를 출력할 수 있다. 이 경우, 각 단어에 대한 소프트맥스 값의 평균을 구하면 "Sunday"가 0.81의 가장 높은 확률로서 제4 타임 스텝(t4)에서 합의된 출력으로 결정될 수 있다.In one embodiment, each model is shown as generating one output at each time step, but the present invention is not limited thereto, and each model may generate a plurality of outputs at each time step. For example, each model may produce n high-confidence outputs (e.g., n=3) at each time step. For example, at the fourth time step (t 4 ), Model 1 outputs softmax values for words such as [Sunday:0.99, day:0.7, Monday:0.1], and Model 2 outputs softmax values for words such as [Sunday:0.89, day. :0.9, Monday:0.7], Model 3 outputs [Sunday:0.88, day:0.96, Monday:0.67], Model 4 outputs [Sunday:0.55, day:0.45, Monday:0.95], and Model 5 can output [Sunday:0.82, day:0.34, Monday:0.85]. In this case, by averaging the softmax values for each word, “Sunday” can be determined as the agreed output at the fourth time step (t 4 ) with the highest probability of 0.81.

일 실시예에서, 모든 타임 스텝에서의 합의된 출력이 연결함으로써, 출력 시퀀스(720)가 결정될 수 있다. 따라서, 도 7에서 합의 앙상블 모델의 출력 시퀀스는 "Today is happy Sunday"로 결정될 수 있다. 이러한 출력 시퀀스(720)는 정답 문장(710)과 동일하거나 유사할 수 있다.In one embodiment, the output sequence 720 can be determined by concatenating the agreed upon outputs at all time steps. Accordingly, the output sequence of the consensus ensemble model in Figure 7 may be determined as “Today is happy Sunday.” This output sequence 720 may be the same or similar to the correct sentence 710.

이와 같은 구성을 통해, 합의 앙상블 모델을 통해 패자 모델을 탈락시키지 않고, 합의된 출력을 패자 모델에 피드백할 수 있다. 이에 따라, 매 타임 스텝마다 모든 모델이 참여하므로 앙상블 모델의 성능이 향상될 수 있다.Through this configuration, the agreed output can be fed back to the loser model without eliminating the loser model through the consensus ensemble model. Accordingly, the performance of the ensemble model can be improved because all models participate at every time step.

도 8은 본 개시의 앙상블 모델과 전통적인 다수결 앙상블 모델 및 단일 모델의 성능을 비교한 그래프(810, 820)를 나타내는 도면이다. 제1 그래프(810)는 합의 앙상블 모델, 서바이벌 앙상블 모델 및 전통적인 다수결 앙상블 모델을 앙상블에 사용된 단일 모델과 번역 성능을 비교한 결과를 나타낸다. 제2 그래프(820)는 합의 앙상블 모델, 서바이벌 앙상블 모델 및 전통적인 다수결 앙상블 모델을 앙상블에 사용된 단일 모델의 문자열 산술의 정확도를 비교한 결과를 나타낸다.FIG. 8 is a diagram illustrating graphs 810 and 820 comparing the performance of the ensemble model of the present disclosure, a traditional majority voting ensemble model, and a single model. The first graph 810 shows the results of comparing the translation performance of the consensus ensemble model, survival ensemble model, and traditional majority vote ensemble model with the single model used in the ensemble. The second graph 820 shows the results of comparing the string arithmetic accuracy of the single model used in the ensemble of the consensus ensemble model, survival ensemble model, and traditional majority vote ensemble model.

제1 그래프(810)에 따르면, 스페인어-영어 신경망 기계 번역에 있어서 전통적인 다수결 앙상블 모델, 서바이벌 앙상블 모델 및 합의 앙상블 모델은 단일 모델보다 우수한 성능을 가진다. 여기서, 신경망 기계 번역 성능 평가는 Python TQE(Package Translation Quality Estimation)를 사용하며, TQE가 높을수록 번역의 품질이 높다.According to the first graph 810, in Spanish-English neural network machine translation, the traditional majority ensemble model, survival ensemble model, and consensus ensemble model have better performance than a single model. Here, the neural network machine translation performance evaluation uses Python TQE (Package Translation Quality Estimation), and the higher the TQE, the higher the quality of the translation.

또한, 제1 그래프(810)에 따르면, 서바이벌 앙상블 모델은 각 타임 스텝에서 합의된 출력을 결정함으로써, 최종 출력 시퀀스에서 노이즈를 제거하는 효과가 있어 전통적인 다수결 앙상블 모델보다 TQE 성능이 높다. 또한, 합의 앙상블 모델은 잘못된 예측을 하는 단일 모델을 제거하지 않고, 단일 모델을 피드백하여 다음 타임 스텝에 참여시킴으로써 서바이벌 앙상블 모델보다 TQE 성능이 높다.In addition, according to the first graph 810, the survival ensemble model has the effect of removing noise from the final output sequence by determining the agreed output at each time step, resulting in higher TQE performance than the traditional majority voting ensemble model. Additionally, the consensus ensemble model has higher TQE performance than the survival ensemble model by not removing a single model that makes an incorrect prediction but feeding back the single model to participate in the next time step.

아래의 표 4는 스페인어-영어 기계 번역에 사용된 3개의 앙상블 모델과 15개의 단일 모델의 평균에 대한 TQE 값을 나타낸다. 3개의 앙상블 모델 중, 서바이벌 앙상블 모델 및 합의 앙상블 모델은 각 타임 스텝의 중간 출력을 고려하여 전통적인 다수결 앙상블 모델보다 TQE 점수가 높다. 즉, RNN의 구조적 속성을 반영한 재귀 앙상블 방식이 기존의 앙상블 개념을 이용하여 최종 출력을 병합하는 방식보다 더 효과적인 것으로 확인된다.Table 4 below shows the TQE values for the average of the three ensemble models and 15 single models used for Spanish-English machine translation. Among the three ensemble models, the survival ensemble model and consensus ensemble model have higher TQE scores than the traditional majority ensemble model by considering the intermediate output of each time step. In other words, the recursive ensemble method that reflects the structural properties of RNN is confirmed to be more effective than the method of merging the final output using the existing ensemble concept.

TypeType ModelModel TQETQE 앙상블 모델ensemble model 합의agreement 0.7432500.743250 서바이벌survival 0.7310330.731033 전통적인 다수결traditional majority vote 0.7242570.724257 단일 모델single model 단일(Avg)Single (Avg) 0.6909160.690916

아래의 표 5의 예시는 스페인어 "Me temo que no hay mucho que pueda hacer para ayudar"를 영어로 번역한 결과를 나타낸다. 이 경우, 합의 앙상블 모델은 가장 높은 TQE 점수를 얻었고 정답과 유사한 번역 결과를 생성한 것으로 확인된다. 스페인어와 영어의 특성 차이로 인해, 각 타임 스텝에서 출력되는 단어가 정답과 어순이 상이할 수 있으나, 전체적인 문장의 맥락이 유지될 수 있다. 또한, 서바이벌 앙상블 모델은 정답과 유사한 단어를 출력하여 각 타임 스텝에서 정답과 대부분 일치한다. 그러나 정답과 무관한 "left"라는 단어를 출력하기 때문에 합의 앙상블 모델보다 TQE 값이 낮다. 상대적으로, 전통적인 다수결 앙상블 모델은 재귀 앙상블 방법에 비해 일부 중요한 단어를 포착하지 못하여 기계 번역의 품질이 떨어진다.The example in Table 5 below shows the result of translating the Spanish "Me temo que no hay mucho que pueda hacer para ayudar" into English. In this case, it is confirmed that the consensus ensemble model achieved the highest TQE score and produced translation results similar to the correct answer. Due to differences in the characteristics of Spanish and English, the words output at each time step may differ in word order from the correct answer, but the context of the overall sentence can be maintained. Additionally, the survival ensemble model outputs words that are similar to the correct answer, most matching the correct answer at each time step. However, because it outputs the word “left”, which is unrelated to the correct answer, the TQE value is lower than the consensus ensemble model. Comparatively, the traditional majority vote ensemble model fails to capture some important words compared to the recursive ensemble method, resulting in poor machine translation quality.

Ground TruthGround Truth Spanish: Me temo que no hay mucho que pueda hacer para ayudar.
English: There is not much I can do to help, I am afraid.
Spanish: Me temo que no hay mucho que pueda hacer para ayudar.
English: There is not much I can do to help, I am afraid.
MethodMethod HypothesisHypothesis TQETQE 합의agreement i m afraid there s not much for me to do to help.i m afraid there s not much for me to do to help. 0.9570.957 서바이벌survival i m afraid there s not much left that i can do to help.i m afraid there s not much left that i can do to help. 0.9520.952 전통적인 다수결traditional majority vote i m afraid there s not long to do to do.i m afraid there s not long to do to do. 0.7210.721

제2 그래프(820)에 따르면, 문자열 산술에 있어서 전통적인 다수결 앙상블 모델, 서바이벌 앙상블 모델 및 합의 앙상블 모델은 단일 모델보다 우수한 정확도를 가진다. 전통적인 다수결 앙상블 모델은 76.4%의 정확도로 64.70%를 달성하는 단일 모델보다 더 나은 성능이 확인된다. 또한, 서바이벌 앙상블 모델과 합의 앙상블 모델은 각각 77.5%와 86.8%로 전통적인 다수결 앙상블 모델보다 월등한 성과가 확인된다. 특히, 합의 앙상블 모델은 단 100 에포크(epoch) 학습만으로 78%의 정확도를 가는 것으로 확인된다.According to the second graph 820, in string arithmetic, the traditional majority ensemble model, survival ensemble model, and consensus ensemble model have better accuracy than the single model. The traditional majority voting ensemble model is confirmed to perform better than the single model, achieving 64.70% accuracy with 76.4% accuracy. In addition, the survival ensemble model and the consensus ensemble model are 77.5% and 86.8%, respectively, confirming superior performance over the traditional majority ensemble model. In particular, the consensus ensemble model is confirmed to have an accuracy of 78% after learning for only 100 epochs.

이러한 결과에 따르면, 본 개시의 앙상블 모델은 앙상블에 참여하는 각 단일 모델의 중간 예측 단계를 연결함으로써 더 높은 성능을 가지는 것으로 확인된다.According to these results, it is confirmed that the ensemble model of the present disclosure has higher performance by connecting the intermediate prediction steps of each single model participating in the ensemble.

도 9는 본 개시의 일 실시예에 따른 방법(900)의 예시를 나타내는 흐름도이다. 일 실시예에서, 방법(900)은 사용자 단말 또는 정보 처리 시스템의 적어도 하나의 프로세서에 의해 수행될 수 있다. 방법(900)은 프로세서가 입력 시퀀스를 수신하는 것으로 개시될 수 있다(S910).9 is a flow chart illustrating an example method 900 according to one embodiment of the present disclosure. In one embodiment, method 900 may be performed by a user terminal or at least one processor of an information processing system. Method 900 may begin with a processor receiving an input sequence (S910).

그 후, 프로세서는 입력 시퀀스를 처리할 복수의 재귀 신경망 모델을 수신할 수 있다(S920). 여기서, 복수의 재귀 신경망 모델은 각각 상이한 학습 데이터로 학습될 수 있다. 또한, 복수의 재귀 신경망 모델은 생성 모델(generative model)일 수 있다. 추가적으로, 복수의 재귀 신경망 모델은 시퀀스-투-시퀀스 모델(Sequence-to-Sequence)일 수 있다.Afterwards, the processor may receive a plurality of recursive neural network models to process the input sequence (S920). Here, a plurality of recursive neural network models may each be trained with different learning data. Additionally, the plurality of recursive neural network models may be generative models. Additionally, the plurality of recursive neural network models may be sequence-to-sequence models.

그 후, 프로세서는 매 타임 스텝마다 복수의 재귀 신경망 모델의 출력을 앙상블하여 입력 시퀀스에 대응하는 출력 시퀀스를 생성할 수 있다(S930). 추가적으로, 프로세서는 출력 시퀀스를 출력할 수 있다(S940).Afterwards, the processor may generate an output sequence corresponding to the input sequence by ensembleing the outputs of a plurality of recursive neural network models at each time step (S930). Additionally, the processor may output an output sequence (S940).

일 실시예에서, 프로세서는 제1 타임 스텝에서 복수의 재귀 신경망 모델의 출력을 생성할 수 있다. 또한, 프로세서는 제1 타임 스텝에서 복수의 재귀 신경망 모델의 출력에 기초하여 합의된 출력(settled output)을 결정할 수 있다. 여기서, 합의된 출력은 제1 타임 스텝에서 복수의 재귀 신경망 모델 중 동일한 출력을 가지는 모델의 수에 기초하여 결정될 수 있다.In one embodiment, the processor may generate output of a plurality of recursive neural network models in a first time step. Additionally, the processor may determine a settled output based on the outputs of the plurality of recursive neural network models in the first time step. Here, the agreed output may be determined based on the number of models with the same output among a plurality of recursive neural network models in the first time step.

일 실시예에서, 프로세서는 합의된 출력과 상이한 출력을 가지는 재귀 신경망 모델을 제거할 수 있다. 이 경우, 매 타임 스텝마다 제거되지 않은 재귀 신경망 모델은 이전 타임 스텝에서 자신이 생성한 출력을 현재 타임 스텝의 입력으로 사용할 수 있다. 또한, 프로세서는 마지막 타임 스텝에 남은 적어도 하나의 재귀 신경망 모델의 각 타임 스텝에서의 출력을 연결하여 입력 시퀀스에 대응하는 출력 시퀀스를 생성할 수 있다.In one embodiment, the processor may eliminate recursive neural network models that have outputs that differ from the agreed upon output. In this case, a recursive neural network model that is not removed at each time step can use the output it generated in the previous time step as the input of the current time step. Additionally, the processor may generate an output sequence corresponding to the input sequence by connecting the output at each time step of at least one recursive neural network model remaining to the last time step.

일 실시예에서, 프로세서는 제1 타임 스텝에서 복수의 재귀 신경망 모델의 출력을 생성할 수 있다. 또한, 프로세서는 제1 타임 스텝에서 복수의 재귀 신경망 모델의 출력에 기초하여 합의된 출력(settled output)을 결정할 수 있다. 여기서, 합의된 출력은 제1 타임 스텝에서 복수의 재귀 신경망 모델의 출력의 신뢰도(confidence) 값에 기초하여 결정될 수 있다.In one embodiment, the processor may generate outputs of a plurality of recursive neural network models in a first time step. Additionally, the processor may determine a settled output based on the outputs of the plurality of recursive neural network models in the first time step. Here, the agreed output may be determined based on the confidence value of the output of the plurality of recursive neural network models in the first time step.

일 실시예에서, 프로세서는 제2 타임 스텝에서 합의된 출력을 복수의 재귀 신경망 모델 모두의 입력으로 하여, 복수의 재귀 신경망 모델의 출력을 생성할 수 있다. 또한, 프로세서는 모든 타임 스텝에서의 합의된 출력을 연결하여 입력 시퀀스에 대응하는 출력 시퀀스를 생성할 수 있다.In one embodiment, the processor may generate outputs of a plurality of recursive neural network models by using the output agreed upon in the second time step as input to all of the plurality of recursive neural network models. Additionally, the processor can concatenate the agreed upon outputs at all time steps to generate an output sequence corresponding to the input sequence.

상술한 방법은 컴퓨터에서 실행하기 위해 컴퓨터 판독 가능한 기록 매체에 저장된 컴퓨터 프로그램으로 제공될 수 있다. 매체는 컴퓨터로 실행 가능한 프로그램을 계속 저장하거나, 실행 또는 다운로드를 위해 임시 저장하는 것일수도 있다. 또한, 매체는 단일 또는 수개 하드웨어가 결합된 형태의 다양한 기록 수단 또는 저장수단일 수 있는데, 어떤 컴퓨터 시스템에 직접 접속되는 매체에 한정되지 않고, 네트워크 상에 분산 존재하는 것일 수도 있다. 매체의 예시로는, 하드 디스크, 플로피 디스크 및 자기 테이프와 같은 자기 매체, CD-ROM 및 DVD 와 같은 광기록 매체, 플롭티컬 디스크(floptical disk)와 같은 자기-광 매체(magneto optical medium), 및 ROM, RAM, 플래시 메모리 등을 포함하여 프로그램 명령어가 저장되도록 구성된 것이 있을 수 있다. 또한, 다른 매체의 예시로, 애플리케이션을 유통하는 앱 스토어나 기타 다양한 소프트웨어를 공급 내지 유통하는 사이트, 서버 등에서 관리하는 기록매체 내지 저장매체도 들 수 있다.The above-described method may be provided as a computer program stored in a computer-readable recording medium for execution on a computer. Media may be used to continuously store executable programs on a computer, or may be temporarily stored for execution or download. Additionally, the medium may be a variety of recording or storage means in the form of a single or several pieces of hardware combined. It is not limited to a medium directly connected to a computer system and may be distributed over a network. Examples of media include magnetic media such as hard disks, floppy disks, and magnetic tapes, optical recording media such as CD-ROMs and DVDs, magneto-optical media such as floptical disks, and There may be something configured to store program instructions, including ROM, RAM, flash memory, etc. Additionally, examples of other media include recording or storage media managed by app stores that distribute applications, sites or servers that supply or distribute various other software, etc.

본 개시의 방법, 동작 또는 기법들은 다양한 수단에 의해 구현될 수도 있다. 예를 들어, 이러한 기법들은 하드웨어, 펌웨어, 소프트웨어, 또는 이들의 조합으로 구현될 수도 있다. 본원의 개시와 연계하여 설명된 다양한 예시적인 논리적 블록들, 모듈들, 회로들, 및 알고리즘 단계들은 전자 하드웨어, 컴퓨터 소프트웨어, 또는 양자의 조합들로 구현될 수도 있음을 통상의 기술자들은 이해할 것이다. 하드웨어 및 소프트웨어의 이러한 상호 대체를 명확하게 설명하기 위해, 다양한 예시적인 구성요소들, 블록들, 모듈들, 회로들, 및 단계들이 그들의 기능적 관점에서 일반적으로 위에서 설명되었다. 그러한 기능이 하드웨어로서 구현되는지 또는 소프트웨어로서 구현되는 지의 여부는, 특정 애플리케이션 및 전체 시스템에 부과되는 설계 요구사항들에 따라 달라진다. 통상의 기술자들은 각각의 특정 애플리케이션을 위해 다양한 방식들로 설명된 기능을 구현할 수도 있으나, 그러한 구현들은 본 개시의 범위로부터 벗어나게 하는 것으로 해석되어서는 안된다.The methods, operations or techniques of this disclosure may be implemented by various means. For example, these techniques may be implemented in hardware, firmware, software, or a combination thereof. Those skilled in the art will understand that the various illustrative logical blocks, modules, circuits, and algorithm steps described in connection with the disclosure herein may be implemented in electronic hardware, computer software, or combinations of both. To clearly illustrate this interchange of hardware and software, various illustrative components, blocks, modules, circuits, and steps have been described above generally in terms of their functionality. Whether such functionality is implemented as hardware or software depends on the specific application and design requirements imposed on the overall system. Skilled artisans may implement the described functionality in varying ways for each particular application, but such implementations should not be interpreted as causing a departure from the scope of the present disclosure.

하드웨어 구현에서, 기법들을 수행하는 데 이용되는 프로세싱 유닛들은, 하나 이상의 ASIC들, DSP들, 디지털 신호 프로세싱 디바이스들(digital signal processing devices; DSPD들), 프로그램가능 논리 디바이스들(programmable logic devices; PLD들), 필드 프로그램가능 게이트 어레이들(field programmable gate arrays; FPGA들), 프로세서들, 제어기들, 마이크로제어기들, 마이크로프로세서들, 전자 디바이스들, 본 개시에 설명된 기능들을 수행하도록 설계된 다른 전자 유닛들, 컴퓨터, 또는 이들의 조합 내에서 구현될 수도 있다.In a hardware implementation, the processing units used to perform the techniques may include one or more ASICs, DSPs, digital signal processing devices (DSPDs), programmable logic devices (PLDs). ), field programmable gate arrays (FPGAs), processors, controllers, microcontrollers, microprocessors, electronic devices, and other electronic units designed to perform the functions described in this disclosure. , a computer, or a combination thereof.

따라서, 본 개시와 연계하여 설명된 다양한 예시적인 논리 블록들, 모듈들, 및 회로들은 범용 프로세서, DSP, ASIC, FPGA나 다른 프로그램 가능 논리 디바이스, 이산 게이트나 트랜지스터 로직, 이산 하드웨어 컴포넌트들, 또는 본원에 설명된 기능들을 수행하도록 설계된 것들의 임의의 조합으로 구현되거나 수행될 수도 있다. 범용 프로세서는 마이크로프로세서일 수도 있지만, 대안으로, 프로세서는 임의의 종래의 프로세서, 제어기, 마이크로제어기, 또는 상태 머신일 수도 있다. 프로세서는 또한, 컴퓨팅 디바이스들의 조합, 예를 들면, DSP와 마이크로프로세서, 복수의 마이크로프로세서들, DSP 코어와 연계한 하나 이상의 마이크로프로세서들, 또는 임의의 다른 구성의 조합으로서 구현될 수도 있다.Accordingly, the various illustrative logical blocks, modules, and circuits described in connection with this disclosure may be general-purpose processors, DSPs, ASICs, FPGAs or other programmable logic devices, discrete gate or transistor logic, discrete hardware components, or It may be implemented or performed as any combination of those designed to perform the functions described in. A general-purpose processor may be a microprocessor, but in the alternative, the processor may be any conventional processor, controller, microcontroller, or state machine. A processor may also be implemented as a combination of computing devices, such as a DSP and a microprocessor, a plurality of microprocessors, one or more microprocessors in conjunction with a DSP core, or any other configuration.

펌웨어 및/또는 소프트웨어 구현에 있어서, 기법들은 랜덤 액세스 메모리(random access memory; RAM), 판독 전용 메모리(read-only memory; ROM), 비휘발성 RAM(non-volatile random access memory; NVRAM), PROM(programmable read-only memory), EPROM(erasable programmable read-only memory), EEPROM(electrically erasable PROM), 플래시 메모리, 컴팩트 디스크(compact disc; CD), 자기 또는 광학 데이터 스토리지 디바이스 등과 같은 컴퓨터 판독가능 매체 상에 저장된 명령들로서 구현될 수도 있다. 명령들은 하나 이상의 프로세서들에 의해 실행 가능할 수도 있고, 프로세서(들)로 하여금 본 개시에 설명된 기능의 특정 양태들을 수행하게 할 수도 있다.For firmware and/or software implementations, techniques include random access memory (RAM), read-only memory (ROM), non-volatile random access memory (NVRAM), and PROM ( on computer-readable media such as programmable read-only memory (EPROM), electrically erasable PROM (EEPROM), flash memory, compact disc (CD), magnetic or optical data storage devices, etc. It may also be implemented as stored instructions. Instructions may be executable by one or more processors and may cause the processor(s) to perform certain aspects of the functionality described in this disclosure.

소프트웨어로 구현되는 경우, 상기 기법들은 하나 이상의 명령들 또는 코드로서 컴퓨터 판독 가능한 매체 상에 저장되거나 또는 컴퓨터 판독 가능한 매체를 통해 전송될 수도 있다. 컴퓨터 판독가능 매체들은 한 장소에서 다른 장소로 컴퓨터 프로그램의 전송을 용이하게 하는 임의의 매체를 포함하여 컴퓨터 저장 매체들 및 통신 매체들 양자를 포함한다. 저장 매체들은 컴퓨터에 의해 액세스될 수 있는 임의의 이용 가능한 매체들일 수도 있다. 비제한적인 예로서, 이러한 컴퓨터 판독가능 매체는 RAM, ROM, EEPROM, CD-ROM 또는 다른 광학 디스크 스토리지, 자기 디스크 스토리지 또는 다른 자기 스토리지 디바이스들, 또는 소망의 프로그램 코드를 명령들 또는 데이터 구조들의 형태로 이송 또는 저장하기 위해 사용될 수 있으며 컴퓨터에 의해 액세스될 수 있는 임의의 다른 매체를 포함할 수 있다. 또한, 임의의 접속이 컴퓨터 판독가능 매체로 적절히 칭해진다.When implemented in software, the techniques may be stored on or transmitted through a computer-readable medium as one or more instructions or code. Computer-readable media includes both computer storage media and communication media, including any medium that facilitates transfer of a computer program from one place to another. Storage media may be any available media that can be accessed by a computer. By way of non-limiting example, such computer-readable media may include RAM, ROM, EEPROM, CD-ROM or other optical disk storage, magnetic disk storage or other magnetic storage devices, or the desired program code in the form of instructions or data structures. It can be used to transfer or store data and can include any other media that can be accessed by a computer. Any connection is also properly termed a computer-readable medium.

예를 들어, 소프트웨어가 동축 케이블, 광섬유 케이블, 연선, 디지털 가입자 회선 (DSL), 또는 적외선, 무선, 및 마이크로파와 같은 무선 기술들을 사용하여 웹사이트, 서버, 또는 다른 원격 소스로부터 전송되면, 동축 케이블, 광섬유 케이블, 연선, 디지털 가입자 회선, 또는 적외선, 무선, 및 마이크로파와 같은 무선 기술들은 매체의 정의 내에 포함된다. 본원에서 사용된 디스크(disk) 와 디스크(disc)는, CD, 레이저 디스크, 광 디스크, DVD(digital versatile disc), 플로피디스크, 및 블루레이 디스크를 포함하며, 여기서 디스크들(disks)은 보통 자기적으로 데이터를 재생하고, 반면 디스크들(discs) 은 레이저를 이용하여 광학적으로 데이터를 재생한다. 위의 조합들도 컴퓨터 판독가능 매체들의 범위 내에 포함되어야 한다.For example, if the Software is transmitted from a website, server, or other remote source using coaxial cable, fiber optic cable, twisted pair cable, digital subscriber line (DSL), or wireless technologies such as infrared, radio, and microwave, , fiber optic cable, twisted pair, digital subscriber line, or wireless technologies such as infrared, radio, and microwave are included within the definition of medium. As used herein, disk and disk include CD, laser disk, optical disk, digital versatile disc (DVD), floppy disk, and Blu-ray disk, where disks are usually magnetic. It reproduces data optically, while discs reproduce data optically using lasers. Combinations of the above should also be included within the scope of computer-readable media.

소프트웨어 모듈은, RAM 메모리, 플래시 메모리, ROM 메모리, EPROM 메모리, EEPROM 메모리, 레지스터들, 하드 디스크, 이동식 디스크, CD-ROM, 또는 공지된 임의의 다른 형태의 저장 매체 내에 상주할 수도 있다. 예시적인 저장 매체는, 프로세가 저장 매체로부터 정보를 판독하거나 저장 매체에 정보를 기록할 수 있도록, 프로세서에 연결될 수 있다. 대안으로, 저장 매체는 프로세서에 통합될 수도 있다. 프로세서와 저장 매체는 ASIC 내에 존재할 수도 있다. ASIC은 유저 단말 내에 존재할 수도 있다. 대안으로, 프로세서와 저장 매체는 유저 단말에서 개별 구성요소들로서 존재할 수도 있다.A software module may reside in RAM memory, flash memory, ROM memory, EPROM memory, EEPROM memory, registers, a hard disk, a removable disk, a CD-ROM, or any other form of storage medium known. An exemplary storage medium may be coupled to the processor such that the processor may read information from or write information to the storage medium. Alternatively, the storage medium may be integrated into the processor. The processor and storage media may reside within an ASIC. ASIC may exist within the user terminal. Alternatively, the processor and storage medium may exist as separate components in the user terminal.

도 10은 본 개시의 일 실시예에 따른 출력 시퀀스를 생성하기 위해, 정보 처리 시스템(1030)이 복수의 사용자 단말(1010_1, 1010_2, 1010_3)과 통신 가능하도록 연결된 구성을 나타내는 개요도이다. 도시된 바와 같이, 복수의 사용자 단말(1010_1, 1010_2, 1010_3)은 네트워크(1020)를 통해 출력 시퀀스 생성 서비스를 제공할 수 있는 정보 처리 시스템(1030)과 연결될 수 있다. 여기서, 복수의 사용자 단말(1010_1, 1010_2, 1010_3)은 출력 시퀀스 생성 서비스를 제공받는 사용자의 단말을 포함할 수 있다.Figure 10 is a schematic diagram showing a configuration in which an information processing system 1030 is connected to communicate with a plurality of user terminals 1010_1, 1010_2, and 1010_3 in order to generate an output sequence according to an embodiment of the present disclosure. As shown, a plurality of user terminals 1010_1, 1010_2, and 1010_3 may be connected to an information processing system 1030 that can provide an output sequence generation service through a network 1020. Here, the plurality of user terminals 1010_1, 1010_2, and 1010_3 may include terminals of users provided with an output sequence generation service.

일 실시예에서, 정보 처리 시스템(1030)은 출력 시퀀스 생성 서비스 제공 등과 연관된 컴퓨터 실행 가능한 프로그램(예를 들어, 다운로드 가능한 애플리케이션) 및 데이터를 저장, 제공 및 실행할 수 있는 하나 이상의 서버 장치 및/또는 데이터베이스, 또는 클라우드 컴퓨팅 서비스 기반의 하나 이상의 분산 컴퓨팅 장치 및/또는 분산 데이터베이스를 포함할 수 있다.In one embodiment, information processing system 1030 may be one or more server devices and/or databases capable of storing, providing, and executing computer-executable programs (e.g., downloadable applications) and data associated with providing output sequence generation services, etc. , or may include one or more distributed computing devices and/or distributed databases based on cloud computing services.

정보 처리 시스템(1030)에 의해 제공되는 출력 시퀀스 생성 서비스는, 복수의 사용자 단말(1010_1, 1010_2, 1010_3)의 각각에 설치된 출력 시퀀스 생성 서비스 애플리케이션 웹 브라우저 또는 웹 브라우저 확장 프로그램 등을 통해 사용자에게 제공될 수 있다. 예를 들어, 정보 처리 시스템(1030)은 출력 시퀀스 생성 서비스 애플리케이션 등을 통해 사용자 단말(1010_1, 1010_2, 1010_3)로부터 수신되는 출력 시퀀스 생성 요청에 대응하는 정보를 제공하거나 대응하는 처리를 수행할 수 있다.The output sequence generation service provided by the information processing system 1030 may be provided to users through an output sequence generation service application web browser or web browser extension program installed on each of the plurality of user terminals 1010_1, 1010_2, and 1010_3. You can. For example, the information processing system 1030 may provide information corresponding to an output sequence creation request received from the user terminals 1010_1, 1010_2, and 1010_3 through an output sequence creation service application or perform corresponding processing. .

복수의 사용자 단말(1010_1, 1010_2, 1010_3)은 네트워크(1020)를 통해 정보 처리 시스템(1030)과 통신할 수 있다. 네트워크(1020)는 복수의 사용자 단말(1010_1, 1010_2, 1010_3)과 정보 처리 시스템(1030) 사이의 통신이 가능하도록 구성될 수 있다. 네트워크(1020)는 설치 환경에 따라, 예를 들어, 이더넷(Ethernet), 유선 홈 네트워크(Power Line Communication), 전화선 통신 장치 및 RS-serial 통신 등의 유선 네트워크, 이동통신망, WLAN(Wireless LAN), Wi-Fi, Bluetooth 및 ZigBee 등과 같은 무선 네트워크 또는 그 조합으로 구성될 수 있다. 통신 방식은 제한되지 않으며, 네트워크(1020)가 포함할 수 있는 통신망(일례로, 이동통신망, 유선 인터넷, 무선 인터넷, 방송망, 위성망 등)을 활용하는 통신 방식뿐만 아니라 사용자 단말(1010_1, 1010_2, 1010_3) 사이의 근거리 무선 통신 역시 포함될 수 있다.A plurality of user terminals 1010_1, 1010_2, and 1010_3 may communicate with the information processing system 1030 through the network 1020. The network 1020 may be configured to enable communication between a plurality of user terminals 1010_1, 1010_2, and 1010_3 and the information processing system 1030. Depending on the installation environment, the network 1020 may be, for example, a wired network such as Ethernet, a wired home network (Power Line Communication), a telephone line communication device, and RS-serial communication, a mobile communication network, a wireless LAN (WLAN), It may consist of wireless networks such as Wi-Fi, Bluetooth, and ZigBee, or a combination thereof. The communication method is not limited, and includes communication methods that utilize communication networks that the network 1020 may include (e.g., mobile communication networks, wired Internet, wireless Internet, broadcasting networks, satellite networks, etc.), as well as user terminals (1010_1, 1010_2, 1010_3) ) may also include short-range wireless communication between

도 10에서 휴대폰 단말(1010_1), 태블릿 단말(1010_2) 및 PC 단말 (1010_3)이 사용자 단말의 예로서 도시되었으나, 이에 한정되지 않으며, 사용자 단말(1010_1, 1010_2, 1010_3)은 유선 및/또는 무선 통신이 가능하고 출력 시퀀스 생성 서비스 애플리케이션 또는 웹 브라우저 등이 설치되어 실행될 수 있는 임의의 컴퓨팅 장치일 수 있다. 예를 들어, 사용자 단말은, AI 스피커, 스마트폰, 휴대폰, 내비게이션, 컴퓨터, 노트북, 디지털방송용 단말, PDA(Personal Digital Assistants), PMP(Portable Multimedia Player), 태블릿 PC, 게임 콘솔(game console), 웨어러블 디바이스(wearable device), IoT(internet of things) 디바이스, VR(virtual reality) 디바이스, AR(augmented reality) 디바이스, 셋톱 박스 등을 포함할 수 있다. 또한, 도 10에는 3개의 사용자 단말(1010_1, 1010_2, 1010_3)이 네트워크(1020)를 통해 정보 처리 시스템(1030)과 통신하는 것으로 도시되어 있으나, 이에 한정되지 않으며, 상이한 수의 사용자 단말이 네트워크(1020)를 통해 정보 처리 시스템(1030)과 통신하도록 구성될 수도 있다.In FIG. 10, the mobile phone terminal (1010_1), tablet terminal (1010_2), and PC terminal (1010_3) are shown as examples of user terminals, but they are not limited thereto, and the user terminals (1010_1, 1010_2, 1010_3) use wired and/or wireless communication. This is possible and may be any computing device on which an output sequence generation service application or a web browser, etc. can be installed and executed. For example, user terminals include AI speakers, smartphones, mobile phones, navigation, computers, laptops, digital broadcasting terminals, PDAs (Personal Digital Assistants), PMPs (Portable Multimedia Players), tablet PCs, game consoles, It may include wearable devices, IoT (internet of things) devices, VR (virtual reality) devices, AR (augmented reality) devices, set-top boxes, etc. In addition, in Figure 10, three user terminals (1010_1, 1010_2, 1010_3) are shown communicating with the information processing system 1030 through the network 1020, but this is not limited to this, and a different number of user terminals are connected to the network ( It may also be configured to communicate with the information processing system 1030 via 1020).

도 11은 본 개시의 일 실시예에 따른 사용자 단말(1010) 및 정보 처리 시스템(1030)의 내부 구성을 나타내는 블록도이다. 사용자 단말(1010)은 애플리케이션, 웹 브라우저 등이 실행 가능하고 유/무선 통신이 가능한 임의의 컴퓨팅 장치를 지칭할 수 있으며, 예를 들어, 도 10의 휴대폰 단말(1010_1), 태블릿 단말(1010_2), PC 단말(1010_3) 등을 포함할 수 있다. 도시된 바와 같이, 사용자 단말(1010)은 메모리(1112), 프로세서(1114), 통신 모듈(1116) 및 입출력 인터페이스(1118)를 포함할 수 있다. 이와 유사하게, 정보 처리 시스템(1030)은 메모리(1132), 프로세서(1134), 통신 모듈(1136) 및 입출력 인터페이스(1138)를 포함할 수 있다. 도 11에 도시된 바와 같이, 사용자 단말(1010) 및 정보 처리 시스템(1030)은 각각의 통신 모듈(1116, 1136)을 이용하여 네트워크(1020)를 통해 정보 및/또는 데이터를 통신할 수 있도록 구성될 수 있다. 또한, 입출력 장치(1120)는 입출력 인터페이스(1118)를 통해 사용자 단말(1010)에 정보 및/또는 데이터를 입력하거나 사용자 단말(1010)로부터 생성된 정보 및/또는 데이터를 출력하도록 구성될 수 있다.Figure 11 is a block diagram showing the internal configuration of the user terminal 1010 and the information processing system 1030 according to an embodiment of the present disclosure. The user terminal 1010 may refer to any computing device capable of executing applications, web browsers, etc. and capable of wired/wireless communication, for example, the mobile phone terminal 1010_1, tablet terminal 1010_2 of FIG. 10, It may include a PC terminal (1010_3), etc. As shown, the user terminal 1010 may include a memory 1112, a processor 1114, a communication module 1116, and an input/output interface 1118. Similarly, information processing system 1030 may include memory 1132, processor 1134, communication module 1136, and input/output interface 1138. As shown in FIG. 11, the user terminal 1010 and the information processing system 1030 are configured to communicate information and/or data through the network 1020 using respective communication modules 1116 and 1136. It can be. Additionally, the input/output device 1120 may be configured to input information and/or data to the user terminal 1010 through the input/output interface 1118 or to output information and/or data generated from the user terminal 1010.

메모리(1112, 1132)는 비-일시적인 임의의 컴퓨터 판독 가능한 기록매체를 포함할 수 있다. 일 실시예에 따르면, 메모리(1112, 1132)는 ROM(read only memory), 디스크 드라이브, SSD(solid state drive), 플래시 메모리(flash memory) 등과 같은 비소멸성 대용량 저장 장치(permanent mass storage device)를 포함할 수 있다. 다른 예로서, ROM, SSD, 플래시 메모리, 디스크 드라이브 등과 같은 비소멸성 대용량 저장 장치는 메모리와는 구분되는 별도의 영구 저장 장치로서 사용자 단말(1010) 또는 정보 처리 시스템(1030)에 포함될 수 있다. 또한, 메모리(1112, 1132)에는 운영체제와 적어도 하나의 프로그램 코드가 저장될 수 있다.Memories 1112 and 1132 may include any non-transitory computer-readable recording medium. According to one embodiment, the memories 1112 and 1132 are non-permanent mass storage devices such as read only memory (ROM), disk drive, solid state drive (SSD), flash memory, etc. It can be included. As another example, non-perishable mass storage devices such as ROM, SSD, flash memory, disk drive, etc. may be included in the user terminal 1010 or the information processing system 1030 as a separate persistent storage device that is distinct from memory. Additionally, an operating system and at least one program code may be stored in the memories 1112 and 1132.

이러한 소프트웨어 구성요소들은 메모리(1112, 1132)와는 별도의 컴퓨터에서 판독 가능한 기록매체로부터 로딩될 수 있다. 이러한 별도의 컴퓨터에서 판독가능한 기록매체는 이러한 사용자 단말(1010) 및 정보 처리 시스템(1030)에 직접 연결가능한 기록 매체를 포함할 수 있는데, 예를 들어, 플로피 드라이브, 디스크, 테이프, DVD/CD-ROM 드라이브, 메모리 카드 등의 컴퓨터에서 판독 가능한 기록매체를 포함할 수 있다. 다른 예로서, 소프트웨어 구성요소들은 컴퓨터에서 판독 가능한 기록매체가 아닌 통신 모듈(1116, 1136)을 통해 메모리(1112, 1132)에 로딩될 수도 있다. 예를 들어, 적어도 하나의 프로그램은 개발자들 또는 애플리케이션의 설치 파일을 배포하는 파일 배포 시스템이 네트워크(1020)를 통해 제공하는 파일들에 의해 설치되는 컴퓨터 프로그램에 기반하여 메모리(1112, 1132)에 로딩될 수 있다.These software components may be loaded from a computer-readable recording medium separate from the memories 1112 and 1132. This separate computer-readable recording medium may include a recording medium directly connectable to the user terminal 1010 and the information processing system 1030, for example, a floppy drive, disk, tape, DVD/CD- It may include computer-readable recording media such as ROM drives and memory cards. As another example, software components may be loaded into the memories 1112 and 1132 through communication modules 1116 and 1136 rather than computer-readable recording media. For example, at least one program is loaded into memory 1112, 1132 based on a computer program installed by files provided over the network 1020 by developers or a file distribution system that distributes installation files for applications. It can be.

프로세서(1114, 1134)는 기본적인 산술, 로직 및 입출력 연산을 수행함으로써, 컴퓨터 프로그램의 명령을 처리하도록 구성될 수 있다. 명령은 메모리(1112, 1132) 또는 통신 모듈(1116, 1136)에 의해 프로세서(1114, 1134)로 제공될 수 있다. 예를 들어, 프로세서(1114, 1134)는 메모리(1112, 1132)와 같은 기록 장치에 저장된 프로그램 코드에 따라 수신되는 명령을 실행하도록 구성될 수 있다.The processors 1114 and 1134 may be configured to process instructions of a computer program by performing basic arithmetic, logic, and input/output operations. Commands may be provided to processors 1114 and 1134 by memories 1112 and 1132 or communication modules 1116 and 1136. For example, processors 1114 and 1134 may be configured to execute received instructions according to program codes stored in recording devices such as memories 1112 and 1132.

통신 모듈(1116, 1136)은 네트워크(1020)를 통해 사용자 단말(1010)과 정보 처리 시스템(1030)이 서로 통신하기 위한 구성 또는 기능을 제공할 수 있으며, 사용자 단말(1010) 및/또는 정보 처리 시스템(1030)이 다른 사용자 단말 또는 다른 시스템(일례로 별도의 클라우드 시스템 등)과 통신하기 위한 구성 또는 기능을 제공할 수 있다. 일례로, 사용자 단말(1010)의 프로세서(1114)가 메모리(1112) 등과 같은 기록 장치에 저장된 프로그램 코드에 따라 생성한 요청 또는 데이터(예를 들어, 출력 시퀀스 생성 요청 등)는 통신 모듈(1116)의 제어에 따라 네트워크(1020)를 통해 정보 처리 시스템(1030)으로 전달될 수 있다. 역으로, 정보 처리 시스템(1030)의 프로세서(1134)의 제어에 따라 제공되는 제어 신호나 명령이 통신 모듈(1136)과 네트워크(1020)를 거쳐 사용자 단말(1010)의 통신 모듈(1116)을 통해 사용자 단말(1010)에 수신될 수 있다.The communication modules 1116 and 1136 may provide a configuration or function for the user terminal 1010 and the information processing system 1030 to communicate with each other through the network 1020, and may provide a configuration or function for the user terminal 1010 and/or information processing. The system 1030 may provide a configuration or function for communicating with other user terminals or other systems (for example, a separate cloud system, etc.). For example, a request or data (e.g., a request to generate an output sequence, etc.) generated by the processor 1114 of the user terminal 1010 according to a program code stored in a recording device such as the memory 1112 is sent to the communication module 1116. It may be transmitted to the information processing system 1030 through the network 1020 under the control of . Conversely, a control signal or command provided under the control of the processor 1134 of the information processing system 1030 passes through the communication module 1136 and the network 1020 and then through the communication module 1116 of the user terminal 1010. It may be received by the user terminal 1010.

입출력 인터페이스(1118)는 입출력 장치(1120)와의 인터페이스를 위한 수단일 수 있다. 일 예로서, 입력 장치는 오디오 센서 및/또는 이미지 센서를 포함한 카메라, 키보드, 마이크로폰, 마우스 등의 장치를, 그리고 출력 장치는 디스플레이, 스피커, 햅틱 피드백 디바이스(haptic feedback device) 등과 같은 장치를 포함할 수 있다. 다른 예로, 입출력 인터페이스(1118)는 터치스크린 등과 같이 입력과 출력을 수행하기 위한 구성 또는 기능이 하나로 통합된 장치와의 인터페이스를 위한 수단일 수 있다. 예를 들어, 사용자 단말(1010)의 프로세서(1114)가 메모리(1112)에 로딩된 컴퓨터 프로그램의 명령을 처리함에 있어서 정보 처리 시스템(1030)이나 다른 사용자 단말이 제공하는 정보 및/또는 데이터를 이용하여 구성되는 서비스 화면 등이 입출력 인터페이스(1118)를 통해 디스플레이에 표시될 수 있다. 도 11에서는 입출력 장치(1120)가 사용자 단말(1010)에 포함되지 않도록 도시되어 있으나, 이에 한정되지 않으며, 사용자 단말(1010)과 하나의 장치로 구성될 수 있다. 또한, 정보 처리 시스템(1030)의 입출력 인터페이스(1138)는 정보 처리 시스템(1030)과 연결되거나 정보 처리 시스템(1030)이 포함할 수 있는 입력 또는 출력을 위한 장치(미도시)와의 인터페이스를 위한 수단일 수 있다. 도 11에서는 입출력 인터페이스(1118, 1138)가 프로세서(1114, 1134)와 별도로 구성된 요소로서 도시되었으나, 이에 한정되지 않으며, 입출력 인터페이스(1118, 1138)가 프로세서(1114, 1134)에 포함되도록 구성될 수 있다.The input/output interface 1118 may be a means for interfacing with the input/output device 1120. As an example, input devices may include devices such as cameras, keyboards, microphones, mice, etc., including audio sensors and/or image sensors, and output devices may include devices such as displays, speakers, haptic feedback devices, etc. You can. As another example, the input/output interface 1118 may be a means for interfacing with a device that has a structure or function for performing input and output, such as a touch screen, integrated into one. For example, the processor 1114 of the user terminal 1010 uses information and/or data provided by the information processing system 1030 or another user terminal when processing instructions of a computer program loaded in the memory 1112. A service screen, etc. constructed as such may be displayed on the display through the input/output interface 1118. In FIG. 11 , the input/output device 1120 is shown not to be included in the user terminal 1010, but the present invention is not limited to this and may be configured as a single device with the user terminal 1010. Additionally, the input/output interface 1138 of the information processing system 1030 may be connected to the information processing system 1030 or means for interfacing with a device (not shown) for input or output that the information processing system 1030 may include. It can be. In FIG. 11 , the input/output interfaces 1118 and 1138 are shown as elements configured separately from the processors 1114 and 1134, but the present invention is not limited thereto, and the input/output interfaces 1118 and 1138 may be configured to be included in the processors 1114 and 1134. there is.

사용자 단말(1010) 및 정보 처리 시스템(1030)은 도 11의 구성요소들보다 더 많은 구성요소들을 포함할 수 있다. 그러나, 대부분의 종래기술적 구성요소들을 명확하게 도시할 필요성은 없다. 일 실시예에서, 사용자 단말(1010)은 상술된 입출력 장치(1120) 중 적어도 일부를 포함하도록 구현될 수 있다. 또한, 사용자 단말(1010)은 트랜시버(transceiver), GPS(Global Positioning system) 모듈, 카메라, 각종 센서, 데이터베이스 등과 같은 다른 구성요소들을 더 포함할 수 있다. 예를 들어, 사용자 단말(1010)이 스마트폰인 경우, 일반적으로 스마트폰이 포함하고 있는 구성요소를 포함할 수 있으며, 예를 들어, 가속도 센서, 자이로 센서, 마이크 모듈, 카메라 모듈, 각종 물리적인 버튼, 터치패널을 이용한 버튼, 입출력 포트, 진동을 위한 진동기 등의 다양한 구성요소들이 사용자 단말(1010)에 더 포함되도록 구현될 수 있다.The user terminal 1010 and the information processing system 1030 may include more components than those in FIG. 11 . However, there is no need to clearly show most prior art components. In one embodiment, the user terminal 1010 may be implemented to include at least some of the input/output devices 1120 described above. Additionally, the user terminal 1010 may further include other components such as a transceiver, a global positioning system (GPS) module, a camera, various sensors, and a database. For example, if the user terminal 1010 is a smartphone, it may include components generally included in a smartphone, such as an acceleration sensor, a gyro sensor, a microphone module, a camera module, and various physical devices. Various components such as buttons, buttons using a touch panel, input/output ports, and vibrators for vibration may be implemented to be further included in the user terminal 1010.

출력 시퀀스 생성 서비스 애플리케이션 등을 위한 프로그램이 동작되는 동안에, 프로세서(1114)는 입출력 인터페이스(1118)와 연결된 터치 스크린, 키보드, 오디오 센서 및/또는 이미지 센서를 포함한 카메라, 마이크로폰 등의 입력 장치를 통해 입력되거나 선택된 텍스트, 이미지, 영상, 음성 및/또는 동작 등을 수신할 수 있으며, 수신된 텍스트, 이미지, 영상, 음성 및/또는 동작 등을 메모리(1112)에 저장하거나 통신 모듈(1116) 및 네트워크(1020)를 통해 정보 처리 시스템(1030)에 제공할 수 있다.While a program for an output sequence generation service application, etc. is operated, the processor 1114 inputs input through an input device such as a touch screen, keyboard, camera including an audio sensor and/or an image sensor, and a microphone connected to the input/output interface 1118. or receive selected text, images, videos, voices, and/or actions, and store the received text, images, videos, voices, and/or actions in the memory 1112 or use the communication module 1116 and the network ( It can be provided to the information processing system 1030 through 1020).

사용자 단말(1010)의 프로세서(1114)는 입출력 장치(1120), 다른 사용자 단말, 정보 처리 시스템(1030) 및/또는 복수의 외부 시스템으로부터 수신된 정보 및/또는 데이터를 관리, 처리 및/또는 저장하도록 구성될 수 있다. 프로세서(1114)에 의해 처리된 정보 및/또는 데이터는 통신 모듈(1116) 및 네트워크(1020)를 통해 정보 처리 시스템(1030)에 제공될 수 있다. 사용자 단말(1010)의 프로세서(1114)는 입출력 인터페이스(1118)를 통해 입출력 장치(1120)로 정보 및/또는 데이터를 전송하여, 출력할 수 있다. 예를 들면, 프로세서(1114)는 수신한 정보 및/또는 데이터를 사용자 단말(1010)의 화면에 디스플레이할 수 있다.The processor 1114 of the user terminal 1010 manages, processes, and/or stores information and/or data received from the input/output device 1120, other user terminals, the information processing system 1030, and/or a plurality of external systems. It can be configured to do so. Information and/or data processed by processor 1114 may be provided to information processing system 1030 via communication module 1116 and network 1020. The processor 1114 of the user terminal 1010 may transmit and output information and/or data to the input/output device 1120 through the input/output interface 1118. For example, the processor 1114 may display the received information and/or data on the screen of the user terminal 1010.

정보 처리 시스템(1030)의 프로세서(1134)는 복수의 사용자 단말(1010) 및/또는 복수의 외부 시스템으로부터 수신된 정보 및/또는 데이터를 관리, 처리 및/또는 저장하도록 구성될 수 있다. 프로세서(1134)에 의해 처리된 정보 및/또는 데이터는 통신 모듈(1136) 및 네트워크(1020)를 통해 사용자 단말(1010)에 제공할 수 있다.The processor 1134 of the information processing system 1030 may be configured to manage, process, and/or store information and/or data received from a plurality of user terminals 1010 and/or a plurality of external systems. Information and/or data processed by the processor 1134 may be provided to the user terminal 1010 through the communication module 1136 and the network 1020.

도 10 및 11에서는 사용자 단말이 네트워크를 통해 입력 시퀀스를 정보 처리 시스템으로 전송하고, 정보 처리 시스템이 입력 시퀀스에 기초하여 출력 시퀀스를 생성하고, 정보 처리 시스템이 생성된 출력 시퀀스를 사용자 단말로 전송하는 것으로 도시되었으나, 이에 한정되지 않는다. 예를 들어, 사용자 단말은 정보 처리 시스템과 통신하지 않고, 스스로 입력 시퀀스에 기초하여 출력 시퀀스를 생성할 수 있다.10 and 11, the user terminal transmits an input sequence to the information processing system through a network, the information processing system generates an output sequence based on the input sequence, and the information processing system transmits the generated output sequence to the user terminal. Although shown, it is not limited thereto. For example, the user terminal may generate an output sequence on its own based on the input sequence, without communicating with the information processing system.

이상 설명된 실시예들이 하나 이상의 독립형 컴퓨터 시스템에서 현재 개시된 주제의 양태들을 활용하는 것으로 기술되었으나, 본 개시는 이에 한정되지 않고, 네트워크나 분산 컴퓨팅 환경과 같은 임의의 컴퓨팅 환경과 연계하여 구현될 수도 있다. 또 나아가, 본 개시에서 주제의 양상들은 복수의 프로세싱 칩들이나 장치들에서 구현될 수도 있고, 스토리지는 복수의 장치들에 걸쳐 유사하게 영향을 받게 될 수도 있다. 이러한 장치들은 PC들, 네트워크 서버들, 및 휴대용 장치들을 포함할 수도 있다.Although the above-described embodiments have been described as utilizing aspects of the presently disclosed subject matter in one or more standalone computer systems, the disclosure is not limited thereto and may also be implemented in conjunction with any computing environment, such as a network or distributed computing environment. . Furthermore, aspects of the subject matter of this disclosure may be implemented in multiple processing chips or devices, and storage may be similarly effected across the multiple devices. These devices may include PCs, network servers, and portable devices.

본 명세서에서는 본 개시가 일부 실시예들과 관련하여 설명되었지만, 본 개시의 발명이 속하는 기술분야의 통상의 기술자가 이해할 수 있는 본 개시의 범위를 벗어나지 않는 범위에서 다양한 변형 및 변경이 이루어질 수 있다. 또한, 그러한 변형 및 변경은 본 명세서에 첨부된 특허청구의 범위 내에 속하는 것으로 생각되어야 한다.Although the present disclosure has been described in relation to some embodiments in this specification, various modifications and changes may be made without departing from the scope of the present disclosure as can be understood by a person skilled in the art to which the invention pertains. Additionally, such modifications and changes should be considered to fall within the scope of the claims appended hereto.

110: 모델
112: 입력 시퀀스
120: 타임 스텝
130: 출력 시퀀스
110: model
112: Input sequence
120: Time step
130: Output sequence

Claims (13)

적어도 하나의 프로세서에 의해 수행되는, 재귀(recurrent) 신경망 모델의 앙상블(Ensemble) 방법에 있어서,
입력 시퀀스를 수신하는 단계;
상기 입력 시퀀스를 처리할 복수의 재귀 신경망 모델을 수신하는 단계;
매 타임 스텝(time step)마다 상기 복수의 재귀 신경망 모델의 출력을 앙상블하여 상기 입력 시퀀스에 대응하는 출력 시퀀스를 생성하는 단계; 및
상기 출력 시퀀스를 출력하는 단계
를 포함하는, 재귀 신경망 모델의 앙상블 방법.
In the ensemble method of a recurrent neural network model, performed by at least one processor,
receiving an input sequence;
Receiving a plurality of recursive neural network models to process the input sequence;
generating an output sequence corresponding to the input sequence by ensembleing outputs of the plurality of recursive neural network models at every time step; and
Outputting the output sequence
Ensemble method of recursive neural network model, including.
제1항에 있어서,
상기 복수의 재귀 신경망 모델은 각각 상이한 학습 데이터로 학습된, 재귀 신경망 모델의 앙상블 방법.
According to paragraph 1,
An ensemble method of a recursive neural network model, wherein the plurality of recursive neural network models are each learned with different learning data.
제1항에 있어서,
상기 복수의 재귀 신경망 모델은 생성 모델(generative model)인, 재귀 신경망 모델의 앙상블 방법.
According to paragraph 1,
An ensemble method of a recursive neural network model, wherein the plurality of recursive neural network models are generative models.
제1항에 있어서,
상기 복수의 재귀 신경망 모델은 시퀀스-투-시퀀스 모델(Sequence-to-Sequence)인, 재귀 신경망 모델의 앙상블 방법.
According to paragraph 1,
An ensemble method of a recursive neural network model, wherein the plurality of recursive neural network models are sequence-to-sequence models.
제1항에 있어서,
상기 출력 시퀀스를 생성하는 단계는,
제1 타임 스텝에서 상기 복수의 재귀 신경망 모델의 출력을 생성하는 단계;
상기 제1 타임 스텝에서 상기 복수의 재귀 신경망 모델의 출력에 기초하여 합의된 출력(settled output)을 결정하는 단계; 및
상기 합의된 출력과 상이한 출력을 가지는 재귀 신경망 모델을 제거하는 단계
를 포함하는, 재귀 신경망 모델의 앙상블 방법.
According to paragraph 1,
The step of generating the output sequence is,
generating outputs of the plurality of recursive neural network models at a first time step;
determining a settled output based on outputs of the plurality of recursive neural network models at the first time step; and
Removing recursive neural network models with outputs different from the agreed output
Ensemble method of recursive neural network model, including.
제5항에 있어서,
상기 합의된 출력은 상기 제1 타임 스텝에서 상기 복수의 재귀 신경망 모델 중 동일한 출력을 가지는 모델의 수에 기초하여 결정되는, 재귀 신경망 모델의 앙상블 방법.
According to clause 5,
The ensemble method of a recursive neural network model, wherein the agreed output is determined based on the number of models having the same output among the plurality of recursive neural network models in the first time step.
제5항에 있어서,
매 타임 스텝마다 제거되지 않은 재귀 신경망 모델은 이전 타임 스텝에서 자신이 생성한 출력을 현재 타임 스텝의 입력으로 사용하는, 재귀 신경망 모델의 앙상블 방법.
According to clause 5,
An ensemble method of recursive neural network models in which a recursive neural network model that is not removed at each time step uses the output it generated in the previous time step as the input of the current time step.
제5항에 있어서,
상기 출력 시퀀스를 생성하는 단계는,
마지막 타임 스텝에 남은 적어도 하나의 재귀 신경망 모델의 각 타임 스텝에서의 출력을 연결하여 상기 입력 시퀀스에 대응하는 출력 시퀀스를 생성하는 단계
를 더 포함하는, 재귀 신경망 모델의 앙상블 방법.
According to clause 5,
The step of generating the output sequence is,
Generating an output sequence corresponding to the input sequence by connecting the output at each time step of at least one recursive neural network model remaining at the last time step.
An ensemble method of a recursive neural network model, further comprising:
제1항에 있어서,
상기 출력 시퀀스를 생성하는 단계는,
제1 타임 스텝에서 상기 복수의 재귀 신경망 모델의 출력을 생성하는 단계;
상기 제1 타임 스텝에서 상기 복수의 재귀 신경망 모델의 출력에 기초하여 합의된 출력을 결정하는 단계; 및
제2 타임 스텝에서 상기 합의된 출력을 상기 복수의 재귀 신경망 모델 모두의 입력으로 하여, 상기 복수의 재귀 신경망 모델의 출력을 생성하는 단계
를 포함하는, 재귀 신경망 모델의 앙상블 방법.
According to paragraph 1,
The step of generating the output sequence is,
generating outputs of the plurality of recursive neural network models at a first time step;
determining an agreed output based on the outputs of the plurality of recursive neural network models at the first time step; and
Using the agreed output as an input to all of the plurality of recursive neural network models in a second time step, generating outputs of the plurality of recursive neural network models.
Ensemble method of recursive neural network model, including.
제9항에 있어서,
상기 합의된 출력은 상기 제1 타임 스텝에서 상기 복수의 재귀 신경망 모델의 출력의 신뢰도 값에 기초하여 결정되는, 재귀 신경망 모델의 앙상블 방법.
According to clause 9,
The ensemble method of a recursive neural network model, wherein the agreed output is determined based on reliability values of the outputs of the plurality of recursive neural network models at the first time step.
제9항에 있어서,
상기 출력 시퀀스를 생성하는 단계는,
모든 타임 스텝에서의 합의된 출력을 연결하여 상기 입력 시퀀스에 대응하는 출력 시퀀스를 생성하는 단계
를 더 포함하는, 재귀 신경망 모델의 앙상블 방법.
According to clause 9,
The step of generating the output sequence is,
Connecting the agreed upon outputs at all time steps to generate an output sequence corresponding to the input sequence.
An ensemble method of a recursive neural network model, further comprising:
제1항 내지 제11항 중 어느 한 항에 따른 방법을 컴퓨터에서 실행하기 위해 컴퓨터 판독 가능한 기록 매체에 저장된 컴퓨터 프로그램.
A computer program stored in a computer-readable recording medium for executing the method according to any one of claims 1 to 11 on a computer.
정보 처리 시스템으로서,
통신 모듈;
메모리; 및
상기 메모리와 연결되고, 상기 메모리에 포함된 컴퓨터 판독 가능한 적어도 하나의 프로그램을 실행하도록 구성된 적어도 하나의 프로세서를 포함하고,
상기 적어도 하나의 프로그램은,
입력 시퀀스를 수신하고,
상기 입력 시퀀스를 처리할 복수의 재귀 신경망 모델을 수신하고,
매 타임 스텝마다 상기 복수의 재귀 신경망 모델의 출력을 앙상블하여 상기 입력 시퀀스에 대응하는 출력 시퀀스를 생성하고,
상기 출력 시퀀스를 출력하기 위한 명령어들을 포함하는, 정보 처리 시스템.
As an information processing system,
communication module;
Memory; and
At least one processor connected to the memory and configured to execute at least one computer-readable program included in the memory,
The at least one program is,
receives an input sequence,
Receiving a plurality of recursive neural network models to process the input sequence,
Ensemble outputs of the plurality of recursive neural network models at each time step to generate an output sequence corresponding to the input sequence,
An information processing system comprising instructions for outputting the output sequence.
KR1020220173111A 2022-12-12 2022-12-12 Method and system for ensemble of recurrent neural network model KR20240087937A (en)

Priority Applications (2)

Application Number Priority Date Filing Date Title
KR1020220173111A KR20240087937A (en) 2022-12-12 2022-12-12 Method and system for ensemble of recurrent neural network model
PCT/KR2023/010120 WO2024128446A1 (en) 2022-12-12 2023-07-14 Neural network model ensemble method and system

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
KR1020220173111A KR20240087937A (en) 2022-12-12 2022-12-12 Method and system for ensemble of recurrent neural network model

Publications (1)

Publication Number Publication Date
KR20240087937A true KR20240087937A (en) 2024-06-20

Family

ID=91485044

Family Applications (1)

Application Number Title Priority Date Filing Date
KR1020220173111A KR20240087937A (en) 2022-12-12 2022-12-12 Method and system for ensemble of recurrent neural network model

Country Status (2)

Country Link
KR (1) KR20240087937A (en)
WO (1) WO2024128446A1 (en)

Family Cites Families (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
KR20190041790A (en) * 2017-10-13 2019-04-23 한국전자통신연구원 Apparatus and method for constructing neural network translation model
US11138392B2 (en) * 2018-07-26 2021-10-05 Google Llc Machine translation using neural network models
US10832003B2 (en) * 2018-08-26 2020-11-10 CloudMinds Technology, Inc. Method and system for intent classification
KR20210044559A (en) * 2019-10-15 2021-04-23 삼성전자주식회사 Method and device for determining output token

Also Published As

Publication number Publication date
WO2024128446A1 (en) 2024-06-20

Similar Documents

Publication Publication Date Title
US20230259784A1 (en) Regularized neural network architecture search
US11568000B2 (en) System and method for automatic task-oriented dialog system
EP3920178A1 (en) Audio recognition method and system, and device
US9818409B2 (en) Context-dependent modeling of phonemes
US10971135B2 (en) System and method for crowd-sourced data labeling
JP6446602B2 (en) Method and system for categorizing data
RU2666631C2 (en) Training of dnn-student by means of output distribution
US20210232929A1 (en) Neural architecture search
WO2018097907A1 (en) Answer to question neural networks
CN110929114A (en) Tracking digital dialog states and generating responses using dynamic memory networks
CN108604311B (en) Enhanced neural network with hierarchical external memory
CN114830139A (en) Training models using model-provided candidate actions
CN115362497A (en) Sequence-to-sequence speech recognition with delay threshold
JP2021179979A (en) Method for extracting attribute of item for shopping search
JP7317889B2 (en) Method and system for augmenting shopping search results
US20230409615A1 (en) Systems and Methods for Providing User Experiences on Smart Assistant Systems
Shalyminov et al. Data-efficient goal-oriented conversation with dialogue knowledge transfer networks
WO2024093578A1 (en) Voice recognition method and apparatus, and electronic device, storage medium and computer program product
JP2022042460A (en) Voice recognition model learning method and system utilizing enhanced consistency normalization
WO2021047103A1 (en) Voice recognition method and device
KR20240087937A (en) Method and system for ensemble of recurrent neural network model
WO2023192676A1 (en) Deterministic training of machine learning models
Wang et al. Speculative rag: Enhancing retrieval augmented generation through drafting
KR102636155B1 (en) Method and system for generating image using content code
KR102661751B1 (en) Method and system for generating speech synthesis model based on selective data augmentation