WO2023085852A1 - Deep neural network training device and method for executing statistical regularization - Google Patents

Deep neural network training device and method for executing statistical regularization Download PDF

Info

Publication number
WO2023085852A1
WO2023085852A1 PCT/KR2022/017760 KR2022017760W WO2023085852A1 WO 2023085852 A1 WO2023085852 A1 WO 2023085852A1 KR 2022017760 W KR2022017760 W KR 2022017760W WO 2023085852 A1 WO2023085852 A1 WO 2023085852A1
Authority
WO
WIPO (PCT)
Prior art keywords
neural network
layer
learning
activation function
statistics
Prior art date
Application number
PCT/KR2022/017760
Other languages
French (fr)
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
Priority claimed from KR1020220145470A external-priority patent/KR20230069010A/en
Application filed by 서울대학교산학협력단 filed Critical 서울대학교산학협력단
Publication of WO2023085852A1 publication Critical patent/WO2023085852A1/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
    • 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

Definitions

  • the present invention relates to a deep neural network learning apparatus and method for performing normalization, and more particularly, to normalize the number of neurons to be removed by selecting neurons corresponding to outliers among output values of an activation function instead of randomly removing neurons. It relates to a deep neural network learning apparatus and method for enhancing the efficiency of learning and performing statistical regularization to improve learning performance by better preserving meaningful information in the learning stage.
  • Deep learning is a technology that solves various problems using a deep neural network (DNN) that mimics the behavior of the human brain.
  • DNN deep neural network
  • a deep neural network identifies characteristics of training data in a training phase and executes an operation based on a learned pattern in an inference phase.
  • the model is trained using the training data, the generalization performance of the network is monitored with verification data during the training process, and after training is completed, the trained model is used to Execute inference on actual usage.
  • DNN deep neural network
  • the overfitting problem is a representative factor that reduces the accuracy of DNN, and it greatly hinders learning depending on the type of DNN and learning/inference data.
  • Several regularization techniques have been developed to solve this problem, but they do not completely solve the problem.
  • the activation function most used in DNN is ReLU.
  • activation functions such as GELU, SiLU, and Mish that have regularization effects that prevent overfitting, such as Dropout, have been proposed.
  • the dual GELU function is also applied to BERT and GPT-3, which are widely used in the field of natural language processing. However, although these functions have a normalization effect, they are still used together with Dropout due to their lack of effect.
  • the dropout technique is a technique that reduces the number of parameters whose values are updated in backward computation by removing specific neurons with a certain probability during learning and proceeds with learning.
  • the dropout technique is implemented in the form of a dropout layer.
  • the dropout layer is a layer that receives N neurons as input and outputs N neurons as output. At every training iteration, some of the input/output neuron pairs are selected with a certain probability and excluded from the learning process. The output neuron of the excluded neuron pair outputs 0 regardless of the input value (Forward computation), and during the gradient propagation process, the gradient value of the input neuron is delivered as 0 regardless of the gradient value of the output neuron (Backward computation).
  • Dropout technology is currently widely used in the field of deep learning, and many popular DNN models include dropout layers.
  • the present invention has been proposed to solve the above-mentioned problems, and instead of randomly removing neurons, the activation function is modified to select neurons to be more efficiently removed, and a deep neural network learning device that performs statistics-based normalization and The purpose is to provide that method.
  • an apparatus for learning a deep neural network performing statistical-based normalization includes an input unit for inputting training data for learning a deep neural network (DNN) model; A learning processor for learning the DNN model using the training data, wherein the DNN model includes a statistics-based normalization layer between a first neural network layer and a second neural network layer, and the statistics-based normalization layer comprises: Based on statistical information based on the output value of the activation function for one neural network layer, neurons to be excluded from the first neural network layer are determined, and output values of the activation function corresponding to the remaining neurons are output to the second neural network layer.
  • a method for learning a statistics-based normalization layer includes receiving learning data; obtaining output values of an activation function of a first neural network layer; determining outliers by performing statistical normalization based on the output values; removing the output value determined as the outlier; The method may include outputting remaining output values other than the outlier among the output values to a second neural network layer.
  • the deep neural network learning apparatus and method for performing statistical-based normalization instead of removing random neurons, removing neurons corresponding to outliers by using statistical information of data in each layer is .
  • the efficiency of normalization compared to the number of neurons to be removed is improved, and meaningful information is better preserved in the learning phase. learning performance can be improved.
  • FIG. 1 is a block diagram showing the configuration of a neural network device according to an embodiment of the present invention.
  • FIG. 2 is a diagram showing the structure of an artificial neural network model including a statistics-based normalization layer according to an embodiment of the present invention.
  • FIG. 3 is an exemplary diagram for explaining a statistics-based normalization layer according to an embodiment of the present invention.
  • FIG. 4 schematically illustrates the concept of an activation function and a transfer function in a perceptron.
  • FIG. 5 shows an example of a graph for comparing performance between a statistics-based normalization layer and dropout according to an embodiment of the present invention.
  • FIG. 6 is a flowchart for explaining a statistics-based normalization layer training method according to an embodiment of the present invention.
  • AI Artificial intelligence
  • artificial intelligence does not exist by itself, but is directly or indirectly related to other fields of computer science.
  • attempts to introduce artificial intelligence elements in various fields of information technology and use them to solve problems in those fields are being actively made.
  • Machine learning is a branch of artificial intelligence, a field of study that gives computers the ability to learn without being explicitly programmed.
  • machine learning is a technology that studies and builds a system that learns based on empirical data, makes predictions, and improves its own performance, as well as algorithms for it.
  • Machine learning algorithms build specific models to make predictions or decisions based on input data, rather than executing rigidly defined, static program instructions.
  • 'machine learning' may be used interchangeably with the term 'machine learning'.
  • a decision tree is an analysis method that performs classification and prediction by charting decision-making rules in a tree structure.
  • Bayesian network is a model that expresses a stochastic relationship (conditional independence) among multiple variables in a graph structure. Bayesian networks are suitable for data mining through unsupervised learning.
  • a support vector machine is a supervised learning model for pattern recognition and data analysis, and is mainly used for classification and regression analysis.
  • An artificial neural network is an information processing system in which a number of neurons, called nodes or processing elements, are connected in the form of a layer structure by modeling the operating principle of biological neurons and the connection relationship between neurons.
  • An artificial neural network is a model used in machine learning and is a statistical learning algorithm inspired by neural networks in biology (particularly the brain in the central nervous system of animals) in machine learning and cognitive science.
  • an artificial neural network may refer to an overall model having a problem-solving ability by changing synaptic coupling strength through learning of artificial neurons (nodes) formed by synapse coupling.
  • artificial neural network may be used interchangeably with the term neural network.
  • An artificial neural network may include a plurality of layers, and each of the layers may include a plurality of neurons.
  • the artificial neural network may include neurons and synapses connecting neurons.
  • Artificial neural networks generally use the following three factors: (1) connection patterns between neurons in different layers, (2) a learning process that updates the weights of connections, and (3) an output value from the weighted sum of the inputs received from the previous layer. It can be defined by the activation function you create.
  • the artificial neural network may include network models such as a deep neural network (DNN), a recurrent neural network (RNN), a bidirectional recurrent deep neural network (BRDNN), a multilayer perceptron (MLP), and a convolutional neural network (CNN). , but not limited thereto.
  • DNN deep neural network
  • RNN recurrent neural network
  • BBDNN bidirectional recurrent deep neural network
  • MLP multilayer perceptron
  • CNN convolutional neural network
  • 'layer' may be used interchangeably with the term 'layer'.
  • Artificial neural networks are classified into single-layer neural networks and multi-layer neural networks according to the number of layers.
  • a typical single-layer neural network consists of an input layer and an output layer.
  • a general multilayer neural network is composed of an input layer, one or more hidden layers, and an output layer.
  • the input layer is a layer that accepts external data.
  • the number of neurons in the input layer is the same as the number of input variables.
  • the hidden layer is located between the input layer and the output layer. do.
  • the output layer receives a signal from the hidden layer and outputs an output value based on the received signal.
  • the input signal between neurons is multiplied by each connection strength (weight) and then summed. If this sum is greater than the neuron's threshold, the neuron is activated and outputs the output value obtained through the activation function.
  • a deep neural network including a plurality of hidden layers between an input layer and an output layer may be a representative artificial neural network implementing deep learning, which is a type of machine learning technology.
  • the term 'deep learning' may be used interchangeably with the term 'deep learning'.
  • the artificial neural network may be trained using training data.
  • learning refers to a process of determining parameters of an artificial neural network using learning data to achieve a goal such as classification, regression, or clustering of input data. can do.
  • parameters of an artificial neural network a weight assigned to a synapse or a bias applied to a neuron may be mentioned.
  • the artificial neural network learned from the training data may classify or cluster input data according to patterns of the input data.
  • an artificial neural network trained using training data may be referred to as a trained model in this specification.
  • Learning methods of artificial neural networks can be largely classified into supervised learning, unsupervised learning, semi-supervised learning, and reinforcement learning.
  • Supervised learning is a method of machine learning to infer a function from training data.
  • outputting a continuous value is called regression analysis, and predicting and outputting a class of an input vector is called classification.
  • an artificial neural network is trained with labels for training data given.
  • the label may mean a correct answer (or a result value) that the artificial neural network should infer when training data is input to the artificial neural network.
  • an answer (or a result value) to be inferred by an artificial neural network is referred to as a label or labeling data.
  • labeling labeling data on training data is referred to as labeling labeling data on training data.
  • training data and labels corresponding to the training data constitute one training set, and may be input to the artificial neural network in the form of a training set.
  • the training data represents a plurality of features
  • labeling the training data with a label may mean that a label is attached to a feature represented by the training data.
  • the training data may represent the characteristics of the input object in the form of a vector.
  • the artificial neural network may infer a function for a relation between training data and labeling data using training data and labeling data.
  • parameters of the artificial neural network may be determined (optimized) through evaluation of the function inferred from the artificial neural network.
  • Unsupervised learning is a type of machine learning in which labels are not given to the training data.
  • unsupervised learning may be a learning method for learning an artificial neural network to find and classify a pattern in training data itself rather than an association between training data and a label corresponding to the training data.
  • 'clustering' may be used interchangeably with the term 'clustering'.
  • Examples of artificial neural networks using unsupervised learning include a generative adversarial network (GAN) and an auto encoder (AE).
  • GAN generative adversarial network
  • AE auto encoder
  • a generative adversarial network is a machine learning method in which two different artificial intelligences, a generator and a discriminator, compete to improve performance.
  • the generator is a model that creates new data and can generate new data based on original data.
  • the discriminator is a model that recognizes data patterns and can play a role in discriminating whether input data is original data or new data generated by a generator.
  • the generator learns by receiving the data that has not deceived the discriminator, and the discriminator can learn by receiving the deceived data from the generator. Accordingly, the generator can evolve to deceive the discriminator as best as possible, and the discriminator can evolve to distinguish well between the original data and the data generated by the generator.
  • An autoencoder is a neural network that aims to reproduce the input itself as an output.
  • An auto-encoder includes an input layer, at least one hidden layer, and an output layer.
  • the data output from the hidden layer goes into the output layer.
  • the number of nodes in the output layer is greater than the number of nodes in the hidden layer, the dimensionality of data increases, and accordingly, decompression or decoding is performed.
  • the autoencoder adjusts the connection strength of neurons through learning, so that input data is expressed as hidden layer data.
  • information is expressed with fewer neurons than in the input layer, and being able to reproduce input data as an output may mean that the hidden layer discovered and expressed a hidden pattern from the input data.
  • Reinforcement learning is the theory that if an agent is given an environment in which it can judge what action to take every moment, it can find the best way through experience without data.
  • Reinforcement learning can be performed mainly by Markov Decision Process (MDP).
  • MDP Markov Decision Process
  • the structure of an artificial neural network is specified by the model configuration, activation function, loss function or cost function, learning algorithm, optimization algorithm, etc., and hyperparameters are set in advance before learning. It is set, and later, a model parameter is set through learning so that the contents can be specified.
  • the factors that determine the structure of an artificial neural network include the number of hidden layers, the number of hidden nodes included in each hidden layer, an input feature vector, and a target feature vector.
  • the content can be specified. there is.
  • factors determining the structure of an artificial neural network may include the number of hidden layers, the number of hidden nodes included in each hidden layer, an input feature vector, a target feature vector, and the like.
  • Hyperparameters include various parameters that must be initially set for learning, such as initial values of model parameters. And, the model parameters include several parameters to be determined through learning.
  • hyperparameters may include an initial value of weight between nodes, an initial value of bias between nodes, the number of learning iterations, a learning rate, and the like.
  • model parameters may include weights between nodes, biases between nodes, and the like.
  • the loss function may be used as an index (reference) for determining optimal model parameters in the learning process of an artificial neural network.
  • Learning in an artificial neural network means a process of manipulating model parameters to reduce a loss function, and the purpose of learning can be seen as determining model parameters that minimize a loss function.
  • the loss function may mainly use mean squared error (MSE) or cross entropy error (CEE), but the present invention is not limited thereto.
  • MSE mean squared error
  • CEE cross entropy error
  • Cross entropy error can be used when the correct answer label is one-hot encoded.
  • One-hot encoding is an encoding method in which the correct answer label value is set to 1 only for neurons corresponding to the correct answer, and the correct answer label value is set to 0 for neurons with no correct answer.
  • learning optimization algorithms can be used to minimize the loss function, and learning optimization algorithms include Gradient Descent (GD), Stochastic Gradient Descent (SGD), Momentum ), NAG (Nesterov Accelerate Gradient), Adagrad, AdaDelta, RMSProp, Adam, and Nadam.
  • Gradient Descent GD
  • Stochastic Gradient Descent SGD
  • Momentum Momentum
  • NAG Nesterov Accelerate Gradient
  • Adagrad AdaDelta
  • RMSProp Adam
  • Adam and Nadam.
  • Gradient descent is a technique that adjusts model parameters in the direction of reducing the value of the loss function by considering the slope of the loss function in the shape state.
  • the direction in which model parameters are adjusted is called a step direction, and the size to be adjusted is called a step size.
  • the step size may mean a learning rate.
  • a gradient may be obtained by partial differentiation of a loss function with respective model parameters, and the model parameters may be updated by changing the model parameters in the direction of the obtained gradient by a learning rate.
  • Stochastic gradient descent is a technique that increases the frequency of gradient descent by dividing training data into mini-batches and performing gradient descent for each mini-batch.
  • Adagrad, AdaDelta, and RMSProp are techniques that increase optimization accuracy by adjusting the step size in SGD.
  • momentum and NAG are techniques that increase optimization accuracy by adjusting the step direction.
  • Adam is a technique that increases optimization accuracy by adjusting the step size and step direction by combining momentum and RMSProp.
  • Nadam is a technique that increases optimization accuracy by adjusting the step size and step direction by combining NAG and RMSProp.
  • the learning speed and accuracy of an artificial neural network are characterized by being largely dependent on the hyperparameters as well as the structure of the artificial neural network and the type of learning optimization algorithm. Therefore, in order to obtain a good learning model, it is important to set appropriate hyperparameters as well as to determine an appropriate artificial neural network structure and learning algorithm.
  • hyperparameters are experimentally set to various values to train the artificial neural network, and as a result of learning, the optimal values are set to provide stable learning speed and accuracy.
  • FIG. 1 is a block diagram showing the configuration of a neural network device 100 according to an embodiment of the present invention.
  • the neural network device 100 is a device that can perform machine learning using learning data, and may include a device that learns using a model composed of an artificial neural network.
  • the neural network device 100 may be configured to receive, classify, store, and output information to be used for data mining, data analysis, intelligent decision making, and machine learning algorithms.
  • the machine learning algorithm may include a deep learning algorithm.
  • the neural network device 100 can communicate with at least one external device (not shown) or terminal (not shown), and can derive results by analyzing or learning data in place of or with the external device.
  • the meaning of helping other devices may mean distribution of computing power through distributed processing.
  • the neural network device 100 is a variety of devices for learning an artificial neural network, and may generally mean a server, and may be referred to as a neural network learning device or a neural network learning server.
  • the neural network device 100 may be implemented as a single server, a plurality of server sets, a cloud server, or a combination thereof.
  • a plurality of neural network devices 100 may be configured to form a neural network learning device set (or a cloud server), and at least one neural network device 100 included in the neural network learning device set analyzes or analyzes data through distributed processing. Learn to derive results.
  • the neural network device 100 may transmit a model learned by machine learning or deep learning to an external device (not shown) periodically or upon request.
  • a neural network device 100 may include a communication unit 110, an input unit 120, a memory 130, a running processor 140, a power supply unit 150, and a processor 160.
  • the communication unit 110 may refer to a configuration including a wireless communication unit (not shown) and an interface unit (not shown). That is, the communication unit 110 may transmit/receive data with other devices through wired/wireless communication or an interface.
  • the input unit 120 may obtain training data for model learning or input data for obtaining an output using the learned model.
  • the input unit 120 may obtain raw input data.
  • the learning processor 140 or the processor 160 preprocesses the acquired data to generate training data or preprocessed input data that can be input to model learning. can do.
  • the input unit 120 may obtain raw input data.
  • the learning processor 140 or the processor 160 preprocesses the acquired data to obtain training data or preprocessed input data that can be input to model learning. can create
  • the pre-processing of the input data performed by the input unit 120 may mean extracting input features from the input data.
  • the input unit 120 may acquire data by receiving data through the communication unit 110 .
  • the memory 130 may store a model learned by the learning processor 140 or the neural network device 100 .
  • the memory 130 may store the learned model by dividing it into a plurality of versions according to the learning time or learning progress, as needed.
  • the memory 130 may store input data obtained from the input unit 120, learning data (or training data) used for model learning, and a learning history of the model.
  • the input data stored in the memory 130 may be not only processed data suitable for model learning, but also unprocessed input data itself.
  • the memory 130 may include a model storage unit 131 and a database 132 and the like.
  • the model storage unit 131 stores a neural network model (or artificial neural network, 131a) that is being learned or learned through the learning process 140, and stores the updated model when the model is updated through learning. At this time, the model storage unit 131 may store the learned model by dividing it into a plurality of versions according to the learning time or learning progress, if necessary.
  • a neural network model or artificial neural network, 131a
  • the artificial neural network 131a shown in FIG. 1 is only one example of an artificial neural network including a plurality of hidden layers, and the artificial neural network of the present invention is not limited thereto.
  • the artificial neural network 131a may be implemented as hardware, software, or a combination of hardware and software. When part or all of the artificial neural network 131a is implemented as software, one or more instructions constituting the artificial neural network 131a may be stored in the memory 130 .
  • the database 132 may store input data obtained from the input unit 120, learning data (or training data) used for model learning, and a learning history of the model.
  • the input data stored in the database 132 may be processed data suitable for model learning as well as unprocessed input data itself.
  • the learning processor 140 may train the artificial neural network 131a using training data or a training set.
  • the learning processor 140 directly acquires preprocessed input data obtained by the processor 160 through the input unit 120 to learn the artificial neural network 131a or obtains preprocessed input data stored in the database 132 Thus, the artificial neural network 131a can be learned.
  • the learning processor 140 may determine optimized model parameters of the artificial neural network 131a by iteratively training the artificial neural network 131a using various learning techniques described above.
  • an artificial neural network whose parameters are determined by learning using learning data may be referred to as a learning model or a learned model.
  • the learning model may infer a resultant value while being loaded in the learning device 100 of the artificial neural network, or may be transmitted and installed in another device such as a terminal or an external device through the communication unit 110.
  • the updated learning model may be transmitted to and installed in another device such as a terminal or an external device through the communication unit 110 .
  • the learning model may be used to infer result values for new input data other than learning data.
  • Learning processor 140 may be configured to receive, classify, store, and output information to be used for data mining, data analysis, intelligent decision making, and machine learning algorithms and techniques.
  • the learning processor 140 may include a memory integrated or implemented in the neural network device 100 . In some embodiments, learning processor 140 may be implemented using memory 130 .
  • the learning processor 140 may be implemented using memory maintained in a cloud computing environment, or other remote memory location accessible by the terminal via a communication scheme such as a network.
  • Learning processor 140 typically stores data in one or more databases to identify, index, categorize, manipulate, store, retrieve, and output data for use in supervised or unsupervised learning, data mining, predictive analytics, or other machines. It can be configured to store in.
  • the database may be implemented using the memory 130, a memory maintained in a cloud computing environment, or another remote memory location accessible by the terminal through a communication method such as a network.
  • Information stored in learning processor 140 may be used by processor 160 using any of a variety of different types of data analysis algorithms and machine learning algorithms.
  • Examples of such algorithms include k-nearest neighbor systems, fuzzy logic, neural networks, Boltzmann machines, vector quantization, pulsed neural networks, support vector machines, maximum margin classifiers, hill climbing, inductive logic systems, Bayesian networks, ferritnets (e.g. Finite State Machines, Millie Machines, Moore Finite State Machines), Classifier Trees (e.g. Perceptron Trees, Support Vector Trees, Markov Trees, Decision Tree Forests, Random Forests), Interpretation Models and Systems, Artificial Fusion, Sensor Fusion, Images It includes convergence, reinforcement learning, augmented reality, pattern recognition, automated planning, and more.
  • ferritnets e.g. Finite State Machines, Millie Machines, Moore Finite State Machines
  • Classifier Trees e.g. Perceptron Trees, Support Vector Trees, Markov Trees, Decision Tree Forests, Random Forests
  • Artificial Fusion Sensor Fusion
  • Images It includes convergence, reinforcement learning, augmented reality, pattern recognition, automated planning, and more.
  • the processor 160 may determine or predict at least one executable operation of the neural network device 100 based on information determined or generated using data analysis and machine learning algorithms. To this end, the processor 160 may request, search, receive, or utilize data of the learning processor 140, and a neural network device to execute a predicted operation or an operation determined to be desirable among the at least one executable operation 100) can be controlled.
  • Processor 160 may perform various functions that implement intelligent emulation (ie, knowledge-based systems, reasoning systems, and knowledge acquisition systems). It can be applied to various types of systems (eg, fuzzy logic systems), including adaptive systems, machine learning systems, artificial neural networks, and the like.
  • intelligent emulation ie, knowledge-based systems, reasoning systems, and knowledge acquisition systems. It can be applied to various types of systems (eg, fuzzy logic systems), including adaptive systems, machine learning systems, artificial neural networks, and the like.
  • Processor 160 also includes operations involving speech and natural language speech processing, such as I/O processing modules, environmental conditions modules, speech-to-text (STT) processing modules, natural language processing modules, workflow processing modules, and service processing modules. may include submodules that enable speech and natural language speech processing, such as I/O processing modules, environmental conditions modules, speech-to-text (STT) processing modules, natural language processing modules, workflow processing modules, and service processing modules. may include submodules that enable
  • Each of these submodules may have access to one or more systems or data and models in the terminal, or a subset or superset thereof.
  • each of these sub-modules may provide various functions including vocabulary index, user data, workflow model, service model and automatic speech recognition (ASR) system.
  • ASR automatic speech recognition
  • processor 160 or other aspects of neural network device 100 may be implemented as sub-modules, systems, or data and models.
  • processor 160 may be configured to detect and sense a requirement based on a user's intent or a contextual condition expressed as user input or natural language input.
  • Processor 160 may actively derive and obtain information necessary to fully determine a requirement based on contextual conditions or user intent. For example, processor 160 may actively derive information needed to determine requirements by analyzing historical data including historical inputs and outputs, pattern matching, unambiguous words, input intent, and the like.
  • Processor 160 may determine a task flow for executing a function that responds to a request based on context conditions or user intent.
  • the processor 160 collects, senses, extracts, detects, and collects signals or data used in analysis and machine learning tasks through one or more sensing components in the terminal to collect information for processing and storage in the learning processor 140. / or configured to receive.
  • Information collection may include sensing information through a sensor, extracting information stored in the memory 130, or receiving information from an external terminal, entity, or external storage device through a communication means.
  • the processor 160 may collect usage history information from the neural network device 100 and store it in the memory 130 .
  • Processor 160 may use stored usage history information and predictive modeling to determine the best match for executing a particular function.
  • the processor 160 may receive image information (or a corresponding signal), audio information (or a corresponding signal), data, or user input information from the input unit.
  • the processor 160 collects information in real time, processes or classifies the information (eg, knowledge graph, command policy, personalized database, conversation engine, etc.), and transfers the processed information to the memory 130 or the learning processor 140. ) can be stored.
  • information eg, knowledge graph, command policy, personalized database, conversation engine, etc.
  • the processor 160 may control components of the neural network device 100 to execute the determined operation. Also, the processor 160 may perform the determined operation by controlling the neural network device 100 according to the control command.
  • the processor 160 analyzes history information representing the execution of the specific operation through data analysis and machine learning algorithms and techniques, and updates previously learned information based on the analyzed information.
  • processor 160 in conjunction with learning processor 140, may improve the accuracy of data analysis and future performance of machine learning algorithms and techniques based on the updated information.
  • the power supply 150 includes a device for receiving external power and internal power under the control of the processor 160 and supplying power to each component included in the neural network device 100 .
  • the power supply unit 150 includes a battery, and the battery may be a built-in battery or a replaceable battery.
  • FIG. 2 is a diagram showing the structure of an artificial neural network model including a statistics-based normalization layer according to an embodiment of the present invention.
  • the artificial neural network model may include a first neural network layer 210 , a statistics-based normalization layer 220 and a second neural network layer 230 .
  • the first and second neural network layers 210 and 230 are the most basic layers of DNN, and nodes (neurons) may be connected to nodes of the next layer.
  • the first neural network layer 210 and the second neural network layer 230 may be dense layers or fully connected layers.
  • a statistics-based normalization layer may be employed instead of at least one of an activation layer and a dropout layer.
  • a deep neural network learning apparatus performing statistics-based normalization replaces an existing activation layer (function) and a dropout layer with a statistics-based normalization layer according to an embodiment of the present invention, as shown in FIG. it can be a way
  • the statistics-based normalization layer may be used only as an activation layer even without a dropout layer.
  • the plurality of neural network layers may be provided with statistics-based normalization layers, but in the present invention, for convenience of description, a dense layer-statistics-based normalization layer-the first part of a DNN in which dense layers are stacked
  • the first neural network layer 210 - the statistics-based normalization layer 220 - the second neural network layer 230 will be described as an example.
  • the statistics-based normalization layer 220 may perform statistics-based normalization based on output values of the activation function of the first neural network layer 210 .
  • the statistics-based normalization layer 220 may apply an activation function to the first neural network layer 210, find an outlier in the output values of the activation function, and perform an operation to remove it.
  • an operation for finding outliers in output values of the activation function for each layer and removing them may be performed.
  • the statistics-based normalization layer 220 determines neurons to be excluded from the first neural network layer 210 based on statistical information of output values transmitted from the activation function of the first neural network layer 210, and other than the excluded neurons. Output values of the remaining neurons of the first neural network layer 210 of may be output to the second neural network layer 230.
  • the statistics-based normalization layer 220 employs a modified activation function of a general activation function.
  • the statistics-based normalization layer 220 may employ a variant of ReLU.
  • the activation function refers to a non-linear function that changes an output value according to a certain criterion when outputting a value received from the transfer function.
  • the ReLU function (Rectified Linear Unit function) is an activation function widely used in the field of artificial intelligence. It outputs 0 when the input (x) is negative and outputs x when it is positive.
  • the nonlinear function means a function that expresses a relationship between data that cannot be expressed in a straight line.
  • Neurons in the brain are also estimated to have large changes in output values at certain critical points when transmitting signals from one neuron to another.
  • an artificial neural network is a digital world, but since it mimics the structure of the brain, it uses this activation function that sets a threshold and changes the output value.
  • activation functions such as a sigmoid function, a ReLU function, an identity function, and a softmax.
  • the transfer function refers to a function that, when a weighted sum of nodes is calculated, reflects a bias in the weighted sum and sends it to the activation function.
  • a weight is an element for transmitting data with different weights, and a bias is a constant that adds up to a weighted sum of all values input to a single neuron. It plays a role in adjusting the output value.
  • the statistics-based normalization layer 220 calculates the average and standard deviation of the output values of the activation function of the first neural network layer 210, and sets the output value corresponding to a predetermined standard or higher in the average to an outlier (outlier). ) can be determined.
  • the statistics-based normalization layer 220 may determine a value that is far from the average of the output values of the activation function by a predetermined multiple of the standard deviation as an outlier, and select a neuron (node or unit) corresponding to the outlier as a first It can be excluded from the neural network layer 210.
  • the method for determining the outlier by the statistics-based normalization layer 220 is not limited thereto, and other methods using statistical distribution may be employed.
  • the method for the statistics-based normalization layer 220 to exclude neurons corresponding to outliers is the same method as converting the output value of the corresponding activation function to 0, excluding some neurons during learning from dropout, and the corresponding neurons. It may be at least one of the methods of reducing the activation degree of .
  • the statistics-based normalization layer 220 is differentiated in that it selects neurons to be removed based on statistical characteristics. do.
  • the deep neural network learning apparatus performing normalization removes neurons corresponding to outliers based on statistical information of input data in each neural network layer, and it is a DNN learning and inference process rather than other values. It is characterized by removing outliers that have a greater impact on decision-making in , increasing the efficiency of normalization compared to the number of neurons removed, and improving learning performance by better preserving meaningful information in the learning stage.
  • the activation function of the deep neural network learning apparatus performing statistical-based normalization according to an embodiment of the present invention can be applied differently to two cases.
  • the parameter k used to determine whether the output value of the activation function is an outlier may be classified according to whether it is a fixed constant or a differentiable parameter.
  • This parameter k may be determined in the design stage of the artificial intelligence model.
  • Equation 1 a first activation function corresponding to the case where the parameter k used to determine whether the output value of the activation function is an outlier is set to a constant, as shown in Equation 1 below.
  • the statistics-based normalization layer 220 selects among the output values of the first activation function. Larger values are determined as outliers. Then, a node corresponding to the determined outlier is determined as a node to be removed.
  • Equation 2 Second, as a second activation function corresponding to the case where the parameter k used to determine whether the output value of the activation function is an outlier is set as a learnable parameter whose value is updated in each layer during backpropagation, the following equation Same as Equation 2.
  • the k is a learnable parameter, is the initial value of k, and by applying Equation 1, the k value when the accuracy in the verification data is the highest through the experiment is Equation 2 set by
  • Equation 2 in Equation 2 is in g (x) of Equation 1 is multiplied by
  • Equation 2 The reason why the output value is set to decrease is that when updating in the direction of increasing k in the backpropagation process, the normalization effect decreases as the ratio of the input data considered as an outlier decreases. It is there to compensate for it.
  • k is a learnable parameter
  • One is an equation that connects the intervals with and without outliers removed by a linear function with a negative (-) slope
  • the other is the equation that connects the intervals with and without outliers removed with a negative (-) slope. It is an expression connected by an exponential function.
  • FIG. 5 illustrates an example of a graph for comparing performance between a first activation function (ZeroLiers) and a second activation function (ZeroLiers-L-K) and dropout according to an embodiment of the present invention.
  • the comparison is for the experimental results for the multi-layer perceptron (MLP).
  • MLP multi-layer perceptron
  • FIG. 5 shows, in detail, when a multilayer perceptron is trained with CIFAR-10 by applying a statistics-based regularization layer according to an embodiment of the present invention to each transform function of each ReLU, validation data (validation set) in each iteration ) is measured and graphed.
  • the first activation function and the second activation function are cases in which a statistics-based normalization layer according to an embodiment of the present invention is applied, and in the first activation function, k is a constant used to determine whether input data is an outlier in each layer. As k increases, the proportion of input data that is determined as an outlier decreases.
  • the second activation function is a case where k is not a constant but a learnable parameter whose value is updated in each layer during backpropagation. 5, the speed at which the accuracy of verification data inference increases much faster in the early stage of learning when the statistics-based normalization layer according to an embodiment of the present invention is applied than the conventional dropout method, and consequently achieves higher accuracy. can know that
  • removing neurons corresponding to outliers by using statistical information of data in each layer is By removing outliers that have a greater impact on decision-making in the DNN learning and reasoning process than other values due to the nature of the operation, it increases the efficiency of normalization compared to the number of neurons to be removed, and improves learning performance by better preserving meaningful information in the learning stage.
  • FIG. 6 is a flowchart for explaining a statistics-based normalization layer training method according to an embodiment of the present invention.
  • the artificial neural network model may receive learning data from the input unit 120 .
  • the first neural network layer 210 may receive learning data from the input unit 120 or the previous neural network layer.
  • the first neural network layer 210 may obtain output values of the activation function using the input learning data.
  • the statistics-based normalization layer 220 may determine an outlier by performing statistics-based normalization in order to use the output values of the activation function as input values of the second neural network layer 230.
  • the first neural network layer 210 and the second neural network layer 230 are the most basic layers of the DNN, and nodes (neurons) may be connected to nodes of the next layer.
  • the first neural network layer 210 and the second neural network layer 230 may be dense layers or fully connected layers.
  • a statistics-based normalization layer may be employed instead of at least one of an activation layer and a dropout layer.
  • the deep neural network learning apparatus performing statistics-based normalization may be a method in which an existing activation layer and a dropout layer are replaced with a statistics-based normalization layer according to an embodiment of the present invention, as shown in FIG. there is.
  • the statistics-based normalization layer may be used only as an activation layer even without a dropout layer.
  • the plurality of neural network layers may be provided with statistics-based normalization layers, but in the present invention, for convenience of description, a dense layer-statistics-based normalization layer-the first part of a DNN in which dense layers are stacked
  • the first neural network layer 210 - the statistics-based normalization layer 220 - the second neural network layer 230 will be described as an example.
  • the statistics-based normalization layer 220 may perform statistics-based normalization based on output values of an activation function of the first neural network layer 210 .
  • the statistics-based normalization layer 220 may apply an activation function to the first neural network layer 210 and detect an outlier among output values of the activation function.
  • an outlier may be detected among output values of an activation function for each layer.
  • the outliers of each activation function corresponding to each layer are different.
  • the statistics-based normalization layer 220 may employ a modified activation function of a general activation function.
  • the statistics-based normalization layer 220 may employ a variant of ReLU.
  • the statistics-based normalization layer 220 calculates the average and standard deviation of the output values of the activation function of the first neural network layer 210 based on the activation function, and the average corresponds to a predetermined standard or more. output values can be determined as outliers.
  • the activation function of the deep neural network learning apparatus performing statistics-based normalization according to an embodiment of the present invention can be applied differently to two cases.
  • the parameter k used to determine whether the output value of the activation function is an outlier may be classified according to whether it is a fixed constant or a differentiable parameter.
  • This parameter k may be determined in the design stage of the artificial intelligence model.
  • Equation 1 the first activation function corresponding to the case where the parameter k used to determine whether the output value of the activation function is an outlier is set to a constant, as shown in Equation 1 below.
  • the statistics-based normalization layer 220 selects among the output values of the first activation function. Larger values are determined as outliers. Then, a node corresponding to the determined outlier is determined as a node to be removed.
  • Equation 2 Second, as a second activation function corresponding to the case where the parameter k used to determine whether the output value of the activation function is an outlier is set as a learnable parameter whose value is updated in each layer during backpropagation, the following equation Same as Equation 2.
  • the k is a learnable parameter, is the initial value of k, and by applying Equation 1, the k value when the accuracy in the verification data is the highest through the experiment is Equation 2 set as
  • Equation 2 in Equation 2 is in g (x) of Equation 1 is multiplied by
  • Equation 2 The reason why the output value is set to decrease is that when updating in the direction of increasing k in the backpropagation process, the normalization effect decreases as the ratio of the input data considered as an outlier decreases. It is there to compensate for it.
  • k is a learnable parameter
  • One is an equation that connects the intervals with and without outliers removed by a linear function with a negative (-) slope
  • the other is the equation that connects the intervals with and without outliers removed with a negative (-) slope. It is an expression connected by an exponential function.
  • step S140 the output value determined as an outlier may be removed.
  • the statistics-based normalization layer 220 determines neurons to be excluded from the first neural network layer 210 based on the statistical information of the input data transmitted from the first neural network layer 210, and determines the neurons to be excluded from the first neural network layer 210. ) from which the determined neurons can be excluded.
  • the method for the statistics-based normalization layer 220 to exclude neurons corresponding to outliers is the same method as converting the output value of the corresponding activation function to 0, excluding some neurons during learning from dropout, and the corresponding neurons. It may be at least one of the methods of reducing the activation degree of .
  • the statistics-based normalization layer 220 is differentiated in that it selects neurons to be removed based on statistical characteristics. do.
  • the deep neural network learning method that performs normalization removes neurons corresponding to outliers based on statistical information of input data in each neural network layer, which is a DNN learning and inference process rather than other values. It is characterized by removing outliers that have a greater impact on decision-making in , increasing the efficiency of normalization compared to the number of neurons removed, and improving learning performance by better preserving meaningful information in the learning stage.
  • the remaining output values other than the output values excluded in step S150 may be output to the second neural network.

Abstract

The present invention relates to a deep neural network training device and method for executing regularization and, more specifically, to a deep neural network training device and method for executing statistical regularization, wherein, rather than a random neuron being removed, a neuron corresponding to an anomaly value is selected from among output values of an activation function to increase the efficiency of regularization for the number of removed neurons and preserve meaningful information better in a training phase to increase training performance.

Description

통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치 및 그 방법Apparatus and method for learning deep neural networks that implement statistics-based normalization
본 발명은 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치 및 그 방법에 관한 것으로, 더욱 상세하게는 뉴런을 임의로 제거하는 대신 활성화 함수의 출력값들 중 이상치에 해당하는 뉴런을 선택함으로써, 제거하는 뉴런 수 대비 정규화의 효율을 높이고, 학습 단계에서 유의미한 정보를 더 잘 보존하여 학습 성능을 높이는 통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치 및 그 방법에 관한 것이다.The present invention relates to a deep neural network learning apparatus and method for performing normalization, and more particularly, to normalize the number of neurons to be removed by selecting neurons corresponding to outliers among output values of an activation function instead of randomly removing neurons. It relates to a deep neural network learning apparatus and method for enhancing the efficiency of learning and performing statistical regularization to improve learning performance by better preserving meaningful information in the learning stage.
딥 러닝은 사람 두뇌의 동작을 모사한 딥 뉴럴 네트워크(DNN)를 사용하여 다양한 문제를 해결하는 기술이다. 딥 뉴럴 네트워크는 학습 단계(training phase)에 학습 데이터(training data)의 특성을 파악하고, 추론 단계(inference phase)에 학습된 패턴에 기반하여 연산을 실행한다.Deep learning is a technology that solves various problems using a deep neural network (DNN) that mimics the behavior of the human brain. A deep neural network identifies characteristics of training data in a training phase and executes an operation based on a learned pattern in an inference phase.
즉, 딥 러닝 애플리케이션의 개발/적용 시, 학습 데이터를 사용하여 모델을 학습시키고, 학습시키는 과정에서 검증 데이터로 네트워크의 일반화 성능(generalization performance)을 모니터링하며, 학습이 완료된 이후 학습된 모델을 사용하여 실제 사용처에서 추론을 실행한다.That is, when developing/applying a deep learning application, the model is trained using the training data, the generalization performance of the network is monitored with verification data during the training process, and after training is completed, the trained model is used to Execute inference on actual usage.
딥 뉴럴 네트워크(DNN)를 학습시키는 과정에서 네트워크의 파라미터 수에 비해 학습 데이터(training)가 부족한 경우, 네트워크가 학습 데이터에서는 높은 정확도를 보이나 새로운 데이터 또는 검증 데이터(validation data)에서는 그렇지 못하는 과적합(overfitting)이 발생할 수 있다. In the process of training a deep neural network (DNN), if the training data is insufficient compared to the number of parameters of the network, the network shows high accuracy in the training data, but overfits not in new data or validation data ( overfitting may occur.
이러한 현상을 해결하기 위해 가장 확실한 방법은 보다 많은 학습 데이터를 확보하는 것이지만, 최근 DNN의 파라미터 수가 기하급수적으로 증가하고 있는 상황에서 충분한 양의 학습 데이터를 수집하는 것은 시간적, 금전적인 비용 문제로 인해 어려운 작업이다. The surest way to solve this phenomenon is to secure more training data, but in a situation where the number of DNN parameters is exponentially increasing, collecting a sufficient amount of training data is difficult due to time and financial costs. It is work.
과적합 문제는 DNN의 정확도를 하락시키는 대표적인 요인이며, DNN의 종류 및 학습/추론 데이터의 종류에 따라 학습에 큰 방해가 된다. 이를 해결하기 위한 몇 가지 정규화(Regularization) 기술이 개발되었으나, 문제를 완전히 해결하지는 못하고 있다.The overfitting problem is a representative factor that reduces the accuracy of DNN, and it greatly hinders learning depending on the type of DNN and learning/inference data. Several regularization techniques have been developed to solve this problem, but they do not completely solve the problem.
한편, DNN에서 가장 많이 사용되어 온 활성화 함수는 ReLU로, ReLU 함수가 제안된 이후 GELU, SiLU, Mish 등 Dropout과 같이 과적합을 방지하는 정규화 효과가 있는 활성화 함수가 제안되어 왔다. 이중 GELU 함수는 최근 자연어 처리 분야에서 많이 사용되고 있는 BERT, GPT-3에도 적용되어 있는 함수이다. 하지만 이러한 함수들이 정규화 효과를 가지고 있음에도 불구하고, 여전히 그 효과가 부족하여 Dropout과 같이 사용되고 있는 상황이다.On the other hand, the activation function most used in DNN is ReLU. After the ReLU function was proposed, activation functions such as GELU, SiLU, and Mish that have regularization effects that prevent overfitting, such as Dropout, have been proposed. The dual GELU function is also applied to BERT and GPT-3, which are widely used in the field of natural language processing. However, although these functions have a normalization effect, they are still used together with Dropout due to their lack of effect.
Dropout 기법이란, 학습 진행 시 특정 뉴런들을 일정 확률로 제거하여 Backward computation에서 그 값이 업데이트 되는 파라미터의 개수를 줄이며 학습을 진행하는 기법이다. The dropout technique is a technique that reduces the number of parameters whose values are updated in backward computation by removing specific neurons with a certain probability during learning and proceeds with learning.
일반적으로, Dropout 기법은 Dropout layer의 형태로 구현한다. Dropout layer는 N개의 뉴런을 입력으로 받아 N개의 뉴런을 출력으로 내놓는 레이어로, 매 학습 반복(iteration)마다 입/출력 뉴런 쌍 중 일부를 일정 확률로 선택하고 학습 과정에서 제외한다. 제외된 뉴런 쌍의 출력 뉴런은 입력 값과 관계없이 0을 출력하며(Forward computation), Gradient 전달 과정에서도 출력 뉴런의 Gradient값과 관계없이 입력 뉴런의 Gradient 값을 0으로 전달한다(Backward computation). Dropout 기술은 현재 딥 러닝 분야에서 광범위하게 사용되며, 다수의 널리 사용되는 DNN 모델에 Dropout 레이어가 포함되어 있다.In general, the dropout technique is implemented in the form of a dropout layer. The dropout layer is a layer that receives N neurons as input and outputs N neurons as output. At every training iteration, some of the input/output neuron pairs are selected with a certain probability and excluded from the learning process. The output neuron of the excluded neuron pair outputs 0 regardless of the input value (Forward computation), and during the gradient propagation process, the gradient value of the input neuron is delivered as 0 regardless of the gradient value of the output neuron (Backward computation). Dropout technology is currently widely used in the field of deep learning, and many popular DNN models include dropout layers.
이에, 더 빠른 시간 내에 더 높은 정확도를 달성할 수 있는 딥 뉴럴 네트워크 시스템이 필요하다.Accordingly, there is a need for a deep neural network system capable of achieving higher accuracy in a faster time.
따라서, 본 발명은 상술한 바와 같은 문제점을 해결하기 위하여 제안된 것으로, 뉴런을 임의로 제거하는 대신 활성화 함수를 변형하여 더 효율적으로 제거할 뉴런을 선택하는 통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치 및 그 방법을 제공하는데 목적이 있다.Therefore, the present invention has been proposed to solve the above-mentioned problems, and instead of randomly removing neurons, the activation function is modified to select neurons to be more efficiently removed, and a deep neural network learning device that performs statistics-based normalization and The purpose is to provide that method.
본 발명의 목적은 이상에서 언급한 것으로 제한되지 않으며, 언급되지 않은 또 다른 목적들은 아래의 기재로부터 본 발명이 속하는 기술 분야의 통상의 지식을 가진 자에게 명확히 이해될 수 있을 것이다.Objects of the present invention are not limited to those mentioned above, and other objects not mentioned above will be clearly understood by those skilled in the art from the description below.
상기와 같은 목적을 달성하기 위한 본 발명의 실시예에 따른 통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치는, DNN(Deep neural network) 모델 학습을 위한 학습 데이터를 입력하기 위한 입력부; 상기 학습 데이터를 이용하여 상기 DNN 모델을 학습시키는 학습 프로세서를 포함하고, 상기 DNN 모델은 제1 신경망 레이어와 제2 신경망 레이어 사이에 통계 기반 정규화 레이어를 포함하고, 상기 통계 기반 정규화 레이어는, 상기 제1 신경망 레이어에 대한 활성화 함수의 출력값에 기초하는 통계적 정보를 기반으로 상기 제1 신경망 레이어에서 제외할 뉴런을 결정하고, 나머지 뉴런에 대응하는 활성화 함수의 출력값을 상기 제2 신경망 레이어로 출력할 수 있다.To achieve the above object, an apparatus for learning a deep neural network performing statistical-based normalization according to an embodiment of the present invention includes an input unit for inputting training data for learning a deep neural network (DNN) model; A learning processor for learning the DNN model using the training data, wherein the DNN model includes a statistics-based normalization layer between a first neural network layer and a second neural network layer, and the statistics-based normalization layer comprises: Based on statistical information based on the output value of the activation function for one neural network layer, neurons to be excluded from the first neural network layer are determined, and output values of the activation function corresponding to the remaining neurons are output to the second neural network layer. .
본 발명의 일 측면에 따른 통계 기반 정규화 레이어 학습 방법은, 학습 데이터를 입력받는 단계; 제1 신경망 레이어의 활성화 함수의 출력값들을 획득하는 단계; 상기 출력값들에 기초하여 통계 기반 정규화를 수행하여 이상치를 결정하는 단계; 상기 이상치로 결정된 출력값을 제거하는 단계; 상기 출력값들 중 상기 이상치 외의 나머지 출력값들을 제2 신경망 레이어로 출력하는 단계를 포함할 수 있다.A method for learning a statistics-based normalization layer according to an aspect of the present invention includes receiving learning data; obtaining output values of an activation function of a first neural network layer; determining outliers by performing statistical normalization based on the output values; removing the output value determined as the outlier; The method may include outputting remaining output values other than the outlier among the output values to a second neural network layer.
본 발명의 실시예에 따른 통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치 및 그 방법에 의하면, 임의의 뉴런을 제거하는 대신 각 레이어에서 데이터의 통계적 정보를 활용하여 이상치에 해당하는 뉴런을 제거하는 것은, 딥 뉴럴 네트워크 연산 특성상 다른 값들보다 DNN 학습 및 추론 과정에서 의사 결정에 더 큰 영향을 끼치는 이상치를 제거하는 것으로서, 제거하는 뉴런 수 대비 정규화의 효율을 높이며, 학습 단계에서 유의미한 정보를 더 잘 보존하여 학습 성능을 높일 수 있다.According to the deep neural network learning apparatus and method for performing statistical-based normalization according to an embodiment of the present invention, instead of removing random neurons, removing neurons corresponding to outliers by using statistical information of data in each layer is , By removing outliers that have a greater impact on decision-making in the DNN learning and inference process than other values due to the nature of deep neural network operations, the efficiency of normalization compared to the number of neurons to be removed is improved, and meaningful information is better preserved in the learning phase. learning performance can be improved.
본 발명의 효과는 이상에서 언급한 것으로 제한되지 않으며, 언급되지 않은 또 다른 효과들은 아래의 기재로부터 본 발명이 속하는 기술 분야의 통상의 지식을 가진 자에게 명확히 이해될 수 있을 것이다.Effects of the present invention are not limited to those mentioned above, and other effects not mentioned will be clearly understood by those skilled in the art from the description below.
도 1은 본 발명의 일 실시예에 따른 신경망 장치의 구성을 도시하는 블록도이다.1 is a block diagram showing the configuration of a neural network device according to an embodiment of the present invention.
도 2는 본 발명의 일 실시 예에 따른 통계 기반 정규화 레이어를 포함한 인공신경망 모델의 구조를 나타낸 도면이다.2 is a diagram showing the structure of an artificial neural network model including a statistics-based normalization layer according to an embodiment of the present invention.
도 3은 본 발명의 일 실시예에 따른 통계 기반 정규화 레이어를 설명하기 위한 예시도이다.3 is an exemplary diagram for explaining a statistics-based normalization layer according to an embodiment of the present invention.
도 4는 퍼셉트론 내 활성화 함수 및 전달함수의 개념을 도식화한다.4 schematically illustrates the concept of an activation function and a transfer function in a perceptron.
도 5는 본 발명의 일 실시예에 따른 통계 기반 정규화 레이어와 드롭 아웃 간 성능을 비교하기 위한 그래프의 일 예를 도시한다.5 shows an example of a graph for comparing performance between a statistics-based normalization layer and dropout according to an embodiment of the present invention.
도 6은 본 발명의 일 실시예에 따른 통계 기반 정규화 레이어 트레이닝 방법을 설명하기 위한 흐름도이다.6 is a flowchart for explaining a statistics-based normalization layer training method according to an embodiment of the present invention.
본 발명의 목적 및 효과, 그리고 그것들을 달성하기 위한 기술적 구성들은 첨부되는 도면과 함께 상세하게 뒤에 설명이 되는 실시 예들을 참조하면 명확해질 것이다. 본 발명을 설명함에 있어서 공지 기능 또는 구성에 대한 구체적인 설명이 본 발명의 요지를 불필요하게 흐릴 수 있다고 판단되는 경우에는 그 상세한 설명을 생략할 것이다. 그리고 뒤에 설명되는 용어들은 본 발명에서의 구조, 역할 및 기능 등을 고려하여 정의된 용어들로서 이는 사용자, 운용자의 의도 또는 관례 등에 따라 달라질 수 있다.Objects and effects of the present invention, and technical configurations for achieving them will become clear with reference to embodiments to be described later in detail in conjunction with the accompanying drawings. In describing the present invention, if it is determined that a detailed description of a known function or configuration may unnecessarily obscure the gist of the present invention, the detailed description will be omitted. In addition, the terms described later are terms defined in consideration of the structure, role, and function in the present invention, which may vary according to the intention or custom of a user or operator.
그러나 본 발명은 이하에서 개시되는 실시 예들에 한정되는 것이 아니라 서로 다른 다양한 형태로 구현될 수 있다. 단지 본 실시 예들은 본 발명의 개시가 완전하도록 하고, 본 발명이 속하는 기술분야에서 통상의 지식을 가진 자에게 발명의 범주를 완전하게 알려주기 위해 제공되는 것이며, 본 발명은 오로지 특허청구범위에 기재된 청구항의 범주에 의하여 정의될 뿐이다. 그러므로 그 정의는 본 명세서 전반에 걸친 내용을 토대로 내려져야 할 것이다.However, the present invention is not limited to the embodiments disclosed below and may be implemented in a variety of different forms. Only these embodiments are provided to complete the disclosure of the present invention and to fully inform those skilled in the art of the scope of the invention, and the present invention is described only in the claims. It is only defined by the scope of the claims. Therefore, the definition should be made based on the contents throughout this specification.
명세서 전체에서, 어떤 부분이 어떤 구성요소를 "포함"한다고 할 때, 이는 특별히 반대되는 기재가 없는 한 다른 구성요소를 제외하는 것이 아니라 다른 구성요소를 더 포함할 수 있는 것을 의미한다.Throughout the specification, when a certain component is said to "include", it means that it may further include other components without excluding other components unless otherwise stated.
제1, 제2 등과 같이 서수를 포함하는 용어는 다양한 구성요소들을 설명하는데 사용될 수 있지만, 상기 구성요소들은 상기 용어들에 의해 한정되지는 않는다. 상기 용어들은 하나의 구성요소를 다른 구성요소로부터 구별하는 목적으로만 사용한다.Terms including ordinal numbers, such as first and second, may be used to describe various components, but the components are not limited by the terms. The above terms are used only for the purpose of distinguishing one component from another.
인공지능(artificial intelligence, AI)은 인간의 지능으로 할 수 있는 사고, 학습, 자기계발 등을 컴퓨터가 할 수 있도록 하는 방법을 연구하는 컴퓨터 공학 및 정보기술의 한 분야로, 컴퓨터가 인간의 지능적인 행동을 모방할 수 있도록 하는 것을 의미한다.Artificial intelligence (AI) is a field of computer science and information technology that studies ways to enable computers to do thinking, learning, and self-development that human intelligence can do. This means that behavior can be imitated.
또한, 인공지능은 그 자체로 존재하는 것이 아니라, 컴퓨터 과학의 다른 분야와 직간접으로 많은 관련을 맺고 있다. 특히 현대에는 정보기술의 여러 분야에서 인공지능적 요소를 도입하여, 그 분야의 문제 풀이에 활용하려는 시도가 매우 활발하게 이루어지고 있다.Also, artificial intelligence does not exist by itself, but is directly or indirectly related to other fields of computer science. In particular, in modern times, attempts to introduce artificial intelligence elements in various fields of information technology and use them to solve problems in those fields are being actively made.
머신 러닝(machine learning)은 인공지능의 한 분야로, 컴퓨터에 명시적인 프로그램 없이 배울 수 있는 능력을 부여하는 연구 분야이다.Machine learning is a branch of artificial intelligence, a field of study that gives computers the ability to learn without being explicitly programmed.
구체적으로 머신 러닝은 경험적 데이터를 기반으로 학습을 하고 예측을 수행하고 스스로의 성능을 향상시키는 시스템과 이를 위한 알고리즘을 연구하고 구축하는 기술이라 할 수 있다. 머신 러닝의 알고리즘들은 엄격하게 정해진 정적인 프로그램 명령들을 수행하는 것이라기보다, 입력 데이터를 기반으로 예측이나 결정을 이끌어내기 위해 특정한 모델을 구축하는 방식을 취한다.Specifically, machine learning is a technology that studies and builds a system that learns based on empirical data, makes predictions, and improves its own performance, as well as algorithms for it. Machine learning algorithms build specific models to make predictions or decisions based on input data, rather than executing rigidly defined, static program instructions.
용어 '머신 러닝'은 용어 '기계 학습'과 혼용되어 사용될 수 있다.The term 'machine learning' may be used interchangeably with the term 'machine learning'.
기계 학습에서 데이터를 어떻게 분류할 것인가를 놓고, 많은 기계 학습 알고리즘이 개발되었다. 의사결정나무(Decision Tree)나 베이지안 망(Bayesian network), 서포트벡터머신(SVM: Support vector machine), 그리고 인공 신경망(ANN: Artificial Neural Network)등이 대표적이다.In machine learning, many machine learning algorithms have been developed regarding how to classify data. Representative examples include decision trees, Bayesian networks, support vector machines (SVMs), and artificial neural networks (ANNs).
의사결정나무는 의사결정규칙을 나무구조로 도표화하여 분류와 예측을 수행하는 분석방법이다.A decision tree is an analysis method that performs classification and prediction by charting decision-making rules in a tree structure.
베이지안 망은 다수의 변수들 사이의 확률적 관계(조건부독립성: conditional independence)를 그래프 구조로 표현하는 모델이다. 베이지안 망은 비지도 학습(unsupervised learning)을 통한 데이터마이닝(data mining)에 적합하다.A Bayesian network is a model that expresses a stochastic relationship (conditional independence) among multiple variables in a graph structure. Bayesian networks are suitable for data mining through unsupervised learning.
서포트벡터머신은 패턴인식과 자료분석을 위한 지도 학습(supervised learning)의 모델이며, 주로 분류와 회귀 분석을 위해 사용한다.A support vector machine is a supervised learning model for pattern recognition and data analysis, and is mainly used for classification and regression analysis.
인공신경망은 생물학적 뉴런의 동작원리와 뉴런간의 연결 관계를 모델링 한 것으로 노드(node) 또는 처리 요소(processing element)라고 하는 다수의 뉴런들이 레이어(layer) 구조의 형태로 연결된 정보처리 시스템이다.An artificial neural network is an information processing system in which a number of neurons, called nodes or processing elements, are connected in the form of a layer structure by modeling the operating principle of biological neurons and the connection relationship between neurons.
인공신경망은 기계 학습에서 사용되는 모델로써, 기계학습과 인지과학에서 생물학의 신경망(동물의 중추신경계 중 특히 뇌)에서 영감을 얻은 통계학적 학습 알고리즘이다.An artificial neural network is a model used in machine learning and is a statistical learning algorithm inspired by neural networks in biology (particularly the brain in the central nervous system of animals) in machine learning and cognitive science.
구체적으로, 인공신경망은 시냅스(synapse)의 결합으로 네트워크를 형성한 인공 뉴런(노드)이 학습을 통해 시냅스의 결합 세기를 변화시켜, 문제 해결 능력을 가지는 모델 전반을 의미할 수 있다.Specifically, an artificial neural network may refer to an overall model having a problem-solving ability by changing synaptic coupling strength through learning of artificial neurons (nodes) formed by synapse coupling.
용어 인공신경망은 용어 뉴럴 네트워크(Neural network)와 혼용되어 사용될 수 있다.The term artificial neural network may be used interchangeably with the term neural network.
인공신경망은 복수의 레이어(layer)를 포함할 수 있고, 레이어들 각각은 복수의 뉴런(neuron)을 포함할 수 있다. 또한 인공신경망은 뉴런과 뉴런을 연결하는 시냅스를 포함할 수 있다.An artificial neural network may include a plurality of layers, and each of the layers may include a plurality of neurons. In addition, the artificial neural network may include neurons and synapses connecting neurons.
인공신경망은 일반적으로 다음의 세가지 인자, 즉 (1) 다른 레이어의 뉴런들 사이의 연결 패턴 (2) 연결의 가중치를 갱신하는 학습 과정 (3) 이전 레이어로부터 수신되는 입력에 대한 가중 합으로부터 출력값을 생성하는 활성화 함수에 의해 정의될 수 있다. Artificial neural networks generally use the following three factors: (1) connection patterns between neurons in different layers, (2) a learning process that updates the weights of connections, and (3) an output value from the weighted sum of the inputs received from the previous layer. It can be defined by the activation function you create.
인공신경망은, DNN(Deep neural network), RNN(Recurrent neural network), BRDNN(Bidirectional Recurrent deep neural network), MLP(Multilayer perceptron), CNN(Convolutional neural network)와 같은 방식의 네트워크 모델들을 포함할 수 있으나, 이에 한정되지 않는다.The artificial neural network may include network models such as a deep neural network (DNN), a recurrent neural network (RNN), a bidirectional recurrent deep neural network (BRDNN), a multilayer perceptron (MLP), and a convolutional neural network (CNN). , but not limited thereto.
본 명세서에서 용어 '레이어'는 용어 '계층'과 혼용되어 사용될 수 있다.In this specification, the term 'layer' may be used interchangeably with the term 'layer'.
인공신경망은 계층 수에 따라 단층 신경망(Single-layer neural network)과 다층 신경망(Multi-layer neural networks)으로 구분된다.Artificial neural networks are classified into single-layer neural networks and multi-layer neural networks according to the number of layers.
일반적인 단층 신경망은 입력층과 출력층으로 구성된다.A typical single-layer neural network consists of an input layer and an output layer.
또한 일반적인 다층 신경망은 입력층(input layer)과 하나 이상의 은닉층(hidden layer), 출력층(output layer)으로 구성된다.In addition, a general multilayer neural network is composed of an input layer, one or more hidden layers, and an output layer.
입력층은 외부의 자료들을 받아들이는 층으로서, 입력층의 뉴런 수는 입력되는 변수의 수와 동일하며, 은닉층은 입력층과 출력층 사이에 위치하며 입력층으로부터 신호를 받아 특성을 추출하여 출력층으로 전달한다. 출력층은 은닉층으로부터 신호를 받고, 수신한 신호에 기반한 출력 값을 출력한다. 뉴런간의 입력신호는 각각의 연결강도(가중치)와 곱해진 후 합산되며 이 합이 뉴런의 임계치보다 크면 뉴런이 활성화되어 활성화 함수를 통하여 획득한 출력값을 출력한다.The input layer is a layer that accepts external data. The number of neurons in the input layer is the same as the number of input variables. The hidden layer is located between the input layer and the output layer. do. The output layer receives a signal from the hidden layer and outputs an output value based on the received signal. The input signal between neurons is multiplied by each connection strength (weight) and then summed. If this sum is greater than the neuron's threshold, the neuron is activated and outputs the output value obtained through the activation function.
한편, 입력층과 출력층 사이에 복수의 은닉층을 포함하는 심층신경망은, 기계학습 기술의 한 종류인 딥 러닝을 구현하는 대표적인 인공신경망일 수 있다.Meanwhile, a deep neural network including a plurality of hidden layers between an input layer and an output layer may be a representative artificial neural network implementing deep learning, which is a type of machine learning technology.
한편, 용어 '딥 러닝'은 용어 '심층 학습'과 혼용되어 사용될 수 있다.Meanwhile, the term 'deep learning' may be used interchangeably with the term 'deep learning'.
인공신경망은 훈련 데이터(training data)를 이용하여 학습(training)될 수 있다. 여기서, 학습이란, 입력 데이터를 분류(Classification)하거나 회귀분석(Regression)하거나 군집화(Clustering)하는 등의 목적을 달성하기 위하여, 학습 데이터를 이용하여 인공 신경망의 파라미터(parameter)를 결정하는 과정을 의미할 수 있다. 인공신경망의 파라미터의 대표적인 예시로서, 시냅스에 부여되는 가중치(weight)나 뉴런에 적용되는 편향(bias)을 들 수 있다.The artificial neural network may be trained using training data. Here, learning refers to a process of determining parameters of an artificial neural network using learning data to achieve a goal such as classification, regression, or clustering of input data. can do. As a representative example of parameters of an artificial neural network, a weight assigned to a synapse or a bias applied to a neuron may be mentioned.
훈련 데이터에 의하여 학습된 인공 신경망은 입력 데이터를 입력 데이터가 가지는 패턴에 따라 분류하거나 군집화할 수 있다. The artificial neural network learned from the training data may classify or cluster input data according to patterns of the input data.
한편 훈련 데이터를 이용하여 학습된 인공 신경망을 본 명세서에서는 학습 모델(trained model)이라 명칭할 수 있다.Meanwhile, an artificial neural network trained using training data may be referred to as a trained model in this specification.
다음은 인공신경망의 학습 방식에 대하여 설명한다.Next, the learning method of the artificial neural network is explained.
인공신경망의 학습 방식은 크게, 지도 학습, 비지도 학습, 준지도 학습(Semi-supervised learning), 강화학습(Reinforcement learning)으로 분류될 수 있다.Learning methods of artificial neural networks can be largely classified into supervised learning, unsupervised learning, semi-supervised learning, and reinforcement learning.
지도 학습은 훈련 데이터로부터 하나의 함수를 유추해내기 위한 기계 학습의 한 방법이다.Supervised learning is a method of machine learning to infer a function from training data.
그리고 이렇게 유추되는 함수 중, 연속적인 값을 출력하는 것을 회귀분석(Regression Analysis)이라고 하고, 입력 벡터의 클래스(Class)를 예측하여 출력하는 것을 분류(Classification)라고 할 수 있다.Among the inferred functions, outputting a continuous value is called regression analysis, and predicting and outputting a class of an input vector is called classification.
지도 학습에서는 훈련 데이터에 대한 레이블(label)이 주어진 상태에서 인공신경망을 학습시킨다.In supervised learning, an artificial neural network is trained with labels for training data given.
여기서 레이블이란, 훈련 데이터가 인공신경망에 입력되는 경우 인공 신경망이 추론해 내야 하는 정답(또는 결과 값)을 의미할 수 있다.Here, the label may mean a correct answer (or a result value) that the artificial neural network should infer when training data is input to the artificial neural network.
본 명세서에서는 훈련 데이터가 입력되는 경우 인공신경망이 추론해내야 하는 정답(또는 결과값)을 레이블 또는 레이블링 데이터(labeling data)라 명칭한다.In this specification, when training data is input, an answer (or a result value) to be inferred by an artificial neural network is referred to as a label or labeling data.
또한 본 명세서에서는, 인공신경망의 학습을 위하여 훈련 데이터에 레이블을 설정하는 것을, 훈련 데이터에 레이블링 데이터를 레이블링한다고 명칭한다.Also, in this specification, setting labels on training data for learning of an artificial neural network is referred to as labeling labeling data on training data.
이 경우 훈련 데이터와 훈련 데이터에 대응하는 레이블은 하나의 트레이닝 셋(training set)을 구성하고, 인공신경망에는 트레이닝 셋의 형태로 입력될 수 있다.In this case, training data and labels corresponding to the training data constitute one training set, and may be input to the artificial neural network in the form of a training set.
한편, 훈련 데이터는 복수의 특징(feature)을 나타내고, 훈련 데이터에 레이블이 레이블링 된다는 것은 훈련 데이터가 나타내는 특징에 레이블이 달린다는 것을 의미할 수 있다. 이 경우 훈련 데이터는 입력 객체의 특징을 벡터 형태로 나타낼 수 있다.Meanwhile, the training data represents a plurality of features, and labeling the training data with a label may mean that a label is attached to a feature represented by the training data. In this case, the training data may represent the characteristics of the input object in the form of a vector.
인공신경망은 훈련 데이터와 레이블링 데이터를 이용하여, 훈련 데이터와 레이블링 데이터의 연관 관계에 대한 함수를 유추할 수 있다. 그리고, 인공 신경망에서 유추된 함수에 대한 평가를 통해 인공신경망의 파라미터가 결정(최적화)될 수 있다.The artificial neural network may infer a function for a relation between training data and labeling data using training data and labeling data. In addition, parameters of the artificial neural network may be determined (optimized) through evaluation of the function inferred from the artificial neural network.
비 지도 학습은 기계 학습의 일종으로, 훈련 데이터에 대한 레이블이 주어지지 않는다.Unsupervised learning is a type of machine learning in which labels are not given to the training data.
구체적으로, 비 지도 학습은, 훈련 데이터 및 훈련 데이터에 대응하는 레이블의 연관 관계보다는, 훈련 데이터 자체에서 패턴을 찾아 분류하도록 인공 신경망을 학습시키는 학습 방법일 수 있다.Specifically, unsupervised learning may be a learning method for learning an artificial neural network to find and classify a pattern in training data itself rather than an association between training data and a label corresponding to the training data.
비 지도 학습의 예로는, 군집화 또는 독립 성분 분석(independent component analysis)을 들 수 있다.Examples of unsupervised learning include clustering or independent component analysis.
본 명세서에서 용어 '군집화'는 용어 '클러스터링'과 혼용되어 사용될 수 있다.In this specification, the term 'clustering' may be used interchangeably with the term 'clustering'.
비 지도 학습을 이용하는 인공신경망의 일례로 생성적 적대 신경망(GAN: Generative adversarial network), 오토 인코더(AE: Auto encoder)를 들 수 있다.Examples of artificial neural networks using unsupervised learning include a generative adversarial network (GAN) and an auto encoder (AE).
생성적 적대 신경망이란, 생성기(generator)와 판별기(discriminator), 두 개의 서로 다른 인공지능이 경쟁하며 성능을 개선하는 머신 러닝 방법이다.A generative adversarial network is a machine learning method in which two different artificial intelligences, a generator and a discriminator, compete to improve performance.
이 경우 생성기는 새로운 데이터를 창조하는 모형으로, 원본 데이터를 기반으로 새로운 데이터를 생성할 수 있다.In this case, the generator is a model that creates new data and can generate new data based on original data.
또한 판별기는 데이터의 패턴을 인식하는 모형으로, 입력된 데이터가 원본 데이터인지 또는 생성기에서 생성한 새로운 데이터인지 여부를 감별하는 역할을 수행할 수 있다.In addition, the discriminator is a model that recognizes data patterns and can play a role in discriminating whether input data is original data or new data generated by a generator.
그리고 생성기는 판별기를 속이지 못한 데이터를 입력받아 학습하며, 판별기는 생성기로부터 속은 데이터를 입력 받아 학습할 수 있다. 이에 따라 생성기는 판별기를 최대한 잘 속이도록 진화할 수 있고, 판별기는 원본 데이터와 생성기에 의해 생성된 데이터를 잘 구분하도록 진화할 수 있다.And the generator learns by receiving the data that has not deceived the discriminator, and the discriminator can learn by receiving the deceived data from the generator. Accordingly, the generator can evolve to deceive the discriminator as best as possible, and the discriminator can evolve to distinguish well between the original data and the data generated by the generator.
오토 인코더는 입력 자체를 출력으로 재현하는 것을 목표로 하는 신경망이다.An autoencoder is a neural network that aims to reproduce the input itself as an output.
오토 인코더는 입력층, 적어도 하나의 은닉층 및 출력층을 포함한다.An auto-encoder includes an input layer, at least one hidden layer, and an output layer.
이 경우 은닉 계층의 노드 수가 입력 계층의 노드 수보다 적으므로 데이터의 차원이 줄어들게 되며, 이에 따라 압축 또는 인코딩이 수행되게 된다.In this case, since the number of nodes in the hidden layer is smaller than the number of nodes in the input layer, the dimensionality of data is reduced, and compression or encoding is performed accordingly.
또한 은닉 계층에서 출력한 데이터는 출력 계층으로 들어간다. 이 경우 출력 계층의 노드 수는 은닉 계층의 노드 수보다 많으므로, 데이터의 차원이 늘어나게 되며, 이에 따라 압축 해제 또는 디코딩이 수행되게 된다.Also, the data output from the hidden layer goes into the output layer. In this case, since the number of nodes in the output layer is greater than the number of nodes in the hidden layer, the dimensionality of data increases, and accordingly, decompression or decoding is performed.
한편 오토 인코더는 학습을 통해 뉴런의 연결 강도를 조절함으로써 입력 데이터가 은닉층 데이터로 표현된다.On the other hand, the autoencoder adjusts the connection strength of neurons through learning, so that input data is expressed as hidden layer data.
은닉층에서는 입력층보다 적은 수의 뉴런으로 정보를 표현하는데 입력 데이터를 출력으로 재현할 수 있다는 것은, 은닉층이 입력 데이터로부터 숨은 패턴을 발견하여 표현했다는 것을 의미할 수 있다.In the hidden layer, information is expressed with fewer neurons than in the input layer, and being able to reproduce input data as an output may mean that the hidden layer discovered and expressed a hidden pattern from the input data.
준 지도 학습의 기법 중 하나로, 레이블이 주어지지 않은 훈련 데이터의 레이블을 추론한 후 추론된 라벨을 이용하여 학습을 수행하는 기법이 있으며, 이러한 기법은 레이블링에 소요되는 비용이 큰 경우에 유용하게 사용될 수 있다.As one of the techniques of semi-supervised learning, there is a technique of inferring the label of unlabeled training data and then performing learning using the inferred label. This technique is useful when the cost required for labeling is high. can
강화학습은, 에이전트(agent)가 매 순간 어떤 행동을 해야 좋을지 판단할 수 있는 환경이 주어진다면, 데이터 없이 경험으로 가장 좋은 길을 찾을 수 있다는 이론이다.Reinforcement learning is the theory that if an agent is given an environment in which it can judge what action to take every moment, it can find the best way through experience without data.
강화학습은 주로 마르코프 결정 과정(MDP: Markov Decision Process)에 의하여 수행될 수 있다. Reinforcement learning can be performed mainly by Markov Decision Process (MDP).
마르코프 결정 과정을 설명하면, 첫 번째로 에이전트가 다음 행동을 하기 위해 필요한 정보들이 구성된 환경이 주어지며, 두 번째로 그 환경에서 에이전트가 어떻게 행동할지 정의하고, 세 번째로 에이전트가 무엇을 잘하면 보상(reward)을 주고 무엇을 못하면 벌점(penalty)을 줄지 정의하며, 네 번째로 미래의 보상이 최고점에 이를 때까지 반복 경험하여 최적의 정책(policy)을 도출하게 된다.To explain the Markov decision process, first, an environment in which the information necessary for the agent to take the next action is given, second, how the agent will behave in that environment, and third, if the agent does well, a reward ( Fourth, the optimal policy is derived by repeating experience until the future reward reaches the highest point.
인공신경망은 모델의 구성, 활성함수(activation function), 손실함수(loss function) 또는 비용함수(cost function), 학습 알고리즘, 최적화 알고리즘 등에 의해 그 구조가 특정되며, 학습 전에 하이퍼파라미터(hyperparameter)가 미리 설정되고, 이후에 학습을 통해 모델 파라미터(model parameter)가 설정되어 내용이 특정될 수 있다.The structure of an artificial neural network is specified by the model configuration, activation function, loss function or cost function, learning algorithm, optimization algorithm, etc., and hyperparameters are set in advance before learning. It is set, and later, a model parameter is set through learning so that the contents can be specified.
예컨대, 인공신경망의 구조를 결정하는 요소에는 은닉층의 개수, 각 은닉층에 포함된 은닉 노드의 개수, 입력 특징 벡터(input feature vector), 대상 특징 벡터(target feature vector)가 설정되어 내용이 특정될 수 있다.For example, the factors that determine the structure of an artificial neural network include the number of hidden layers, the number of hidden nodes included in each hidden layer, an input feature vector, and a target feature vector. The content can be specified. there is.
예컨대, 인공신경망의 구조를 결정하는 요소에는 은닉층의 개수, 각 은닉층에 포함된 은닉 노드의 개수, 입력 특징 벡터(input feature vector), 대상 특징 벡터(target feature vector) 등이 포함될 수 있다.For example, factors determining the structure of an artificial neural network may include the number of hidden layers, the number of hidden nodes included in each hidden layer, an input feature vector, a target feature vector, and the like.
하이퍼파라미터는 모델 파라미터의 초기값 등과 같이 학습을 위하여 초기에 설정하여야 하는 여러 파라미터들을 포함한다. 그리고, 모델 파라미터는 학습을 통하여 결정하고자 하는 여러 파라미터들을 포함한다.Hyperparameters include various parameters that must be initially set for learning, such as initial values of model parameters. And, the model parameters include several parameters to be determined through learning.
예컨대, 하이퍼파라미터에는 노드 간 가중치 초기값, 노드 간 편향 초기값, 학습 반복 횟수, 학습률(learning rate) 등이 포함될 수 있다. 그리고, 모델 파라미터에는 노드 간 가중치, 노드 간 편향 등이 포함될 수 있다.For example, hyperparameters may include an initial value of weight between nodes, an initial value of bias between nodes, the number of learning iterations, a learning rate, and the like. In addition, model parameters may include weights between nodes, biases between nodes, and the like.
손실 함수는 인공 신경망의 학습 과정에서 최적의 모델 파라미터를 결정하기 위한 지표(기준)로 이용될 수 있다. 인공신경망에서 학습은 손실함수를 줄이기 위하여 모델 파라미터들을 조작하는 과정을 의미하며, 학습의 목적은 손실 함수를 최소화하는 모델 파라미터를 결정하는 것으로 볼 수 있다.The loss function may be used as an index (reference) for determining optimal model parameters in the learning process of an artificial neural network. Learning in an artificial neural network means a process of manipulating model parameters to reduce a loss function, and the purpose of learning can be seen as determining model parameters that minimize a loss function.
손실 함수는 주로 평균 제곱 오차(MSE: Mean squared error) 또는 교차 엔트로피 오차(CEE: Cross entropy error)를 사용할 수 있으며, 본 발명이 이에 한정되지는 않는다.The loss function may mainly use mean squared error (MSE) or cross entropy error (CEE), but the present invention is not limited thereto.
교차 엔트로피 오차는 정답 레이블이 원 핫 인코딩(one-hot encoding)된 경우에 사용될 수 있다. 원 핫 인코딩은 정답에 해당하는 뉴런에 대하여만 정답 레이블 값을 1로, 정답이 아닌 뉴런은 정답 레이블 값이 0으로 설정하는 인코딩 방법이다.Cross entropy error can be used when the correct answer label is one-hot encoded. One-hot encoding is an encoding method in which the correct answer label value is set to 1 only for neurons corresponding to the correct answer, and the correct answer label value is set to 0 for neurons with no correct answer.
머신 러닝 또는 딥 러닝에서는 손실 함수를 최소화하기 위하여 학습 최적화 알고리즘을 이용할 수 있으며, 학습 최적화 알고리즘에는 경사 하강법(GD: Gradient Descent), 확률적 경사 하강법(SGD: Stochastic Gradient Descent), 모멘텀(Momentum), NAG(Nesterov Accelerate Gradient), Adagrad, AdaDelta, RMSProp, Adam, Nadam 등이 있다.In machine learning or deep learning, learning optimization algorithms can be used to minimize the loss function, and learning optimization algorithms include Gradient Descent (GD), Stochastic Gradient Descent (SGD), Momentum ), NAG (Nesterov Accelerate Gradient), Adagrad, AdaDelta, RMSProp, Adam, and Nadam.
경사 하강법은 형재 상태에서 손실 함수의 기울기를 고려하여 손실 함수값을 줄이는 방향으로 모델 파라미터를 조정하는 기법이다.Gradient descent is a technique that adjusts model parameters in the direction of reducing the value of the loss function by considering the slope of the loss function in the shape state.
모델 파라미터를 조정하는 방향은 스텝(step) 방향, 조정하는 크기는 스텝 사이즈라고 칭한다.The direction in which model parameters are adjusted is called a step direction, and the size to be adjusted is called a step size.
이때, 스텝 사이즈는 학습률을 의미할 수 있다.In this case, the step size may mean a learning rate.
경사 하강법은 손실 함수를 각 모델 파라미터들로 편미분하여 기울기를 획득하고, 모델 파라미터들을 획득한 기울기 방향으로 학습률만큼 변경하여 갱신할 수 있다.In the gradient descent method, a gradient may be obtained by partial differentiation of a loss function with respective model parameters, and the model parameters may be updated by changing the model parameters in the direction of the obtained gradient by a learning rate.
확률적 경사 하강법은 학습 데이터를 미니 배치로 나누고, 각 미니 배치마다 경사 하강법을 수행하여 경사 하강의 빈도를 높인 기법이다. Stochastic gradient descent is a technique that increases the frequency of gradient descent by dividing training data into mini-batches and performing gradient descent for each mini-batch.
Adagrad, AdaDelta 및 RMSProp는 SGD에서 스텝 사이즈를 조절하여 최적화 정확도를 높이는 기법이다. SGD에서 모멘텀 및 NAG는 스텝 방향을 조절하여 최적화 정확도를 높이는 기법이다. Adam은 모멘텀과 RMSProp를 조합하여 스텝 사이즈와 스텝 방향을 조절하여 최적화 정확도를 높이는 기법이다. Nadam은 NAG와 RMSProp 를 조합하여 스텝 사이즈와 스텝 방향을 조절하여 최적화 정확도를 높이는 기법이다.Adagrad, AdaDelta, and RMSProp are techniques that increase optimization accuracy by adjusting the step size in SGD. In SGD, momentum and NAG are techniques that increase optimization accuracy by adjusting the step direction. Adam is a technique that increases optimization accuracy by adjusting the step size and step direction by combining momentum and RMSProp. Nadam is a technique that increases optimization accuracy by adjusting the step size and step direction by combining NAG and RMSProp.
인공신경망의 학습 속도와 정확도는 인공신경망의 구조와 학습 최적화 알고리즘의 종류뿐만 아니라, 하이퍼파라미터에 크게 좌우되는 특징이 있다. 따라서, 좋은 학습 모델을 획득하기 위하여는 적당한 인공 신경망의 구조와 학습 알고리즘을 결정하는 것뿐만 아니라, 적당한 하이퍼파라미터를 설정하는 것이 중요하다.The learning speed and accuracy of an artificial neural network are characterized by being largely dependent on the hyperparameters as well as the structure of the artificial neural network and the type of learning optimization algorithm. Therefore, in order to obtain a good learning model, it is important to set appropriate hyperparameters as well as to determine an appropriate artificial neural network structure and learning algorithm.
통상적으로 하이퍼파라미터는 실험적으로 다양한 값으로 설정해가며 인공신경망을 학습시켜보고, 학습 결과 안정적인 학습 속도와 정확도를 제공하는 최적의 값으로 설정한다.Typically, hyperparameters are experimentally set to various values to train the artificial neural network, and as a result of learning, the optimal values are set to provide stable learning speed and accuracy.
이하 첨부된 도면을 참고하여 본 발명을 상세히 설명하기로 한다.Hereinafter, the present invention will be described in detail with reference to the accompanying drawings.
도 1은 본 발명의 일 실시예에 따른 신경망 장치(100)의 구성을 도시하는 블록도이다.1 is a block diagram showing the configuration of a neural network device 100 according to an embodiment of the present invention.
신경망 장치(100)는 학습 데이터를 이용하여 기계 학습을 수행할 수 있는 장치로서, 인공 신경망으로 구성된 모델을 이용하여 학습하는 장치를 포함할 수 있다.The neural network device 100 is a device that can perform machine learning using learning data, and may include a device that learns using a model composed of an artificial neural network.
즉, 신경망 장치(100)는 데이터 마이닝, 데이터 분석, 지능형 의사 결정 및 기계 학습 알고리즘을 위해 이용될 정보를 수신, 분류, 저장 및 출력하도록 구성될 수 있다. 여기서, 기계 학습 알고리즘은 딥 러닝 알고리즘을 포함할 수 있다.That is, the neural network device 100 may be configured to receive, classify, store, and output information to be used for data mining, data analysis, intelligent decision making, and machine learning algorithms. Here, the machine learning algorithm may include a deep learning algorithm.
즉, 신경망 장치(100)는 적어도 하나의 외부 장치(미도시) 또는 단말기(미도시)와 통신할 수 있고, 외부 장치를 대신하여 혹은 도와 데이터를 분석하거나 학습하여 결과를 도출할 수 있다. 여기서, 다른 장치를 도운다는 의미는 분산 처리를 통한 연산력의 분배를 의미할 수 있다.That is, the neural network device 100 can communicate with at least one external device (not shown) or terminal (not shown), and can derive results by analyzing or learning data in place of or with the external device. Here, the meaning of helping other devices may mean distribution of computing power through distributed processing.
신경망 장치(100)는 인공 신경망을 학습하기 위한 다양한 장치로서, 통상적으로 서버를 의미할 수 있고, 신경망 학습 장치 또는 신경망 학습 서버 등으로 지칭할 수 있다.The neural network device 100 is a variety of devices for learning an artificial neural network, and may generally mean a server, and may be referred to as a neural network learning device or a neural network learning server.
특히, 신경망 장치(100)는 단일한 서버뿐만 아니라 복수의 서버 세트, 클라우드 서버 또는 이들의 조합으로 구현될 수 있다.In particular, the neural network device 100 may be implemented as a single server, a plurality of server sets, a cloud server, or a combination thereof.
즉, 신경망 장치(100)는 복수로 구성되어 신경망 학습 장치 세트(혹은 클라우드 서버)를 구성할 수 있고, 신경망 학습 장치 세트에 포함된 적어도 하나 이상의 신경망 장치(100)는 분산 처리를 통하여 데이터 분석 또는 학습하여 결과를 도출할 수 있다.That is, a plurality of neural network devices 100 may be configured to form a neural network learning device set (or a cloud server), and at least one neural network device 100 included in the neural network learning device set analyzes or analyzes data through distributed processing. Learn to derive results.
신경망 장치(100)는 주기적으로 혹은 요청에 의하여 외부 장치(미도시)에 기계 학습 또는 딥 러닝에 의하여 학습한 모델을 전송할 수 있다.The neural network device 100 may transmit a model learned by machine learning or deep learning to an external device (not shown) periodically or upon request.
도 1을 참조하면, 신경망 장치(100)는 통신부(110), 입력부(120), 메모리(130), 러닝 프로세서(140), 전원 공급부(150) 및 프로세서(160) 등을 포함할 수 있다.Referring to FIG. 1 , a neural network device 100 may include a communication unit 110, an input unit 120, a memory 130, a running processor 140, a power supply unit 150, and a processor 160.
통신부(110)는 무선 통신부(미도시) 및 인터페이스부(미도시)를 포함하는 구성을 의미할 수 있다. 즉, 통신부(110)는 유무선 통신이나 인터페이스를 통하여 다른 장치와 데이터를 송수신할 수 있다.The communication unit 110 may refer to a configuration including a wireless communication unit (not shown) and an interface unit (not shown). That is, the communication unit 110 may transmit/receive data with other devices through wired/wireless communication or an interface.
입력부(120)는 모델 학습을 위한 훈련 데이터 또는 학습된 모델을 이용하여 출력을 획득하기 위한 입력 데이터 등을 획득할 수 있다.The input unit 120 may obtain training data for model learning or input data for obtaining an output using the learned model.
입력부(120)는 가공되지 않은 입력 데이터를 획득할 수도 있으며, 이 경우 러닝 프로세서(140) 또는 프로세서(160)는 획득한 데이터를 전처리하여 모델 학습에 입력이 가능한 훈련 데이터 또는 전처리된 입력 데이터를 생성할 수 있다. The input unit 120 may obtain raw input data. In this case, the learning processor 140 or the processor 160 preprocesses the acquired data to generate training data or preprocessed input data that can be input to model learning. can do.
이때, 입력부(120)는 가공되지 않은 입력 데이터를 획득할 수도 있으며, 이 경우 러닝 프로세서(140) 또는 프로세서(160)는 획득한 데이터를 전처리하여 모델 학습에 입력이 가능한 훈련 데이터 또는 전처리된 입력 데이터를 생성할 수 있다.At this time, the input unit 120 may obtain raw input data. In this case, the learning processor 140 or the processor 160 preprocesses the acquired data to obtain training data or preprocessed input data that can be input to model learning. can create
이때, 입력부(120)에서 수행하는 입력 데이터에 대한 전처리는, 입력 데이터로부터 입력 특징점(input feature)을 추출하는 것을 의미할 수 있다.In this case, the pre-processing of the input data performed by the input unit 120 may mean extracting input features from the input data.
또한, 입력부(120)는 통신부(110)를 통하여 데이터를 수신함으로써 데이터를 획득할 수도 있다. Also, the input unit 120 may acquire data by receiving data through the communication unit 110 .
메모리(130)는 러닝 프로세서(140) 또는 신경망 장치(100)에서 학습된 모델을 저장할 수 있다.The memory 130 may store a model learned by the learning processor 140 or the neural network device 100 .
이때, 메모리(130)는 필요에 따라 학습된 모델을 학습 시점 또는 학습 진척도 등에 따라 복수의 버전으로 구분하여 저장할 수 있다.At this time, the memory 130 may store the learned model by dividing it into a plurality of versions according to the learning time or learning progress, as needed.
이때, 메모리(130)는 입력부(120)에서 획득한 입력 데이터, 모델 학습을 위하여 이용되는 학습 데이터(또는 훈련 데이터), 모델의 학습 히스토리 등을 저장할 수 있다.In this case, the memory 130 may store input data obtained from the input unit 120, learning data (or training data) used for model learning, and a learning history of the model.
이때, 메모리(130)에 저장된 입력 데이터는 모델 학습에 적합하게 가공된 데이터뿐만 아니라, 가공되지 않은 입력 데이터 그 자체일 수 있다.At this time, the input data stored in the memory 130 may be not only processed data suitable for model learning, but also unprocessed input data itself.
메모리(130)는 모델 저장부(131) 및 데이터베이스(132) 등을 포함할 수 있다.The memory 130 may include a model storage unit 131 and a database 132 and the like.
모델 저장부(131)는 러닝 프로세스(140)을 통하여 학습 중인 또는 학습된 신경망 모델(또는 인공 신경망, 131a)을 저장하며, 학습을 통하여 모델이 업데이트되면 업데이트된 모델을 저장한다. 이때, 모델 저장부(131)는 필요에 따라 학습된 모델을 학습 시점 또는 학습 진척도 등에 따라 복수의 버전으로 구분하여 저장할 수 있다. The model storage unit 131 stores a neural network model (or artificial neural network, 131a) that is being learned or learned through the learning process 140, and stores the updated model when the model is updated through learning. At this time, the model storage unit 131 may store the learned model by dividing it into a plurality of versions according to the learning time or learning progress, if necessary.
도 1에 도시된 인공 신경망(131a)은 복수의 은닉층을 포함하는 인공 신경망의 하나의 예시일 뿐이며, 본 발명의 인공 신경망이 이에 한정되는 것은 아니다.The artificial neural network 131a shown in FIG. 1 is only one example of an artificial neural network including a plurality of hidden layers, and the artificial neural network of the present invention is not limited thereto.
인공 신경망(131a)은 하드웨어, 소프트웨어 또는 하드웨어와 소프트웨어의 조합으로 구현될 수 있다. 인공 신경망(131a)의 일부 또는 전부가 소프트웨어로 구현되는 경우, 인공 신경망(131a)을 구성하는 하나 이상의 명령어는 메모리(130)에 저장될 수 있다.The artificial neural network 131a may be implemented as hardware, software, or a combination of hardware and software. When part or all of the artificial neural network 131a is implemented as software, one or more instructions constituting the artificial neural network 131a may be stored in the memory 130 .
데이터베이스(132)는 입력부(120)에서 획득한 입력 데이터, 모델 학습을 위하여 이용되는 학습 데이터(또는 훈련 데이터), 모델의 학습 히스토리 등을 저장할 수 있다.The database 132 may store input data obtained from the input unit 120, learning data (or training data) used for model learning, and a learning history of the model.
데이터베이스(132)에 저장된 입력 데이터는 모델 학습에 적합하게 가공된 데이터뿐만 아니라, 가공되지 않은 입력 데이터 그 자체일 수 있다.The input data stored in the database 132 may be processed data suitable for model learning as well as unprocessed input data itself.
러닝 프로세서(140)는 훈련 데이터 또는 트레이닝 셋을 이용하여 인공 신경망(131a)을 훈련시킬 수 있다.The learning processor 140 may train the artificial neural network 131a using training data or a training set.
러닝 프로세서(140)는 프로세서(160)가 입력부(120)를 통해 획득한 입력 데이터를 전처리한 데이터를 바로 획득하여 인공 신경망(131a)을 학습하거나, 데이터베이스(132)에 저장된 전처리된 입력 데이터를 획득하여 인공 신경망(131a)을 학습할 수 있다.The learning processor 140 directly acquires preprocessed input data obtained by the processor 160 through the input unit 120 to learn the artificial neural network 131a or obtains preprocessed input data stored in the database 132 Thus, the artificial neural network 131a can be learned.
구체적으로, 러닝 프로세서(140)는 앞서 설명한 다양한 학습 기법을 이용하여 인공 신경망(131a)을 반복적으로 학습시킴으로써, 인공신경망(131a)의 최적화된 모델 파라미터들을 결정할 수 있다.Specifically, the learning processor 140 may determine optimized model parameters of the artificial neural network 131a by iteratively training the artificial neural network 131a using various learning techniques described above.
본 명세서에서는 학습 데이터를 이용하여 학습됨으로써 파라미터가 결정된 인공 신경망을 학습 모델 또는 학습된 모델이라 칭할 수 있다.In the present specification, an artificial neural network whose parameters are determined by learning using learning data may be referred to as a learning model or a learned model.
이때, 학습 모델은 인공 신경망의 학습 장치(100)에 탑재된 상태에서 결과 값을 추론할 수도 있으며, 통신부(110)를 통해 단말기 또는 외부 장치와 같은 다른 장치에 전송되어 탑재될 수도 있다.At this time, the learning model may infer a resultant value while being loaded in the learning device 100 of the artificial neural network, or may be transmitted and installed in another device such as a terminal or an external device through the communication unit 110.
또한, 학습 모델이 업데이트되는 경우, 업데이트된 학습 모델은 통신부(110)를 통해 단말기 또는 외부 장치와 같은 다른 장치에 전송되어 탑재될 수 있다.Also, when the learning model is updated, the updated learning model may be transmitted to and installed in another device such as a terminal or an external device through the communication unit 110 .
또한, 학습 모델은 학습 데이터가 아닌 새로운 입력 데이터에 대하여 결과 값을 추론해 내는데 사용될 수 있다.Also, the learning model may be used to infer result values for new input data other than learning data.
러닝 프로세서(140)는 데이터 마이닝, 데이터 분석, 지능형 의사 결정, 및 기계 학습 알고리즘 및 기술을 위해 이용될 정보를 수신, 분류, 저장 및 출력하도록 구성될 수 있다.Learning processor 140 may be configured to receive, classify, store, and output information to be used for data mining, data analysis, intelligent decision making, and machine learning algorithms and techniques.
러닝 프로세서(140)는 신경망 장치(100)에 통합되거나 구현된 메모리를 포함할 수 있다. 일부 실시 예에서, 러닝 프로세서(140)는 메모리(130)를 사용하여 구현될 수 있다.The learning processor 140 may include a memory integrated or implemented in the neural network device 100 . In some embodiments, learning processor 140 may be implemented using memory 130 .
선택적으로 또는 부가적으로, 러닝 프로세서(140)는 클라우드 컴퓨팅 환경에서 유지되는 메모리, 또는 네트워크와 같은 통신 방식을 통해 단말기에 의해 액세스 가능한 다른 원격 메모리 위치를 이용하여 구현될 수 있다.Alternatively or additionally, the learning processor 140 may be implemented using memory maintained in a cloud computing environment, or other remote memory location accessible by the terminal via a communication scheme such as a network.
러닝 프로세서(140)는 일반적으로 감독 또는 감독되지 않은 학습, 데이터 마이닝, 예측 분석 또는 다른 머신에서 사용하기 위해 데이터를 식별, 색인화, 카테고리화, 조작, 저장, 검색 및 출력하기 위해 데이터를 하나 이상의 데이터베이스에 저장하도록 구성될 수 있다. 여기서, 데이터베이스는 메모리(130), 클라우드 컴퓨팅 환경에서 유지되는 메모리, 또는 네트워크와 같은 통신 방식을 통해 단말기에 의해 액세스 가능한 다른 원격 메모리 위치를 이용하여 구현될 수 있다.Learning processor 140 typically stores data in one or more databases to identify, index, categorize, manipulate, store, retrieve, and output data for use in supervised or unsupervised learning, data mining, predictive analytics, or other machines. It can be configured to store in. Here, the database may be implemented using the memory 130, a memory maintained in a cloud computing environment, or another remote memory location accessible by the terminal through a communication method such as a network.
러닝 프로세서(140)에 저장된 정보는 다양한 상이한 유형의 데이터 분석 알고리즘 및 기계 학습 알고리즘 중 임의의 것을 사용하여 프로세서(160)에 의해 이용될 수 있다.Information stored in learning processor 140 may be used by processor 160 using any of a variety of different types of data analysis algorithms and machine learning algorithms.
이러한, 알고리즘의 예로는, k-최근 인접 시스템, 퍼지 논리, 신경회로망, 볼츠만 기계, 벡터 양자화, 펄스 신경망, 지원 벡터 기계, 최대 마진 분류기, 힐 클라이밍, 유도 논리 시스템 베이지안 네트워크, 페리트넷(예: 유한 상태 머신, 밀리 머신, 무어 유한 상태 머신), 분류기 트리(예: 퍼셉트론 트리, 지원 벡터 트리, 마코프 트리, 의사 결정 트리 포리스트, 임의의 포리스트), 판독 모델 및 시스템, 인공 융합, 센서 융합, 이미지 융합, 보강 학습, 증강 현실, 패턴 인식, 자동화된 계획 등을 포함한다.Examples of such algorithms include k-nearest neighbor systems, fuzzy logic, neural networks, Boltzmann machines, vector quantization, pulsed neural networks, support vector machines, maximum margin classifiers, hill climbing, inductive logic systems, Bayesian networks, ferritnets (e.g. Finite State Machines, Millie Machines, Moore Finite State Machines), Classifier Trees (e.g. Perceptron Trees, Support Vector Trees, Markov Trees, Decision Tree Forests, Random Forests), Interpretation Models and Systems, Artificial Fusion, Sensor Fusion, Images It includes convergence, reinforcement learning, augmented reality, pattern recognition, automated planning, and more.
프로세서(160)는 데이터 분석 및 기계 학습 알고리즘을 사용하여 결정되거나, 생성된 정보에 기초하여 신경망 장치(100)의 적어도 하나의 실행 가능한 동작을 결정 또는 예측할 수 있다. 이를 위해, 프로세서(160)는 러닝 프로세서(140)의 데이터를 요청, 검색, 수신 또는 활용할 수 있고, 상기 적어도 하나의 실행 가능한 동작 중 예측되는 동작이나, 바람직한 것으로 판단되는 동작을 실행하도록 신경망 장치(100)를 제어할 수 있다.The processor 160 may determine or predict at least one executable operation of the neural network device 100 based on information determined or generated using data analysis and machine learning algorithms. To this end, the processor 160 may request, search, receive, or utilize data of the learning processor 140, and a neural network device to execute a predicted operation or an operation determined to be desirable among the at least one executable operation 100) can be controlled.
프로세서(160)는 지능적 에뮬레이션(즉, 지식 기반 시스템, 추론 시스템 및 지식 획득 시스템)을 구현하는 다양한 기능을 수행할 수 있다. 이는 적응 시스템, 기계 학습 시스템, 인공신경망 등을 포함하는, 다양한 유형의 시스템(예컨대, 퍼지 논리 시스템)에 적용될 수 있다.Processor 160 may perform various functions that implement intelligent emulation (ie, knowledge-based systems, reasoning systems, and knowledge acquisition systems). It can be applied to various types of systems (eg, fuzzy logic systems), including adaptive systems, machine learning systems, artificial neural networks, and the like.
프로세서(160)는 또한 I/O 처리 모듈, 환경 조건 모듈, 음성-텍스트(STT)처리 모듈, 자연어 처리 모듈, 작업 흐름 처리 모듈 및 서비스 처리 모듈과 같이, 음성 및 자연 언어 음성 처리를 수반하는 연산을 가능하게 하는 서브 모듈을 포함할 수 있다.Processor 160 also includes operations involving speech and natural language speech processing, such as I/O processing modules, environmental conditions modules, speech-to-text (STT) processing modules, natural language processing modules, workflow processing modules, and service processing modules. may include submodules that enable
이들 서브 모듈들 각각은, 단말기에서의 하나 이상의 시스템 또는 데이터 및 모델, 또는 이들의 서브셋 또는 수퍼 셋에 대한 액세스를 가질 수 있다. 또한, 이들 서브 모듈들 각각은, 어휘 색인, 사용자 데이터, 작업 흐름 모델, 서비스 모델 및 자동 음성 인식(ASR) 시스템을 비롯한 다양한 기능을 제공할 수 있다.Each of these submodules may have access to one or more systems or data and models in the terminal, or a subset or superset thereof. In addition, each of these sub-modules may provide various functions including vocabulary index, user data, workflow model, service model and automatic speech recognition (ASR) system.
다른 실시예에서, 프로세서(160) 또는 신경망 장치(100)의 다른 양태는 서브 모듈, 시스템, 또는 데이터 및 모델로 구현될 수 있다.In other embodiments, processor 160 or other aspects of neural network device 100 may be implemented as sub-modules, systems, or data and models.
일부 예에서, 러닝 프로세서(140)의 데이터에 기초하여, 프로세서(160)는 사용자 입력 또는 자연 언어 입력으로 표현된 문맥 조건 또는 사용자의 의도에 기초하여 요구 사항을 검출하고 감지하도록 구성될 수 있다.In some examples, based on data from learning processor 140, processor 160 may be configured to detect and sense a requirement based on a user's intent or a contextual condition expressed as user input or natural language input.
프로세서(160)는 문맥 조건 또는 사용자의 의도에 기초하여 요구 사항을 완전히 결정하는데 필요한 정보를 능동적으로 이끌어 내고, 획득할 수 있다. 예를 들어, 프로세서(160)는 역사적 입력 및 출력, 패턴 매칭, 모호하지 않은 단어, 입력 의도 등을 포함하는 과거 데이터를 분석함으로써 요구 사항을 결정하는데 필요한 정보를 능동적으로 이끌어 낼 수 있다.Processor 160 may actively derive and obtain information necessary to fully determine a requirement based on contextual conditions or user intent. For example, processor 160 may actively derive information needed to determine requirements by analyzing historical data including historical inputs and outputs, pattern matching, unambiguous words, input intent, and the like.
프로세서(160)는 문맥 조건 또는 사용자의 의도에 기초하여 요구 사항에 응답하는 기능을 실행하기 위한 태스크 흐름을 결정할 수 있다.Processor 160 may determine a task flow for executing a function that responds to a request based on context conditions or user intent.
프로세서(160)는 러닝 프로세서(140)에서 프로세싱 및 저장을 위한 정보를 수집하기 위해, 단말기에서 하나 이상의 감지 컴포넌트를 통해 분석 및 기계 학습 작업에 사용되는 신호 또는 데이터를 수집, 감지, 추출, 검출 및/또는 수신하도록 구성될 수 있다.The processor 160 collects, senses, extracts, detects, and collects signals or data used in analysis and machine learning tasks through one or more sensing components in the terminal to collect information for processing and storage in the learning processor 140. / or configured to receive.
정보 수집은 센서를 통해 정보를 감지하는 것, 메모리(130)에 저장된 정보를 추출하는 것 또는 통신 수단을 통해 외부 단말기, 엔티티 또는 외부 저장 장치로부터 정보를 수신하는 것을 포함할 수 있다.Information collection may include sensing information through a sensor, extracting information stored in the memory 130, or receiving information from an external terminal, entity, or external storage device through a communication means.
프로세서(160)는 신경망 장치(100)에서 사용 히스토리 정보를 수집하여 메모리(130)에 저장할 수 있다.The processor 160 may collect usage history information from the neural network device 100 and store it in the memory 130 .
프로세서(160)는 저장된 사용 히스토리 정보 및 예측 모델링을 사용하여 특정 기능을 실행하기 위한 최상의 매치를 결정할 수 있다.Processor 160 may use stored usage history information and predictive modeling to determine the best match for executing a particular function.
프로세서(160)는 입력부로부터 이미지 정보(또는 해당 신호), 오디오 정보(또는 해당 신호), 데이터 또는 사용자 입력 정보를 수신할 수 있다.The processor 160 may receive image information (or a corresponding signal), audio information (or a corresponding signal), data, or user input information from the input unit.
프로세서(160)는 정보를 실시간으로 수집하고, 정보(예를 들어, 지식 그래프, 명령 정책, 개인화 데이터베이스, 대화 엔진 등)를 처리 또는 분류하고, 처리된 정보를 메모리(130) 또는 러닝 프로세서(140)에 저장할 수 있다.The processor 160 collects information in real time, processes or classifies the information (eg, knowledge graph, command policy, personalized database, conversation engine, etc.), and transfers the processed information to the memory 130 or the learning processor 140. ) can be stored.
신경망 장치(100)의 동작이 데이터 분석 및 기계 학습 알고리즘 및 기술에 기초하여 결정될 때, 프로세서(160)는 결정된 동작을 실행하기 위해 신경망 장치(100)의 구성 요소를 제어할 수 있다. 그리고, 프로세서(160)는 제어 명령에 따라 신경망 장치(100)를 제어하여 결정된 동작을 수행할 수 있다.When the operation of the neural network device 100 is determined based on data analysis and machine learning algorithms and techniques, the processor 160 may control components of the neural network device 100 to execute the determined operation. Also, the processor 160 may perform the determined operation by controlling the neural network device 100 according to the control command.
프로세서(160)는 특정 동작이 수행되는 경우, 데이터 분석 및 기계 학습 알고리즘 및 기법을 통해 특정 동작의 실행을 나타내는 이력 정보를 분석하고, 분석된 정보에 기초하여 이전에 학습한 정보의 업데이트를 수행할 수 있다.When a specific operation is performed, the processor 160 analyzes history information representing the execution of the specific operation through data analysis and machine learning algorithms and techniques, and updates previously learned information based on the analyzed information. can
따라서, 프로세서(160)는 러닝 프로세서(140)와 함께, 업데이트 된 정보에 기초하여 데이터 분석 및 기계 학습 알고리즘 및 기법의 미래 성능의 정확성을 향상시킬 수 있다.Accordingly, processor 160, in conjunction with learning processor 140, may improve the accuracy of data analysis and future performance of machine learning algorithms and techniques based on the updated information.
전원 공급부(150)는 프로세서(160)의 제어 하에서, 외부의 전원, 내부의 전원을 인가받아 신경망 장치(100)에 포함된 각 구성요소들에 전원을 공급하기 위한 장치를 포함한다.The power supply 150 includes a device for receiving external power and internal power under the control of the processor 160 and supplying power to each component included in the neural network device 100 .
또한, 이러한 전원공급부(150)는 배터리를 포함하며, 상기 배터리는 내장형 배터리 또는 교체 가능한 형태의 배터리가 될 수 있다.In addition, the power supply unit 150 includes a battery, and the battery may be a built-in battery or a replaceable battery.
구체적으로 러닝 프로세서(140)에 의해 학습되는 인공 신경망 모델의 통계 기반 정규화 레이어의 학습 방법에 대하여 살펴보기로 한다.In detail, a method for learning the statistics-based normalization layer of the artificial neural network model learned by the learning processor 140 will be described.
도 2는 본 발명의 일 실시 예에 따른 통계 기반 정규화 레이어를 포함한 인공신경망 모델의 구조를 나타낸 도면이다.2 is a diagram showing the structure of an artificial neural network model including a statistics-based normalization layer according to an embodiment of the present invention.
도 2를 참조하면, 인공신경망 모델은 제1 신경망 레이어(210), 통계 기반 정규화 레이어(220) 및 제2 신경망 레이어(230)를 포함할 수 있다.Referring to FIG. 2 , the artificial neural network model may include a first neural network layer 210 , a statistics-based normalization layer 220 and a second neural network layer 230 .
제1 및 제2 신경망 레이어(210, 230)는 DNN의 가장 기본적인 레이어로서 노드(뉴런)들은 다음 레이어의 노드와 연결될 수 있다.The first and second neural network layers 210 and 230 are the most basic layers of DNN, and nodes (neurons) may be connected to nodes of the next layer.
제1 신경망 레이어(210) 및 제2 신경망 레이어(230)는 덴스 레이어(Dense layer) 또는 완전 연결 레이어(fully connected layer)일 수 있다.The first neural network layer 210 and the second neural network layer 230 may be dense layers or fully connected layers.
덴스 레이어 - 활성화 레이어 - 드롭 아웃 레이어 - 덴스 레이어의 구조가 겹겹이 쌓여있는 DNN에서 활성화 레이어 및 드롭 아웃 레이어 중 적어도 하나 대신 본 발명의 일 실시예에 따른 통계 기반 정규화 레이어가 채용될 수 있다.In a DNN in which a dense layer-activation layer-dropout layer-dense layer structure is stacked, a statistics-based normalization layer according to an embodiment of the present invention may be employed instead of at least one of an activation layer and a dropout layer.
일 실시예로, 통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치는 도 3에 도시된 바와 같이 기존 활성화 레이어(함수)와 드롭 아웃 레이어를 본 발명의 일 실시예에 따른 통계 기반 정규화 레이어로 교체한 방식일 수 있다.As an embodiment, a deep neural network learning apparatus performing statistics-based normalization replaces an existing activation layer (function) and a dropout layer with a statistics-based normalization layer according to an embodiment of the present invention, as shown in FIG. it can be a way
일 실시예로, 통계 기반 정규화 레이어는 드롭 아웃 레이어가 없더라도 활성화 레이어로만으로 사용할 수도 있다.In one embodiment, the statistics-based normalization layer may be used only as an activation layer even without a dropout layer.
실제로, 복수의 신경망 레이어 사이들 중 적어도 일부에 통계 기반 정규화 레이어가 각각 구비될 수 있으나, 본 발명에서는 설명의 편의를 위해, 덴스 레이어 - 통계 기반 정규화 레이어 - 덴스 레이어가 겹겹이 쌓여있는 DNN의 일부인 제1 신경망 레이어(210) - 통계 기반 정규화 레이어(220) - 제2 신경망 레이어(230)를 일 예로 설명하기로 한다. In practice, at least some of the plurality of neural network layers may be provided with statistics-based normalization layers, but in the present invention, for convenience of description, a dense layer-statistics-based normalization layer-the first part of a DNN in which dense layers are stacked The first neural network layer 210 - the statistics-based normalization layer 220 - the second neural network layer 230 will be described as an example.
통계 기반 정규화 레이어(220)는 제1 신경망 레이어(210)의 활성화 함수의 출력값들에 기초하여 통계 기반 정규화를 실행할 수 있다. The statistics-based normalization layer 220 may perform statistics-based normalization based on output values of the activation function of the first neural network layer 210 .
일 실시예로, 통계 기반 정규화 레이어(220)는 제1 신경망 레이어(210)에 활성화 함수를 적용하고, 활성화 함수의 출력값들에서 이상치(Outlier)를 찾고 이를 제거하는 연산을 수행할 수 있다.As an embodiment, the statistics-based normalization layer 220 may apply an activation function to the first neural network layer 210, find an outlier in the output values of the activation function, and perform an operation to remove it.
일 실시예로, 통계 기반 정규화 레이어(220)는 신경망 레이어들 사이의 적어도 일부에 각각 구비된 경우, 각 레이어 별로 활성화 함수의 출력값들에서 이상치를 찾고 이를 제거하는 연산을 수행할 수 있다.As an embodiment, when the statistics-based normalization layer 220 is included in at least a portion of the neural network layers, an operation for finding outliers in output values of the activation function for each layer and removing them may be performed.
이를 위해, 통계 기반 정규화 레이어(220)는 제1 신경망 레이어(210)의 활성화 함수로부터 전달된 출력값들의 통계적 정보를 기반으로 제1 신경망 레이어(210)에서 제외할 뉴런을 결정하여, 제외된 뉴런 이외의 제1 신경망 레이어(210)의 나머지 뉴런의 출력값을 제2 신경망 레이어(230)로 출력할 수 있다.To this end, the statistics-based normalization layer 220 determines neurons to be excluded from the first neural network layer 210 based on statistical information of output values transmitted from the activation function of the first neural network layer 210, and other than the excluded neurons. Output values of the remaining neurons of the first neural network layer 210 of may be output to the second neural network layer 230.
여기서, 통계 기반 정규화 레이어(220)는 일반적인 활성화 함수가 변형된 형태의 활성화 함수를 채용했다고 볼 수 있다. 예를 들어, 통계 기반 정규화 레이어(220)는 ReLU의 변형(variant)을 채용할 수 있다.Here, it can be seen that the statistics-based normalization layer 220 employs a modified activation function of a general activation function. For example, the statistics-based normalization layer 220 may employ a variant of ReLU.
여기서, 활성화 함수는 전달함수에서 전달받은 값을 출력할 때 일정 기준에 따라 출력값을 변화시키는 비선형 함수를 의미한다. Here, the activation function refers to a non-linear function that changes an output value according to a certain criterion when outputting a value received from the transfer function.
ReLU 함수(Rectified Linear Unit function)는 인공지능 분야에서 많이 사용되는 활성화 함수로서, 입력(x)이 음수일 때는 0을 출력하고, 양수일 때는 x를 출력한다. The ReLU function (Rectified Linear Unit function) is an activation function widely used in the field of artificial intelligence. It outputs 0 when the input (x) is negative and outputs x when it is positive.
여기서, 비선형 함수는 직선으로 표현할 수 없는 데이터 사이의 관계를 표현하는 함수를 의미한다. 뇌의 뉴런도 하나의 뉴런에서 다른 뉴런으로 신호를 전달할 때 어떤 임계점을 경계로 출력값에 큰 변화가 있는 것으로 추정된다. 이러한 관점에서 인공신경망은 디지털 세계지만, 뇌의 구조를 모방하므로 임계점을 설정하고 출력값에 변화를 주는 이 활성화 함수를 이용한다. 활성화 함수에는 시그모이드(sigmoid) 함수, 렐루(ReLU)함수, 항등 함수, 소프트맥스 등 여러 종류가 있다.Here, the nonlinear function means a function that expresses a relationship between data that cannot be expressed in a straight line. Neurons in the brain are also estimated to have large changes in output values at certain critical points when transmitting signals from one neuron to another. From this point of view, an artificial neural network is a digital world, but since it mimics the structure of the brain, it uses this activation function that sets a threshold and changes the output value. There are several types of activation functions, such as a sigmoid function, a ReLU function, an identity function, and a softmax.
도 4는 이러한 퍼셉트론 내 활성화 함수 및 전달함수의 개념을 도식화한다. 전달 함수는 노드의 가중합이 계산되면 이 가중합에 편향을 반영하여 활성화 함수로 보내는 함수를 의미한다. 가중치(weight)는 데이터를 각기 다른 비중으로 전달시키기 위한 요소이고, 편향(bias)은 하나의 뉴런으로 입력된 모든 값을 다 더한 가중합에 더해주는 상수로서, 하나의 뉴런에서 활성화 함수를 거쳐 최종적으로 출력되는 값을 조절하는 역할을 한다.4 schematically illustrates the concept of an activation function and a transfer function in this perceptron. The transfer function refers to a function that, when a weighted sum of nodes is calculated, reflects a bias in the weighted sum and sends it to the activation function. A weight is an element for transmitting data with different weights, and a bias is a constant that adds up to a weighted sum of all values input to a single neuron. It plays a role in adjusting the output value.
일 실시예로, 통계 기반 정규화 레이어(220)는 제1 신경망 레이어(210)의 활성화 함수의 출력값들에 대한 평균과 표준편차를 산출하여, 평균에서 기 설정된 기준 이상에 해당하는 출력값을 이상치(outlier)로 결정할 수 있다.In one embodiment, the statistics-based normalization layer 220 calculates the average and standard deviation of the output values of the activation function of the first neural network layer 210, and sets the output value corresponding to a predetermined standard or higher in the average to an outlier (outlier). ) can be determined.
일 실시예로, 통계 기반 정규화 레이어(220)는 활성화 함수의 출력값들의 평균에서 상기 표준편차의 일정 배수만큼 멀어진 값을 이상치로 결정할 수 있고, 상기 이상치에 대응하는 뉴런(노드 또는 유닛)을 제1 신경망 레이어(210)에서 제외시킬 수 있다. In one embodiment, the statistics-based normalization layer 220 may determine a value that is far from the average of the output values of the activation function by a predetermined multiple of the standard deviation as an outlier, and select a neuron (node or unit) corresponding to the outlier as a first It can be excluded from the neural network layer 210.
통계 기반 정규화 레이어(220)가 이상치를 결정하는 방법에 대해서는 이에 한정하지 않고, 통계적 분포를 이용한 다른 방법도 채용할 수 있다.The method for determining the outlier by the statistics-based normalization layer 220 is not limited thereto, and other methods using statistical distribution may be employed.
여기서, 통계 기반 정규화 레이어(220)가 이상치에 대응하는 뉴런을 제외시키는 방법은, 해당 활성화 함수의 출력값을 0으로 변환하는 방식, 드롭 아웃에서 학습 시 일부 뉴런을 제외하는 방식과 동일한 방식 및 해당 뉴런의 활성화 정도를 감소시키는 방식 중 적어도 하나일 수 있다.Here, the method for the statistics-based normalization layer 220 to exclude neurons corresponding to outliers is the same method as converting the output value of the corresponding activation function to 0, excluding some neurons during learning from dropout, and the corresponding neurons. It may be at least one of the methods of reducing the activation degree of .
기존의 드롭 아웃 방식은 드롭 아웃 단계에서 임의의 뉴런을 선택하는 데에 반해, 본 발명의 일 실시예에 따른 통계 기반 정규화 레이어(220)는 통계적 특성을 기반으로 제거할 뉴런을 선택한다는 점에서 차별화된다.While the conventional drop-out method selects neurons randomly in the drop-out step, the statistics-based normalization layer 220 according to an embodiment of the present invention is differentiated in that it selects neurons to be removed based on statistical characteristics. do.
즉, 본 발명의 일 실시예에 따른 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치는 각 신경망 레이어에서 입력 데이터의 통계적 정보에 기초하여 이상치에 해당하는 뉴런을 제거하는 것으로서, 다른 값들보다 DNN 학습 및 추론 과정에서 의사 결정에 더 큰 영향을 끼치는 이상치를 제거하여, 제거하는 뉴런 수 대비 정규화의 효율을 높이며, 학습 단계에서 유의미한 정보를 더 잘 보존하여 학습 성능을 높이는 데에 특징이 있다.That is, the deep neural network learning apparatus performing normalization according to an embodiment of the present invention removes neurons corresponding to outliers based on statistical information of input data in each neural network layer, and it is a DNN learning and inference process rather than other values. It is characterized by removing outliers that have a greater impact on decision-making in , increasing the efficiency of normalization compared to the number of neurons removed, and improving learning performance by better preserving meaningful information in the learning stage.
한편, 본 발명의 일 실시예에 따른 통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치의 활성화 함수는 크게 두 가지 경우에 대해 서로 다르게 적용될 수 있다.On the other hand, the activation function of the deep neural network learning apparatus performing statistical-based normalization according to an embodiment of the present invention can be applied differently to two cases.
일 실시예로, 활성화 함수의 출력값이 이상치인지 판별하는데 사용되는 파라미터k가 고정된 상수인지, 미분 가능한 파라미터인지에 따라 분류될 수 있다. In one embodiment, the parameter k used to determine whether the output value of the activation function is an outlier may be classified according to whether it is a fixed constant or a differentiable parameter.
이러한 파라미터 k는 인공지능 모델의 설계 단계에서 결정될 수 있다. This parameter k may be determined in the design stage of the artificial intelligence model.
첫째는, 활성화 함수의 출력값이 이상치인지 판별하는데 사용되는 파라미터 k가 상수로 세팅된 경우에 해당하는 제1 활성화 함수로서, 아래 수학식 1과 같다. First, a first activation function corresponding to the case where the parameter k used to determine whether the output value of the activation function is an outlier is set to a constant, as shown in Equation 1 below.
[수학식 1][Equation 1]
Figure PCTKR2022017760-appb-img-000001
Figure PCTKR2022017760-appb-img-000001
여기서, 상기
Figure PCTKR2022017760-appb-img-000002
은 DNN의
Figure PCTKR2022017760-appb-img-000003
번째 레이어에서 f(x)의 출력값들의 평균이고,
Figure PCTKR2022017760-appb-img-000004
Figure PCTKR2022017760-appb-img-000005
번째 레이어에서 f(x)의 출력값들의 표준편차이며, k는 상수(constant) 또는 하이퍼파라미터(hyperparameter)이다. k값이 클수록 입력값들 중 이상치에 해당하는 비율이 감소하게 된다.
here, above
Figure PCTKR2022017760-appb-img-000002
of the DNN
Figure PCTKR2022017760-appb-img-000003
is the average of the outputs of f(x) in the th layer,
Figure PCTKR2022017760-appb-img-000004
Is
Figure PCTKR2022017760-appb-img-000005
It is the standard deviation of the output values of f(x) in the th layer, and k is a constant or hyperparameter. As the value of k increases, the ratio corresponding to the outlier among the input values decreases.
제1 활성화 함수가 채용된 경우, 통계 기반 정규화 레이어(220)는 제1 활성화 함수의 출력값들 중
Figure PCTKR2022017760-appb-img-000006
보다 큰 값을 이상치로 결정한다. 그리고 결정된 이상치에 해당하는 노드를 제거할 노드로 결정한다.
When the first activation function is employed, the statistics-based normalization layer 220 selects among the output values of the first activation function.
Figure PCTKR2022017760-appb-img-000006
Larger values are determined as outliers. Then, a node corresponding to the determined outlier is determined as a node to be removed.
둘째는, 활성화 함수의 출력값이 이상치인지 판별하는데 사용되는 파라미터 k가 역전파(backpropagation) 과정에서 그 값이 각 레이어에서 업데이트되는 학습 가능한 파라미터로 세팅된 경우에 해당하는 제2 활성화 함수로서, 아래 수학식 2와 같다.Second, as a second activation function corresponding to the case where the parameter k used to determine whether the output value of the activation function is an outlier is set as a learnable parameter whose value is updated in each layer during backpropagation, the following equation Same as Equation 2.
[수학식 2][Equation 2]
Figure PCTKR2022017760-appb-img-000007
Figure PCTKR2022017760-appb-img-000007
상기 k 는 학습 가능한 파라미터(learnable parameter)이고,
Figure PCTKR2022017760-appb-img-000008
는 k의 초기값(initial value)으로, 수학식 1을 적용하여 실험을 통해 검증 데이터에서의 정확도가 가장 높을 때의 k값을 수학식 2의
Figure PCTKR2022017760-appb-img-000009
로 정한다.
The k is a learnable parameter,
Figure PCTKR2022017760-appb-img-000008
is the initial value of k, and by applying Equation 1, the k value when the accuracy in the verification data is the highest through the experiment is Equation 2
Figure PCTKR2022017760-appb-img-000009
set by
수학식 2에서
Figure PCTKR2022017760-appb-img-000010
는 수학식 1의 g(x)에
Figure PCTKR2022017760-appb-img-000011
을 곱한 것이다.
in Equation 2
Figure PCTKR2022017760-appb-img-000010
is in g (x) of Equation 1
Figure PCTKR2022017760-appb-img-000011
is multiplied by
수학식 2에서 k값이 증가함에 따라
Figure PCTKR2022017760-appb-img-000012
출력값이 감소하게 세팅한 이유는 역전파 과정에서 k가 증가하는 방향으로 업데이트 되는 경우, 입력 데이터 중 이상치로 간주하는 비율이 감소함에 따라 정규화 효과가 감소하는데, 정규화 효과가 감소하는 정도가 지나치게 클 수 있어 이를 보상(compensate)하기 위해서이다.
As the value of k increases in Equation 2,
Figure PCTKR2022017760-appb-img-000012
The reason why the output value is set to decrease is that when updating in the direction of increasing k in the backpropagation process, the normalization effect decreases as the ratio of the input data considered as an outlier decreases. It is there to compensate for it.
한편, k가 학습 가능한 파라미터인 경우, 가능한 활성화 함수가 두 가지 더 있을 수 있다. 하나는, 이상치를 제거한 구간과 제거하지 않은 구간을 음(-)의 기울기를 가진 선형 함수로 연결한 식이고, 다른 하나는 이상치를 제거한 구간과 제거하지 않은 구간을 음(-)의 기울기를 가진 지수함수로 연결한 식이다.On the other hand, if k is a learnable parameter, there may be two more possible activation functions. One is an equation that connects the intervals with and without outliers removed by a linear function with a negative (-) slope, and the other is the equation that connects the intervals with and without outliers removed with a negative (-) slope. It is an expression connected by an exponential function.
도 5는 본 발명의 일 실시예에 따른 제1 활성화 함수(ZeroLiers) 및 제2 활성화 함수(ZeroLiers-L-K)와 드롭 아웃 간 성능을 비교하기 위한 그래프의 일 예를 도시한다. 비교는 다층 퍼셉트론(MLP)에 대한 실험 결과를 대상으로 한다.5 illustrates an example of a graph for comparing performance between a first activation function (ZeroLiers) and a second activation function (ZeroLiers-L-K) and dropout according to an embodiment of the present invention. The comparison is for the experimental results for the multi-layer perceptron (MLP).
도 5는 구체적으로, 각 ReLU의 변형 함수 별로 본 발명의 일 실시예에 따른 통계 기반 정규화 레이어를 적용하여 다층 퍼셉트론을 CIFAR-10로 학습시킬 때, 각 이터레이션(iteration)에서 검증 데이터(validation set)에서의 정확도를 측정하여 그래프로 나타낸 것이다. 5 shows, in detail, when a multilayer perceptron is trained with CIFAR-10 by applying a statistics-based regularization layer according to an embodiment of the present invention to each transform function of each ReLU, validation data (validation set) in each iteration ) is measured and graphed.
제1 활성화 함수와 제2 활성화 함수가 본 발명의 일 실시예에 따른 통계 기반 정규화 레이어를 적용한 경우이고, 제1 활성화 함수에서는 k는 각 레이어에서 입력 데이터가 이상치인지 판별하는데 사용되는 상수이다. k가 클수록 입력데이터 중 이상치로 판별되는 비율이 감소하게 된다. 제2 활성화 함수는 제1 활성화 함수와는 달리 k를 상수가 아닌 역전파 과정에서 그 값이 각 레이어에서 업데이트되는 학습 가능한 파라미터(learnable parameter)로 세팅한 경우이다. 도 5를 통해서, 기존 드롭 아웃 방식보다 본 발명의 일 실시예에 따른 통계 기반 정규화 레이어를 적용한 경우가 학습 초반에 검증 데이터 추론의 정확도가 상승하는 속도가 훨씬 빠르며, 결과적으로 더 높은 정확도를 달성한다는 것을 알 수 있다.The first activation function and the second activation function are cases in which a statistics-based normalization layer according to an embodiment of the present invention is applied, and in the first activation function, k is a constant used to determine whether input data is an outlier in each layer. As k increases, the proportion of input data that is determined as an outlier decreases. Unlike the first activation function, the second activation function is a case where k is not a constant but a learnable parameter whose value is updated in each layer during backpropagation. 5, the speed at which the accuracy of verification data inference increases much faster in the early stage of learning when the statistics-based normalization layer according to an embodiment of the present invention is applied than the conventional dropout method, and consequently achieves higher accuracy. can know that
본 발명의 일 실시예에 따른 통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 방법에서 임의의 뉴런을 제거하는 대신 각 레이어에서 데이터의 통계적 정보를 활용하여 이상치에 해당하는 뉴런을 제거하는 것은, 딥 뉴럴 네트워크 연산 특성상 다른 값들보다 DNN 학습 및 추론 과정에서 의사 결정에 더 큰 영향을 끼치는 이상치를 제거하는 것으로서, 제거하는 뉴런 수 대비 정규화의 효율을 높이며, 학습 단계에서 유의미한 정보를 더 잘 보존하여 학습 성능을 높일 수 있다.In the deep neural network learning method that performs statistical normalization according to an embodiment of the present invention, instead of removing random neurons, removing neurons corresponding to outliers by using statistical information of data in each layer is By removing outliers that have a greater impact on decision-making in the DNN learning and reasoning process than other values due to the nature of the operation, it increases the efficiency of normalization compared to the number of neurons to be removed, and improves learning performance by better preserving meaningful information in the learning stage. can
도 6은 본 발명의 일 실시예에 따른 통계 기반 정규화 레이어 트레이닝 방법을 설명하기 위한 흐름도이다.6 is a flowchart for explaining a statistics-based normalization layer training method according to an embodiment of the present invention.
도 6을 참조하면, S110 단계에서, 인공 신경망 모델은 입력부(120)로부터 학습 데이터들을 입력받을 수 있다. 이에, 제1 신경망 레이어(210)는 입력부(120) 또는 이전 신경망 레이어로부터 학습 데이터들을 입력받을 수 있다.Referring to FIG. 6 , in step S110 , the artificial neural network model may receive learning data from the input unit 120 . Accordingly, the first neural network layer 210 may receive learning data from the input unit 120 or the previous neural network layer.
단계 S120에서, 제1 신경망 레이어(210)는 입력받은 학습 데이터들을 이용하여 활성화 함수의 출력값들을 획득할 수 있다.In step S120, the first neural network layer 210 may obtain output values of the activation function using the input learning data.
단계 S130에서 통계 기반 정규화 레이어(220)는 활성화 함수의 출력값들을 제2 신경망 레이어(230)의 입력값으로 이용하기 위해서 통계 기반 정규화를 수행하여 이상치를 결정할 수 있다.In step S130, the statistics-based normalization layer 220 may determine an outlier by performing statistics-based normalization in order to use the output values of the activation function as input values of the second neural network layer 230.
여기서, 제1 신경망 레이어(210) 및 제2 신경망 레이어(230)는 DNN의 가장 기본적인 레이어로서 노드(뉴런)들은 다음 레이어의 노드와 연결될 수 있다.Here, the first neural network layer 210 and the second neural network layer 230 are the most basic layers of the DNN, and nodes (neurons) may be connected to nodes of the next layer.
제1 신경망 레이어(210) 및 제2 신경망 레이어(230)는 덴스 레이어(Dense layer) 또는 완전 연결 레이어(fully connected layer)일 수 있다.The first neural network layer 210 and the second neural network layer 230 may be dense layers or fully connected layers.
덴스 레이어 - 활성화 레이어 - 드롭 아웃 레이어 - 덴스 레이어의 구조가 겹겹이 쌓여있는 DNN에서 활성화 레이어 및 드롭 아웃 레이어 중 적어도 하나 대신 본 발명의 일 실시예에 따른 통계 기반 정규화 레이어가 채용될 수 있다.In a DNN in which a dense layer-activation layer-dropout layer-dense layer structure is stacked, a statistics-based normalization layer according to an embodiment of the present invention may be employed instead of at least one of an activation layer and a dropout layer.
일 실시예로, 통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치는 도 3에 도시된 바와 같이 기존 활성화 레이어와 드롭 아웃 레이어를 본 발명의 일 실시예에 따른 통계 기반 정규화 레이어로 교체한 방식일 수 있다.As an embodiment, the deep neural network learning apparatus performing statistics-based normalization may be a method in which an existing activation layer and a dropout layer are replaced with a statistics-based normalization layer according to an embodiment of the present invention, as shown in FIG. there is.
일 실시예로, 통계 기반 정규화 레이어는 드롭 아웃 레이어가 없더라도 활성화 레이어로만으로 사용할 수도 있다.In one embodiment, the statistics-based normalization layer may be used only as an activation layer even without a dropout layer.
실제로, 복수의 신경망 레이어 사이들 중 적어도 일부에 통계 기반 정규화 레이어가 각각 구비될 수 있으나, 본 발명에서는 설명의 편의를 위해, 덴스 레이어 - 통계 기반 정규화 레이어 - 덴스 레이어가 겹겹이 쌓여있는 DNN의 일부인 제1 신경망 레이어(210) - 통계 기반 정규화 레이어(220) - 제2 신경망 레이어(230)를 일 예로 설명하기로 한다. In practice, at least some of the plurality of neural network layers may be provided with statistics-based normalization layers, but in the present invention, for convenience of description, a dense layer-statistics-based normalization layer-the first part of a DNN in which dense layers are stacked The first neural network layer 210 - the statistics-based normalization layer 220 - the second neural network layer 230 will be described as an example.
일 실시예로, 통계 기반 정규화 레이어(220)는 제1 신경망 레이어(210)의 활성화 함수의 출력값들에 기초하여 통계 기반 정규화를 실행할 수 있다. As an embodiment, the statistics-based normalization layer 220 may perform statistics-based normalization based on output values of an activation function of the first neural network layer 210 .
일 실시예로, 통계 기반 정규화 레이어(220)는 제1 신경망 레이어(210)에 활성화 함수를 적용하고, 활성화 함수의 출력값들 중에서 이상치(Outlier)를 검출할 수 있다.As an embodiment, the statistics-based normalization layer 220 may apply an activation function to the first neural network layer 210 and detect an outlier among output values of the activation function.
일 실시예로, 통계 기반 정규화 레이어(220)는 복수의 신경망 레이어 사이들 중 적어도 일부에 각각 구비된 경우, 각 레이어 별로 활성화 함수의 출력값들 중에서 이상치를 검출할 수 있다. 이러한 경우, 각 레이어에 대응하는 각 활성화 함수의 이상치들이 서로 다름은 자명하다.As an embodiment, when the statistics-based normalization layer 220 is provided in at least some of the plurality of neural network layers, an outlier may be detected among output values of an activation function for each layer. In this case, it is obvious that the outliers of each activation function corresponding to each layer are different.
구체적으로, 통계 기반 정규화 레이어(220)는 일반적인 활성화 함수가 변형된 형태의 활성화 함수를 채용할 수 있다. 일 실시예로, 통계 기반 정규화 레이어(220)는 ReLU의 변형(variant)을 채용할 수 있다.Specifically, the statistics-based normalization layer 220 may employ a modified activation function of a general activation function. In one embodiment, the statistics-based normalization layer 220 may employ a variant of ReLU.
일 실시예로, 통계 기반 정규화 레이어(220)는 활성화 함수에 기초하여, 제1 신경망 레이어(210)의 활성화 함수의 출력값들에 대한 평균과 표준편차를 산출하여, 평균에서 기 설정된 기준 이상에 해당하는 출력값을 이상치(outlier)로 결정할 수 있다.In one embodiment, the statistics-based normalization layer 220 calculates the average and standard deviation of the output values of the activation function of the first neural network layer 210 based on the activation function, and the average corresponds to a predetermined standard or more. output values can be determined as outliers.
여기서, 본 발명의 일 실시예에 따른 통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치의 활성화 함수는 크게 두 가지 경우에 대해 서로 다르게 적용될 수 있다.Here, the activation function of the deep neural network learning apparatus performing statistics-based normalization according to an embodiment of the present invention can be applied differently to two cases.
일 실시예로, 활성화 함수의 출력값이 이상치인지 판별하는데 사용되는 파라미터k가 고정된 상수인지, 미분 가능한 파라미터인지에 따라 분류될 수 있다. In one embodiment, the parameter k used to determine whether the output value of the activation function is an outlier may be classified according to whether it is a fixed constant or a differentiable parameter.
이러한 파라미터 k는 인공지능 모델의 설계 단계에서 결정될 수 있다. This parameter k may be determined in the design stage of the artificial intelligence model.
첫째는, 활성화 함수의 출력값이 이상치인지 판별하는데 사용되는 파라미터 k가 상수로 세팅된 경우에 해당하는 제1 활성화 함수로서, 아래 수학식1과 같다. First, the first activation function corresponding to the case where the parameter k used to determine whether the output value of the activation function is an outlier is set to a constant, as shown in Equation 1 below.
Figure PCTKR2022017760-appb-img-000013
Figure PCTKR2022017760-appb-img-000013
여기서, 상기
Figure PCTKR2022017760-appb-img-000014
은 DNN의
Figure PCTKR2022017760-appb-img-000015
번째 레이어에서 f(x)의 출력값들의 평균이고,
Figure PCTKR2022017760-appb-img-000016
Figure PCTKR2022017760-appb-img-000017
번째 레이어에서 f(x)의 출력값들의 표준편차이며, k는 상수(constant) 또는 하이퍼파라미터(hyperparameter)이다. k값이 클수록 입력값들 중 이상치에 해당하는 비율이 감소하게 된다.
here, above
Figure PCTKR2022017760-appb-img-000014
of the DNN
Figure PCTKR2022017760-appb-img-000015
is the average of the outputs of f(x) in the th layer,
Figure PCTKR2022017760-appb-img-000016
Is
Figure PCTKR2022017760-appb-img-000017
It is the standard deviation of the output values of f(x) in the th layer, and k is a constant or hyperparameter. As the value of k increases, the ratio corresponding to the outlier among the input values decreases.
제1 활성화 함수가 채용된 경우, 통계 기반 정규화 레이어(220)는 제1 활성화 함수의 출력값들 중
Figure PCTKR2022017760-appb-img-000018
보다 큰 값을 이상치로 결정한다. 그리고 결정된 이상치에 해당하는 노드를 제거할 노드로 결정한다.
When the first activation function is employed, the statistics-based normalization layer 220 selects among the output values of the first activation function.
Figure PCTKR2022017760-appb-img-000018
Larger values are determined as outliers. Then, a node corresponding to the determined outlier is determined as a node to be removed.
둘째는, 활성화 함수의 출력값이 이상치인지 판별하는데 사용되는 파라미터 k가 역전파(backpropagation) 과정에서 그 값이 각 레이어에서 업데이트되는 학습 가능한 파라미터로 세팅된 경우에 해당하는 제2 활성화 함수로서, 아래 수학식2와 같다.Second, as a second activation function corresponding to the case where the parameter k used to determine whether the output value of the activation function is an outlier is set as a learnable parameter whose value is updated in each layer during backpropagation, the following equation Same as Equation 2.
Figure PCTKR2022017760-appb-img-000019
Figure PCTKR2022017760-appb-img-000019
상기 k 는 학습 가능한 파라미터(learnable parameter)이고,
Figure PCTKR2022017760-appb-img-000020
는 k의 초기값(initial value)으로, 수학식 1을 적용하여 실험을 통해 검증 데이터에서의 정확도가 가장 높을 때의 k값을 수학식 2의
Figure PCTKR2022017760-appb-img-000021
로 정한다.
The k is a learnable parameter,
Figure PCTKR2022017760-appb-img-000020
is the initial value of k, and by applying Equation 1, the k value when the accuracy in the verification data is the highest through the experiment is Equation 2
Figure PCTKR2022017760-appb-img-000021
set as
수학식 2에서
Figure PCTKR2022017760-appb-img-000022
는 수학식 1의 g(x)에
Figure PCTKR2022017760-appb-img-000023
을 곱한 것이다.
in Equation 2
Figure PCTKR2022017760-appb-img-000022
is in g (x) of Equation 1
Figure PCTKR2022017760-appb-img-000023
is multiplied by
수학식 2에서 k값이 증가함에 따라
Figure PCTKR2022017760-appb-img-000024
출력값이 감소하게 세팅한 이유는 역전파 과정에서 k가 증가하는 방향으로 업데이트 되는 경우, 입력 데이터 중 이상치로 간주하는 비율이 감소함에 따라 정규화 효과가 감소하는데, 정규화 효과가 감소하는 정도가 지나치게 클 수 있어 이를 보상(compensate)하기 위해서이다.
As the value of k increases in Equation 2,
Figure PCTKR2022017760-appb-img-000024
The reason why the output value is set to decrease is that when updating in the direction of increasing k in the backpropagation process, the normalization effect decreases as the ratio of the input data considered as an outlier decreases. It is there to compensate for it.
한편, k가 학습 가능한 파라미터인 경우, 가능한 활성화 함수가 두 가지 더 있을 수 있다. 하나는, 이상치를 제거한 구간과 제거하지 않은 구간을 음(-)의 기울기를 가진 선형 함수로 연결한 식이고, 다른 하나는 이상치를 제거한 구간과 제거하지 않은 구간을 음(-)의 기울기를 가진 지수함수로 연결한 식이다.On the other hand, if k is a learnable parameter, there may be two more possible activation functions. One is an equation that connects the intervals with and without outliers removed by a linear function with a negative (-) slope, and the other is the equation that connects the intervals with and without outliers removed with a negative (-) slope. It is an expression connected by an exponential function.
단계 S140에서 이상치로 결정된 출력값을 제거할 수 있다.In step S140, the output value determined as an outlier may be removed.
이를 위해, 통계 기반 정규화 레이어(220)는 제1 신경망 레이어(210)로부터 전달된 입력 데이터의 통계적 정보를 기반으로 제1 신경망 레이어(210)에서 제외할 뉴런을 결정하여, 제1 신경망 레이어(210)로부터 상기 결정된 뉴런을 제외시킬 수 있다. To this end, the statistics-based normalization layer 220 determines neurons to be excluded from the first neural network layer 210 based on the statistical information of the input data transmitted from the first neural network layer 210, and determines the neurons to be excluded from the first neural network layer 210. ) from which the determined neurons can be excluded.
여기서, 통계 기반 정규화 레이어(220)가 이상치에 대응하는 뉴런을 제외시키는 방법은, 해당 활성화 함수의 출력값을 0으로 변환하는 방식, 드롭 아웃에서 학습 시 일부 뉴런을 제외하는 방식과 동일한 방식 및 해당 뉴런의 활성화 정도를 감소시키는 방식 중 적어도 하나일 수 있다.Here, the method for the statistics-based normalization layer 220 to exclude neurons corresponding to outliers is the same method as converting the output value of the corresponding activation function to 0, excluding some neurons during learning from dropout, and the corresponding neurons. It may be at least one of the methods of reducing the activation degree of .
기존의 드롭 아웃 방식은 드롭 아웃 단계에서 임의의 뉴런을 선택하는 데에 반해, 본 발명의 일 실시예에 따른 통계 기반 정규화 레이어(220)는 통계적 특성을 기반으로 제거할 뉴런을 선택한다는 점에서 차별화된다.While the conventional drop-out method selects neurons randomly in the drop-out step, the statistics-based normalization layer 220 according to an embodiment of the present invention is differentiated in that it selects neurons to be removed based on statistical characteristics. do.
즉, 본 발명의 일 실시예에 따른 정규화를 시행하는 딥 뉴럴 네트워크 학습 방법은 각 신경망 레이어에서 입력 데이터의 통계적 정보에 기초하여 이상치에 해당하는 뉴런을 제거하는 것으로서, 다른 값들보다 DNN 학습 및 추론 과정에서 의사 결정에 더 큰 영향을 끼치는 이상치를 제거하여, 제거하는 뉴런 수 대비 정규화의 효율을 높이며, 학습 단계에서 유의미한 정보를 더 잘 보존하여 학습 성능을 높이는 데에 특징이 있다.That is, the deep neural network learning method that performs normalization according to an embodiment of the present invention removes neurons corresponding to outliers based on statistical information of input data in each neural network layer, which is a DNN learning and inference process rather than other values. It is characterized by removing outliers that have a greater impact on decision-making in , increasing the efficiency of normalization compared to the number of neurons removed, and improving learning performance by better preserving meaningful information in the learning stage.
단계 S150에서 제외된 출력값 외의 나머지 출력값을 제2 신경망으로 출력할 수 있다.The remaining output values other than the output values excluded in step S150 may be output to the second neural network.
이상, 본 발명의 특정 실시예에 대하여 상술하였다. 그러나, 본 발명의 사상 및 범위는 이러한 특정 실시예에 한정되는 것이 아니라, 본 발명의 요지를 변경하지 않는 범위 내에서 다양하게 수정 및 변형이 가능하다는 것을 본 발명이 속하는 기술 분야에서 통상의 지식을 가진 자라면 이해할 것이다.In the above, specific embodiments of the present invention have been described in detail. However, the spirit and scope of the present invention is not limited to these specific embodiments, and it is common knowledge in the technical field to which the present invention belongs that various modifications and variations are possible without changing the gist of the present invention. Anyone who has it will understand.
따라서, 이상에서 기술한 실시예들은 본 발명이 속하는 기술분야에서 통상의 지식을 가진 자에게 발명의 범주를 완전하게 알려주기 위해 제공되는 것이므로, 모든 면에서 예시적인 것이며 한정적이 아닌 것으로 이해해야만 하며, 본 발명은 청구항의 범주에 의해 정의될 뿐이다. Therefore, since the embodiments described above are provided to completely inform those skilled in the art of the scope of the invention to which the present invention pertains, it should be understood that it is illustrative in all respects and not limiting, The invention is only defined by the scope of the claims.

Claims (12)

  1. DNN(Deep neural network) 모델 학습을 위한 학습 데이터를 입력하기 위한 입력부;an input unit for inputting learning data for learning a deep neural network (DNN) model;
    상기 학습 데이터를 이용하여 상기 DNN 모델을 학습시키는 학습 프로세서를 포함하고,A learning processor for learning the DNN model using the learning data;
    상기 DNN 모델은 제1 신경망 레이어와 제2 신경망 레이어 사이에 통계 기반 정규화 레이어를 포함하며,The DNN model includes a statistics-based normalization layer between the first and second neural network layers,
    상기 통계 기반 정규화 레이어는, 상기 제1 신경망 레이어의 활성화 함수의 출력값들에 기초하는 통계적 정보를 기반으로 상기 제1 신경망 레이어에서 제외할 뉴런을 결정하고, 나머지 뉴런에 대응하는 활성화 함수의 출력값을 상기 제2 신경망 레이어로 출력하는,The statistics-based normalization layer determines neurons to be excluded from the first neural network layer based on statistical information based on output values of the activation function of the first neural network layer, and outputs the output values of the activation function corresponding to the remaining neurons. output to the second neural network layer,
    통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치.A deep neural network training device that performs statistics-based regularization.
  2. 제 1 항에 있어서,According to claim 1,
    상기 통계 기반 정규화 레이어는,The statistics-based normalization layer,
    상기 활성화 함수의 출력값들에 대한 평균과 표준편차를 산출하여, 상기 평균에서 기 설정된 기준 이상에 해당하는 출력값을 이상치(outlier)로 결정하는,Calculating the average and standard deviation of the output values of the activation function, and determining an output value corresponding to a predetermined standard or more from the average as an outlier,
    통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치.A deep neural network training device that performs statistics-based regularization.
  3. 제 2 항에 있어서,According to claim 2,
    상기 통계 기반 정규화 레이어는,The statistics-based normalization layer,
    상기 활성화 함수의 출력값들의 평균에서 상기 표준편차의 일정 배수만큼 멀어진 값을 상기 이상치로 결정하고, 상기 이상치에 해당하는 뉴런을 제외시키는,Determining a value that is far from the average of the output values of the activation function by a predetermined multiple of the standard deviation as the outlier, and excluding neurons corresponding to the outlier,
    통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치.A deep neural network training device that performs statistics-based regularization.
  4. 제 3 항에 있어서,According to claim 3,
    상기 통계 기반 정규화 레이어는 상기 이상치에 대응하는 뉴런을 제외시키는 방법으로서, 해당 활성화 함수의 출력값을 0으로 변환하는 방식, 드롭 아웃에서 학습 시 일부 뉴런을 제외하는 방식과 동일한 방식 및 해당 뉴런의 활성화 정도를 감소시키는 방식 중 적어도 하나를 실행하는,The statistics-based normalization layer is a method of excluding neurons corresponding to the outliers, such as a method of converting the output value of the corresponding activation function to 0, the same method as the method of excluding some neurons during learning from dropout, and the activation degree of the corresponding neurons. Executing at least one of the ways to reduce
    통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치.A deep neural network training device that performs statistics-based regularization.
  5. 제 1 항에 있어서,According to claim 1,
    상기 활성화 함수는,The activation function is
    상기 활성화 함수의 출력값이 이상치인지 판별하는데 사용되는 파라미터k가 상수로 세팅된 경우, 하기의 제1 활성화 함수에 해당하고,When the parameter k used to determine whether the output value of the activation function is an outlier is set to a constant, it corresponds to the following first activation function,
    Figure PCTKR2022017760-appb-img-000025
    Figure PCTKR2022017760-appb-img-000025
    상기
    Figure PCTKR2022017760-appb-img-000026
    은 상기 DNN의
    Figure PCTKR2022017760-appb-img-000027
    번째 레이어에서 f(x)의 출력값들의 평균이며,
    Figure PCTKR2022017760-appb-img-000028
    Figure PCTKR2022017760-appb-img-000029
    번째 레이어에서 f(x)의 출력값들의 표준편차인,
    remind
    Figure PCTKR2022017760-appb-img-000026
    of the DNN
    Figure PCTKR2022017760-appb-img-000027
    is the average of the outputs of f(x) in the th layer,
    Figure PCTKR2022017760-appb-img-000028
    Is
    Figure PCTKR2022017760-appb-img-000029
    The standard deviation of the output values of f(x) in the th layer,
    통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치.A deep neural network training device that performs statistics-based regularization.
  6. 제 5 항에 있어서,According to claim 5,
    상기 활성화 함수는,The activation function is
    상기 파라미터 k가 역전파(backpropagation) 과정에서 그 값이 각 레이어에서 업데이트되는 학습 가능한 파라미터로 세팅된 경우, 하기의 제2 활성화 함수에 해당하며,When the parameter k is set as a learnable parameter whose value is updated in each layer during backpropagation, it corresponds to the following second activation function,
    Figure PCTKR2022017760-appb-img-000030
    Figure PCTKR2022017760-appb-img-000030
    상기 k 는 학습 가능한 파라미터(learnable parameter)이고,
    Figure PCTKR2022017760-appb-img-000031
    는 k의 초기값(initial value)이며,
    Figure PCTKR2022017760-appb-img-000032
    는 상기 제1 활성화 함수의 g(x)에
    Figure PCTKR2022017760-appb-img-000033
    을 곱한 값인,
    The k is a learnable parameter,
    Figure PCTKR2022017760-appb-img-000031
    is the initial value of k,
    Figure PCTKR2022017760-appb-img-000032
    is at g(x) of the first activation function
    Figure PCTKR2022017760-appb-img-000033
    which is multiplied by
    통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 장치.A deep neural network training device that performs statistics-based regularization.
  7. 통계 기반 정규화 레이어 학습 방법에 있어서,In the statistics-based regularization layer learning method,
    학습 데이터를 입력받는 단계;receiving learning data;
    제1 신경망 레이어에 적용된 활성화 함수의 출력값들을 획득하는 단계;obtaining output values of an activation function applied to a first neural network layer;
    상기 출력값들에 기초하여 통계 기반 정규화를 수행하여 이상치를 결정하는 단계;determining outliers by performing statistical normalization based on the output values;
    상기 이상치로 결정된 출력값을 제거하는 단계; 및removing the output value determined as the outlier; and
    상기 출력값들 중 상기 이상치 외의 나머지 출력값들을 제2 신경망 레이어로 출력하는 단계를 포함하는,Outputting the remaining output values other than the outlier among the output values to a second neural network layer,
    통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 방법.A deep neural network training method that implements statistics-based regularization.
  8. 제 7 항에 있어서,According to claim 7,
    상기 이상치를 결정하는 단계는,The step of determining the outlier is,
    상기 활성화 함수의 출력값들에 대한 평균과 표준편차를 산출하여, 상기 평균에서 기 설정된 기준 이상에 해당하는 출력값을 이상치(outlier)로 결정하는,Calculating the average and standard deviation of the output values of the activation function, and determining an output value corresponding to a predetermined standard or more from the average as an outlier,
    통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 방법.A deep neural network training method that implements statistics-based regularization.
  9. 제 8 항에 있어서,According to claim 8,
    상기 이상치를 결정하는 단계는,The step of determining the outlier is,
    상기 활성화 함수의 출력값들의 평균에서 상기 표준편차의 일정 배수만큼 멀어진 값을 상기 이상치로 결정하는,Determining a value that is far from the average of the output values of the activation function by a predetermined multiple of the standard deviation as the outlier,
    통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 방법.A deep neural network training method that implements statistics-based regularization.
  10. 제 8 항에 있어서,According to claim 8,
    상기 출력값을 제거하는 단계는,The step of removing the output value is,
    상기 이상치로 결정된 출력값을 0으로 변환하는 방식, 드롭 아웃에서 학습 시 일부 뉴런을 제외하는 방식과 동일한 방식 및 상기 이상치에 대응하는 뉴런의 활성화 정도를 감소시키는 방식 중 적어도 하나를 실행하는,Executing at least one of a method of converting the output value determined as the outlier to 0, a method identical to a method of excluding some neurons during learning in dropout, and a method of reducing the activation degree of neurons corresponding to the outlier,
    통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 방법.A deep neural network training method that implements statistics-based regularization.
  11. 제 7 항에 있어서,According to claim 7,
    상기 활성화 함수는,The activation function is
    상기 활성화 함수의 출력값이 이상치인지 판별하는데 사용되는 파라미터k가 상수로 세팅된 경우, 하기의 제1 활성화 함수에 해당하고,When the parameter k used to determine whether the output value of the activation function is an outlier is set to a constant, it corresponds to the following first activation function,
    Figure PCTKR2022017760-appb-img-000034
    Figure PCTKR2022017760-appb-img-000034
    상기
    Figure PCTKR2022017760-appb-img-000035
    은 상기 DNN의
    Figure PCTKR2022017760-appb-img-000036
    번째 레이어에서 f(x)의 출력값들의 평균이며,
    Figure PCTKR2022017760-appb-img-000037
    Figure PCTKR2022017760-appb-img-000038
    번째 레이어에서 f(x)의 출력값들의 표준편차인,
    remind
    Figure PCTKR2022017760-appb-img-000035
    of the DNN
    Figure PCTKR2022017760-appb-img-000036
    is the average of the outputs of f(x) in the th layer,
    Figure PCTKR2022017760-appb-img-000037
    Is
    Figure PCTKR2022017760-appb-img-000038
    The standard deviation of the output values of f(x) in the th layer,
    통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 방법.A deep neural network training method that implements statistics-based regularization.
  12. 제 11 항에 있어서,According to claim 11,
    상기 활성화 함수는,The activation function is
    상기 파라미터 k가 역전파(backpropagation) 과정에서 그 값이 각 레이어에서 업데이트되는 학습 가능한 파라미터로 세팅된 경우, 하기의 제2 활성화 함수에 해당하며,When the parameter k is set as a learnable parameter whose value is updated in each layer during backpropagation, it corresponds to the following second activation function,
    Figure PCTKR2022017760-appb-img-000039
    Figure PCTKR2022017760-appb-img-000039
    상기 k 는 학습 가능한 파라미터(learnable parameter)이고,
    Figure PCTKR2022017760-appb-img-000040
    는 k의 초기값(initial value)이며,
    Figure PCTKR2022017760-appb-img-000041
    는 상기 제1 활성화 함수의 g(x)에
    Figure PCTKR2022017760-appb-img-000042
    을 곱한 값인,
    The k is a learnable parameter,
    Figure PCTKR2022017760-appb-img-000040
    is the initial value of k,
    Figure PCTKR2022017760-appb-img-000041
    is at g(x) of the first activation function
    Figure PCTKR2022017760-appb-img-000042
    which is multiplied by
    통계 기반 정규화를 시행하는 딥 뉴럴 네트워크 학습 방법.A deep neural network training method that implements statistics-based regularization.
PCT/KR2022/017760 2021-11-11 2022-11-11 Deep neural network training device and method for executing statistical regularization WO2023085852A1 (en)

Applications Claiming Priority (4)

Application Number Priority Date Filing Date Title
KR20210154716 2021-11-11
KR10-2021-0154716 2021-11-11
KR1020220145470A KR20230069010A (en) 2021-11-11 2022-11-03 Apparatus and method for performing statistical-based regularization of deep neural network training
KR10-2022-0145470 2022-11-03

Publications (1)

Publication Number Publication Date
WO2023085852A1 true WO2023085852A1 (en) 2023-05-19

Family

ID=86336291

Family Applications (1)

Application Number Title Priority Date Filing Date
PCT/KR2022/017760 WO2023085852A1 (en) 2021-11-11 2022-11-11 Deep neural network training device and method for executing statistical regularization

Country Status (1)

Country Link
WO (1) WO2023085852A1 (en)

Citations (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
KR20190098106A (en) * 2019-08-02 2019-08-21 엘지전자 주식회사 Batch normalization layer training method
KR102143192B1 (en) * 2019-11-12 2020-08-10 주식회사 루닛 Machine-learning method for neural network and apparatus thereof
KR102204286B1 (en) * 2015-01-28 2021-01-18 구글 엘엘씨 Batch normalization layers

Patent Citations (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
KR102204286B1 (en) * 2015-01-28 2021-01-18 구글 엘엘씨 Batch normalization layers
KR20190098106A (en) * 2019-08-02 2019-08-21 엘지전자 주식회사 Batch normalization layer training method
KR102143192B1 (en) * 2019-11-12 2020-08-10 주식회사 루닛 Machine-learning method for neural network and apparatus thereof

Non-Patent Citations (3)

* Cited by examiner, † Cited by third party
Title
ANONYMOUS: "ZEROLIERS: DIMINISHING LARGE OUTLIERS IN RELU-LIKE ACTIVATIONS", ICLR 2022, 1 January 2022 (2022-01-01), XP093067071, Retrieved from the Internet <URL:https://openreview.net/pdf/17880c99c105f0b56b366d0cbe3540f96bbccf4a.pdf> [retrieved on 20230725] *
LUAN SIYU; GU ZONGHUA; FREIDOVICH LEONID B.; JIANG LILI; ZHAO QINGLING: "Out-of-Distribution Detection for Deep Neural Networks With Isolation Forest and Local Outlier Factor", IEEE ACCESS, IEEE, USA, vol. 9, 27 August 2021 (2021-08-27), USA , pages 132980 - 132989, XP011880636, DOI: 10.1109/ACCESS.2021.3108451 *
MUHAMMAD AWAIS; FAHAD SHAMSHAD; SUNG-HO BAE: "Towards an Adversarially Robust Normalization Approach", ARXIV.ORG, CORNELL UNIVERSITY LIBRARY, 201 OLIN LIBRARY CORNELL UNIVERSITY ITHACA, NY 14853, 19 June 2020 (2020-06-19), 201 Olin Library Cornell University Ithaca, NY 14853 , XP081699030 *

Similar Documents

Publication Publication Date Title
WO2021033873A1 (en) Generating training and validation data for machine learning
WO2019194451A1 (en) Voice conversation analysis method and apparatus using artificial intelligence
WO2019182265A1 (en) Artificial intelligence device and method for operating same
WO2021075735A1 (en) Training a neural network using periodic sampling over model weights
WO2020130747A1 (en) Image processing apparatus and method for style transformation
KR20190098106A (en) Batch normalization layer training method
WO2022098203A1 (en) Method and apparatus for image segmentation
WO2021225262A1 (en) Neural architecture search based optimized dnn model generation for execution of tasks in electronic device
Renggli et al. Learning to merge tokens in vision transformers
WO2020130260A1 (en) Mobile terminal and method of operating the same
WO2020184748A1 (en) Artificial intelligence device and method for controlling auto-stop system on basis of traffic information
WO2021225256A1 (en) Electronic device and control method therefor
WO2020179995A1 (en) Electronic device and control method therefor
WO2022102937A1 (en) Methods and systems for predicting non-default actions against unstructured utterances
WO2020091253A1 (en) Electronic device and method for controlling electronic device
WO2021158085A1 (en) Neural network update method, classification method and electronic device
WO2020085653A1 (en) Multiple-pedestrian tracking method and system using teacher-student random fern
WO2022169136A1 (en) Method, system and apparatus for federated learning
EP3735662A1 (en) Method of performing learning of deep neural network and apparatus thereof
WO2023085852A1 (en) Deep neural network training device and method for executing statistical regularization
WO2020141641A1 (en) Sleep inducing device
WO2020138575A1 (en) Method and device for selecting machine learning data
WO2021177593A1 (en) Machine learning-based future innovation prediction method and system therefor
WO2019139459A2 (en) Artificial intelligence apparatus
WO2021040192A1 (en) System and method for training artificial intelligence model

Legal Events

Date Code Title Description
121 Ep: the epo has been informed by wipo that ep was designated in this application

Ref document number: 22893271

Country of ref document: EP

Kind code of ref document: A1