Login| Sign Up| Help| Contact|

Patent Searching and Data


Title:
SYSTEM AND METHOD FOR INCREMENTAL LEARNING USING A GROW-AND-PRUNE PARADIGM WITH NEURAL NETWORKS
Document Type and Number:
WIPO Patent Application WO/2020/236255
Kind Code:
A1
Abstract:
According to various embodiments, a method for generating a compact and accurate neural network for a dataset that has initial data and is updated with new data is disclosed. The method includes performing a first training on the initial neural network architecture to create a first trained neural network architecture. The method additionally includes performing a second training on the first trained neural network architecture when the dataset is updated with new data to create a second trained neural network architecture. The second training includes growing one or more connections for the new data based on a gradient of each connection, growing one or more connections for the new data and the initial data based on a gradient of each connection, and iteratively pruning one or more connections based on a magnitude of each connection until a desired neural network architecture is achieved.

Inventors:
DAI XIAOLIANG (US)
YIN HONGXU (US)
JHA NIRAJ (US)
Application Number:
PCT/US2020/023870
Publication Date:
November 26, 2020
Filing Date:
March 20, 2020
Export Citation:
Click for automatic bibliography generation   Help
Assignee:
UNIV PRINCETON (US)
International Classes:
G05B15/00; G05B19/18; G06F9/445; G06F9/455
Domestic Patent References:
WO2019089339A12019-05-09
WO2017189859A12017-11-02
Foreign References:
US9779786B12017-10-03
US8862527B22014-10-14
US20160328253A12016-11-10
Other References:
SINGH ET AL. ET AL.: "Multi-layer Pruning Framework for Compressing Single Shot MultiBox Detector", ARXIV:1811.08342V1, 20 November 2018 (2018-11-20), pages 1 - 13, XP033525677, Retrieved from the Internet [retrieved on 20200520]
DAI ET AL.: "Grow and Prune Compact, Fast, and Accurate LSTMs", ARXIV:1805.11797V2, 31 May 2018 (2018-05-31), pages 441 - 452, XP011771000, Retrieved from the Internet [retrieved on 20200520]
Attorney, Agent or Firm:
DRACHTMAN, Craig, M. (US)
Download PDF:
Claims:
CLAIMS

What is claimed is:

1. A method for generating a compact and accurate neural network for a dataset that has initial data and is updated with new data, the method comprising:

providing an initial neural network architecture for the initial data;

performing a first training on the initial neural network architecture to create a first trained neural network architecture, the first training comprising:

growing one or more connections based on a gradient of each connection; and

iteratively pruning one or more connections based on a magnitude of each connection until a desired neural network architecture is achieved; and performing a second training on the first trained neural network architecture when the dataset is updated with new data to create a second trained neural network architecture, the second training comprising:

growing one or more connections for the new data based on a gradient of each connection;

growing one or more connections for the new data and the initial data based on a gradient of each connection; and

iteratively pruning one or more connections based on a magnitude of each connection until a desired neural network architecture is achieved.

2. The method of claim 1 , wherein the iterative pruning in the first training and the second training each comprise recoverable pruning.

3. The method of claim 1, wherein the iterative pruning in the second training comprises recoverable pruning and non-recoverable pruning.

4. The method of claim 1 , wherein the growing in the first training and both growing in the second training each comprise adding connections whose gradient magnitude surpasses a predefined percentile of gradient magnitudes based on a growth ratio.

5. The method of claim 1, wherein the growing in the first training comprises

disregarding dangling connections with a mask tensor.

6. The method of claim 1, wherein the iterative pruning in the first training and the second training each compnse removing connections whose magnitudes are smaller than a predefined percentile of magnitudes based on a pruning ratio.

7. The method of claim 1, wherein the iterative pruning in the first training and the second training continues until a predefined accuracy threshold is reached.

8. A system for generating a compact and accurate neural network for a dataset that has initial data and is updated with new data, the system comprising one or more processors configured to:

perform a first training on an initial neural network architecture for the initial data to create a first trained neural network architecture, the first training comprising:

growing one or more connections based on a gradient of each connection; and

iteratively pruning one or more connections based on a magnitude of each connection until a desired neural network architecture is achieved; and perform a second training on the first trained neural network architecture when the dataset is updated with new data to create a second trained neural network architecture, the second training comprising:

growing one or more connections for the new data based on a gradient of each connection;

growing one or more connections for the new data and the initial data based on a gradient of each connection; and

iteratively pruning one or more connections based on a magnitude of each connection until a desired neural network architecture is achieved.

9. The system of claim 8, wherein the iterative pruning in the first training and the second training each comprise recoverable pruning.

10. The system of claim 8, wherein the iterative pruning in the second training comprises recoverable pruning and non-recoverable pruning.

11. The system of claim 8, wherein the growing in the first training and both growing in the second training each comprise adding connections whose gradient magnitude surpasses a predefined percentile of gradient magnitudes based on a growth ratio.

12. The system of claim 8, wherein the growing in the first training comprises

disregarding dangling connections with a mask tensor.

13. The system of claim 8, wherein the iterative pruning in the first training and the

second training each compnse removing connections whose magnitudes are smaller than a predefined percentile of magnitudes based on a pruning ratio.

14. The system of claim 8, wherein the iterative pruning in the first training and the

second training continues until a predefined accuracy threshold is reached.

15. A non-transitory computer-readable medium having stored thereon a computer

program for execution by a processor configured to perform a method for generating a compact and accurate neural network for a dataset that has initial data and is updated with new data, the method comprising:

providing an initial neural network architecture for the initial data; performing a first training on the initial neural network architecture to create a first trained neural network architecture, the first training comprising:

growing one or more connections based on a gradient of each connection; and

iteratively pruning one or more connections based on a magnitude of each connection until a desired neural network architecture is achieved; and performing a second training on the first trained neural network architecture when the dataset is updated with new data to create a second trained neural network architecture, the second training comprising:

growing one or more connections for the new data based on a gradient of each connection;

growing one or more connections for the new data and the initial data based on a gradient of each connection; and

iteratively pruning one or more connections based on a magnitude of each connection until a desired neural network architecture is achieved.

16. The non-transitory computer-readable medium of claim 15, wherein the iterative pruning in the first training and the second training each comprise recoverable pruning.

17. The non-transitory computer-readable medium of claim 15, wherein the iterative pruning in the second training comprises recoverable pruning and non-recoverable pruning.

18. The non-transitory computer-readable medium of claim 15, wherein the growing in the first training and both growing in the second training each comprise adding connections whose gradient magnitude surpasses a predefined percentile of gradient magnitudes based on a growth ratio.

19. The non-transitory computer-readable medium of claim 15, wherein the growing in the first training comprises disregarding dangling connections with a mask tensor.

20. The non-transitory computer-readable medium of claim 15, wherein the iterative pruning in the first training and the second training each comprise removing connections whose magnitudes are smaller than a predefined percentile of magnitudes based on a pruning ratio.

21. The non-transitory computer-readable medium of claim 15, wherein the iterative pruning in the first training and the second training continues until a predefined accuracy threshold is reached.

Description:
SYSTEM AND METHOD FOR INCREMENTAL LEARNING USING A GROW- AND-PRUNE PARADIGM WITH NEURAL NETWORKS

CROSS-REFERENCE TO RELATED APPLICATIONS

[0001] This application claims priority to provisional applications 62/851,740, filed May 23, 2019, which is herein incorporated by reference in its entirety.

STATEMENT REGARDING FEDERALLY SPONSORED RESEARCH OR DEVELOPMENT

[0002] This invention was made with government support under Grant No. CNS-1617640 awarded by the National Science Foundation. The government has certain rights in the invention.

FIELD OF THE INVENTION

[0003] The present invention relates generally to neural networks and, more particularly, to a system and method for incremental learning using a grow-and-prune paradigm for updating a neural network model to accommodate dynamic data.

BACKGROUND OF THE INVENTION

[0004] In recent years, deep neural networks (DNNs) have achieved remarkable success and emerged as an extraordinarily powerful tool for a wide range of machine learning applications. Their ability to represent input data through increasing layers of feature representations and knowledge distillation has been shown to be extremely effective in numerous application areas, such as image recognition, speech recognition, disease diagnosis, and neural machine translation. With increased access to large amounts of labeled training data (e.g., ImageNet with 1.2 million training images from 1,000 different categories) and computational resources, DNNs have resulted in human-like or even super-human performance on a variety of tasks.

[0005] A typical development process of a DNN starts with training a model based on the target dataset that contains a large amount of labeled training instances. The DNN leams to distill intelligence and extract features from the dataset in this process. The well-trained model is then used to make predictions for incoming unseen data. In such a setting, all the labeled data are presented to the network all-at-once for one training session. [0006] While effective, this may be too idealized for many real-world scenarios where training data and their associated labels may be collected in a continuous and incremental manner, and only some data instances may be used initially to obtain the first trained model. For example, biomedical datasets are typically updated regularly when the number of data points obtained from patients increases, or disease trends shift across time. This makes it necessary to update a DNN model frequently to accommodate the new data and capture the new information effectively.

[0007] A widely-used approach for updating DNNs to learn new information involves discarding the existing model and retraining the DNN weights from scratch using all the data acquired so far. This method leads to a complete loss of all the previously accumulated knowledge in the pretrained network, and suffers from three major problems:

[0008] (1) Vast training cost: Training from scratch at each update is computationally- and time-intensive. Ideally, an incremental learning system should combine existing knowledge with new knowledge in a continuous and efficient manner, hence minimizing additional computational costs of an update.

[0009] (2) Fixed network capacity: Conventional DNN models have fixed and static architectures. As new data become available, it is not possible to increase their capacity during the entire training process.

[0010] (3) Massive redundancy: The generated DNN models derived for large real-world datasets are typically over-parameterized and can easily contain millions of parameters. Such a large model size incurs substantial storage and memory cost during inference.

[0011] As such, there is a need for a framework to more efficiently update DNNs without the above problems.

SUMMARY OF THE INVENTION

[0012] According to various embodiments, a method for generating a compact and accurate neural network for a dataset that has initial data and is updated with new data is disclosed. The method includes providing an initial neural network architecture for the initial data. The method further includes performing a first training on the initial neural network architecture to create a first trained neural network architecture. The first training includes growing one or more connections based on a gradient of each connection and iteratively pruning one or more connections based on a magnitude of each connection until a desired neural network architecture is achieved. The method additionally includes performing a second training on the first trained neural network architecture when the dataset is updated with new data to create a second trained neural network architecture. The second training includes growing one or more connections for the new data based on a gradient of each connection, growing one or more connections for the new data and the initial data based on a gradient of each connection, and iteratively pruning one or more connections based on a magnitude of each connection until a desired neural network architecture is achieved.

[0013] According to various embodiments, a system for generating a compact and accurate neural network for a dataset that has initial data and is updated with new data is disclosed. The system includes one or more processors. The processors are configured to perform a first training on an initial neural network architecture for the initial data to create a first trained neural network architecture. The first training includes growing one or more connections based on a gradient of each connection and iteratively pruning one or more connections based on a magnitude of each connection until a desired neural network architecture is achieved. The processors are further configured to perform a second training on the first trained neural network architecture when the dataset is updated with new data to create a second trained neural network architecture. The second training includes growing one or more connections for the new data based on a gradient of each connection, growing one or more connections for the new data and the initial data based on a gradient of each connection, and iteratively pruning one or more connections based on a magnitude of each connection until a desired neural network architecture is achieved.

[0014] According to various embodiments, a non-transitory computer-readable medium having stored thereon a computer program for execution by a processor configured to perform a method for generating a compact and accurate neural network for a dataset that has initial data and is updated with new data is disclosed. The method includes providing an initial neural network architecture for the initial data. The method further includes performing a first training on the initial neural network architecture to create a first trained neural network architecture. The first training includes growing one or more connections based on a gradient of each connection and iteratively pruning one or more connections based on a magnitude of each connection until a desired neural network architecture is achieved. The method additionally includes performing a second training on the first trained neural network architecture when the dataset is updated with new data to create a second trained neural network architecture. The second training includes growing one or more connections for the new data based on a gradient of each connection, growing one or more connections for the new data and the initial data based on a gradient of each connection, and iteratively pruning one or more connections based on a magnitude of each connection until a desired neural network architecture is achieved. [0015] Various other features and advantages will be made apparent from the following detailed descnption and the drawings.

BRIEF DESCRIPTION OF THE DRAWINGS

[0016] In order for the advantages of the invention to be readily understood, a more particular description of the invention briefly described above will be rendered by reference to specific embodiments that are illustrated in the appended drawings. Understanding that these drawings depict only exemplary embodiments of the invention and are not, therefore, to be considered to be limiting its scope, the invention will be described and explained with additional specificity and detail through the use of the accompanying drawings, in which:

[0017] Figure 1 depicts a general flowchart of the disclosed framework according to an embodiment of the present invention;

[0018] Figure 2 depicts a block diagram of a system for implementing the disclosed framework according to an embodiment of the present invention;

[0019] Figure 3 depicts a schematic diagram of an H-LSTM cell where MLP neural networks are used in control gates according to an embodiment of the present invention;

[0020] Figure 4 depicts a flowchart of a grow-and-prune paradigm in the disclosed framework according to an embodiment of the present invention;

[0021] Figure 5 depicts a graph of grown connections from the input layers to the first hidden layer of LeNet-300-100 with different training data added according to an embodiment of the present invention;

[0022] Figure 6 depicts a table of training cost comparison between merged training and new data first approaches according to an embodiment of the present invention;

[0023] Figure 7 depicts a table of a comparison of models derived from recoverable and non-recoverable pruning according to an embodiment of the present invention;

[0024] Figure 8 depicts a flow chart of a training from scratch methodology according to an embodiment of the present invention;

[0025] Figure 9 depicts a flow chart of a network fine-tuning methodology according to an embodiment of the present invention;

[0026] Figure 10 depicts a table of experimental results for LeNet-300-100 on the MNIST dataset according to an embodiment of the present invention;

[0027] Figure 11 depicts a table of experimental results for LeNet-5 on the MNIST dataset according to an embodiment of the present invention; [0028] Figure 12 depicts a table of experimental results for REsNet-18 on the ImageNet dataset according to an embodiment of the present invention; and

[0029] Figure 13 depicts a table of experimental results for DeepSpeech2 with H-LSTM on the AN4 dataset according to an embodiment of the present invention.

DETAILED DESCRIPTION OF THE INVENTION

[0030] Deep neural networks (DNNs) have become a widely deployed model for numerous machine learning applications. However, their fixed architecture, substantial training cost, and significant model redundancy make it difficult to efficiently update them to accommodate previously unseen data.

[0031] To solve these problems, embodiments generally disclosed herein depict an incremental learning framework based on a grow-and-prune neural network synthesis paradigm. When new data arrive, the neural network first grows new connections based on the gradients to increase the network capacity to accommodate new data. Then, the framework iteratively prunes away connections based on the magnitude of weights to enhance network compactness, and hence recover efficiency. Finally, the model rests at a lightweight DNN that is both ready for inference and suitable for future grow-and-prune updates. The disclosed framework improves accuracy, shrinks network size, and significantly reduces the additional training cost for incoming data compared to previous approaches, such as training from scratch and network fine-tuning.

[0032] For the LeNet-300-100 (LeNet-5) neural network architectures derived for the MNIST dataset, the framework reduces training cost by up to 64% (67%), 63% (63%), and 69% (73%) compared to training from scratch, network fine-tuning, and grow-and-prune from scratch, respectively. For the ResNet-18 architecture derived for the ImageNet dataset (DeepSpeech2 for the AN4 dataset), the corresponding training cost reductions against training from scratch, network fine-tuning, and grow-and-prune from scratch are 64% (67%), 60% (62%), and 72% (71%), respectively. The derived models contain fewer network parameters but achieve higher accuracy relative to previous baselines.

[0033] General Overview

[0034] Disclosed herein is an incremental learning framework based on a grow-and-prune neural network synthesis paradigm. It includes two sequential training stages in a model update process: gradient-based growth and magnitude-based pruning. A general flowchart 10 of the framework is depicted in Figure 1. The dashed lines depict the data flow path and the solid lines depict the model update process. [0035] First, a base model 12 with initial data 14 undergoes growth 16 and pruning 18. When new data 20 arrive, the network model 22 undergoes a first growth phase 24 based on the new data 20 and then a second growth phase 26 based on all available data 28 that increases its size to accommodate new data and knowledge.

[0036] Then, a two-step pruning phase is employed to remove redundant parameters to obtain a compact inference model. First, recoverable pruning 30 is used to acquire a compact model 22 that is subjected to the next grow-and-prune update. Then, non-recoverable pruning 32 may be used to achieve an ultra-compact model 34, which is typically about 1.5-2X smaller than a compact model derived from recoverable pruning. The ultra-compact model is especially useful if an application imposes a strict resource constraint.

[0037] System Overview

[0038] Figure 2 illustrates a system 38 configured to implement the incremental learning framework described above. The system 38 includes a device 40, which may be implemented in a variety of configurations including general computing devices such as but not limited to desktop computers, laptop computers, tablets, network appliances, and the like. The device 40 may also be implemented as a mobile device such as but not limited to a mobile phone, smart phone, smart watch, or tablet computer. The device 40 can also include but is not limited to Internet of Things (IoT) devices such as IoT sensors. The device 40 includes one or more processors 42 such as but not limited to a central processing unit (CPU), a graphics processing unit (GPU), a field programmable gate array (FPGA), or an application-specific integrated circuit (ASIC) for performing specific functions and memory 44 for storing those functions. The processor 42 includes an incremental learning module 46 for implemental the disclosed incremental learning framework generally described above. The incremental learning module 46 framework will be described in greater detail below.

[0039] Incremental Learning

[0040] Incremental learning refers to the process of learning when input data gradually become available. The goal of incremental learning is to let the machine learning model preserve existing knowledge and adapt to new data at the same time. However, aiming to achieve these two goals simultaneously suffers from the stability-plasticity dilemma: a purely stable model is able to conserve all prior knowledge, but cannot accommodate any new data or information, whereas a completely plastic model has the opposite problem.

[0041] Ideally, an incremental learning framework should have the following characteristics: [0042] Flexible capacity: The incremental learning framework should be able to dynamically adjust the model’s learning capability to accommodate newly available data and information.

[0043] Efficient update: Updating the framework when new data become available should be efficient and incur only minimal overhead.

[0044] Preserving knowledge: The framework should maintain existing knowledge in the update process, and avoid restarting training from scratch.

[0045] Compact inference model: It is beneficial to generate a lightweight DNN model for efficient inference.

[0046] The disclosed framework addresses the stability-plasticity dilemma and satisfies all the above requirements, to be described in greater detail below.

[0047] Hidden-laver Long Short-Term Memory (H-LSTM)

[0048] An H-LSTM is an LSTM variant with improved performance and efficiency. It introduces multi-level information extraction or distillation in the control gates of LSTMs that utilize multi-layer perceptron (MLP) neural networks, as shown in Figure 3. In Figure 3, refer to the cell state tensor and hidden state tensor, respectively, at step t— 1; x t , h t , c t , f t , , o t , and g t refer to the input tensor, hidden state tensor, cell state tensor, forget gate, input gate, output gate, and tensor for cell updates at step t, respectively; and ® and 0 refer to the element-wise multiplication operator and element-wise addition operator, respectively.

[0049] The MLP gates in an H-LSTM enhance gate control and increase the learning capability of the cell. Moreov er, they enable drop-out to be used to optimize the control gates and thus alleviate the regularization difficulty problem faced by LSTM cells. As a result, an H- LSTM based recurrent neural network (RNN) achieves higher accuracy with much fewer parameters and lower run-time latency compared to an LSTM based RNN for many applications, e.g., image captioning and speech recognition.

[0050] H-LSTMs are further described in PCT Application Serial No. PCT/US 19/22246, which is herein incorporated by reference in its entirety.

[0051] Methodology

[0052] As mentioned earlier, the disclosed framework is based on a grow-and-prune paradigm, which enables the model to dynamically and adaptively adjust its architecture to accommodate new data and information. The growth and pruning process is depicted in Figure 4, where the double and single dashed lines refer to the newly grown and pruned connections, respectively.

[0053] The initial network 48 inherits the architecture and weights from the model derived in the last update (or uses random weight initialization when starting from scratch for the first model). In the model update process, the framework utilizes two sequential steps to update the DNN model: gradient-based growth 50 and magnitude-based pruning 52. The network gradually grows new connections based on the gradient information (extracted using the back- propagation algorithm) obtained in the growth phase 50. Then, it iteratively removes redundant connections based on their magnitudes in the pruning phase 52. Finally, it rests at a compact and accurate inference model that is ready for deployment the next update 54. When new data is available 56, the process repeats itself.

[0054] Growth Phase:

[0055] When new data become available, a gradient-based growth approach is used to adaptively increase the network capacity in order to accommodate new knowledge. The pregrowth network is typically a sparse and partially-connected DNN. In one embodiment, a mask tensor Msk is used to disregard the‘dangling’ connections (connections that are not used in the network) for each weight tensor W. Msk tensors only have binary values (0 or 1) and have the same size as their corresponding W tensor.

[0056] Three sequential steps are employed to grow new connections:

[0057] Gradient evaluation: First the gradient for all the ‘dangling’ connections are evaluated. In the network training process, the gradient of all weights (W .grad) are extracted for each mini-batch of training data with the back-propagation algorithm. This process is repeated and W .grad is accumulated over a whole training epoch. Then, the average gradients are calculated over the entire epoch. Note that the parameter update is paused in the gradient evaluation procedure.

[0058] Connection growth: Then, the connections with large gradients are activated. Specifically, a connection w is activated by manually setting the value of its corresponding mask to be 1 if and only if the following condition is met:

[0059] \w. grad\ ³ a th percentile of |W. grad\ (1)

[0060] where a is a pre-defmed parameter, such as but not limited to 30 < a < 50. This policy helps activate connections that are the most efficient at reducing the loss function L. This is because connections with large gradient also have large derivates off:

[0061] w. grad— - (2) [0062] Weight initialization: The weights of newly added connections are initialized to h x iv. grad , where h is the current learning rate for training.

[0063] Connection growth and parameter training are interleaved in the growth phase, where connection growth is periodically conducted during training. Stochastic gradient descent is employed in both the architecture space and parameter space in this process.

[0064] The connection growth policy effectively adapts the model architecture to accommodate newly available data and information. To illustrate this, the total number of connections are extracted and plotted from each input image pixel to the first hidden layer of the post-growth LeNet-300-100 (for the MNIST dataset, in which the images are handwritten digits of size 28 X 28) in Figure 5. The initial model 58 is trained with data that has the label or‘2’, and thus the connection density distribution is similar to an overlap of digits‘G and ‘2’. Then, an additional class is added with labels‘O’,‘6’, and‘7’, and the corresponding connection density distribution of the post-grow th network is plotted in graphs 60, 62, and 64, respectively. It is observed that the network architecture evolves to adapt to the new class of data.

[0065] To reduce the training cost of a model update, a mechanism is introduced to speed up the growth phase. Specifically, connection growth and parameter training are first employed only on the previously unseen data for a pre-defmed number of epochs whenever new data become available. Then, the new data is merged with all the previously available training data, and growth and training are performed on all existing data.

[0066] This‘new data first’ policy enables a rapid learning process and architecture update on the new data and significantly reduces overall training cost in the growth phase. The number of training epochs for LeNet-300-100 are compared in the table in Figure 6 using two different approaches:

[0067] Merged training: Merge the new data and existing data, and conduct connection growth and parameter training on all data.

[0068] New data first: Perform growth and training on new data first, then combine the new data and existing data, and finally grow and train on all available data.

[0069] In Figure 6, the initial model is trained on 90% of the MNIST training data. New data and all data refer to the remaining 10% of training data and the entire MNIST training set, respectively. To reach the same target accuracy of 98.67%, the disclosed method only requires 15 and 20 training epochs first on new data and then on all data, respectively. Since the number of training instances in new data is lOx smaller than in all data, the cost of 15 training epochs on new data is equivalent to only 1.5 epochs of training on all data. Thus, the training cost of the disclosed approach (15 epochs on new data plus 20 epochs on all data) is equivalent to 21.5 epochs of training on all data. As a result, the disclosed method reduces the growth phase training cost by 2.3x compared to merged training, which requires 49 epochs of training on all data.

[0070] Pruning phase:

[0071] DNNs are typically over-parameterized and pruning is an effective method to remove redundancy. Thus, redundant connections are pruned away for compactness and to ensure efficient inference after the growth phase.

[0072] The pruning policy removes weights based on their magnitudes. In the pruning process, we remove a connection w is removed by setting its value as well as the value of its corresponding mask to 0 if and only if the following condition is satisfied:

[0073] I w\ < /? ίL percentile of | W| (3)

[0074] where b is a pre-defmed pruning ratio, such as but not limited to 3 < b < 5. Note that connection pruning is an iterative process. In each iteration, the weights that have the smallest values (e.g. smallest 5%) are pruned, and the network is retrained to recover its accuracy. Once a desired accuracy is achieved, the next pruning iteration is started.

[0075] It is important for the incremental learning framework to be sustainable and support long-term learning. This is because the model needs to be updated frequently for a long period of time in many real-world scenarios. In such settings, the growth and pruning process needs to be executed over numerous cycles. To support long-term learning, the gradient-based growth phase should be able to fully recover the network capacity, architecture, and accuracy from the last post-pruning model. To achieve this, a recoverable pruning is employed in the main grow- and-prune based model update process.

[0076] A pruning process is recoverable if and only if both of the following conditions are satisfied:

[0077] No neuron pruning: Each neuron in the post-pruning network has at least one input connection and one output connection. This ensures gradient flow in the growth phase in the next update.

[0078] No accuracy loss: The post-pruning model has the same or higher accuracy than the pre-pruning model. [0079] This prevents information loss in the pruning phase. In addition, a leaky rectified linear unit (ReLU) with a reverse slope of 0.01 is used as the activation function /in the entire model update process:

[0080] f(x) = max (O.Olx, x) (4)

[0081] This prevents the‘dying’ neuron problem (a ReLU with constant 0 output has no back-propagated gradient). It keeps all the neurons active and thus the number of neurons does not decrease even after numerous cycles of growth and pruning.

[0082] Some real-world scenarios (e.g., real-time video processing on mobile platforms and local inference on edge devices) may have very stringent computation cost constraints. Thus, a non-recoverable pruning may be included as an optional post-processing step to trade in accuracy and recoverability for extreme compactness. In this process, both conditions for recoverable pruning can be violated, and there is no guarantee that another gradient-based growth phase can fully recover the architecture. However, non-recoverable pruning effectively shrinks the model size further with only a minor loss in accuracy, to be shown below. For example, it provides an additional 1.8x compression on top of recoverable pruning on LeNet- 300-100, with only a 0.07% absolute accuracy loss on the MNIST dataset. A detailed comparison between the models derived from recoverable and non-recoverable pruning is depicted in the table in Figure 7, where the error rates for ResNet-18 and DeepSpeech2 refer to the top-5 error rate and the word error rate (WER), respectively.

[0083] Experimental Results

[0084] An embodiment of the disclosed framework was implemented using PyTorch on Nvidia GeForce GTX 1060 GPU (with 1.708 GHz frequency and 6 GB memory) and Tesla P100 GPU (with 1.329 GHz frequency and 16 GB memory). CUDA 8.0 and CUDNN 5.1 libraries were employed in the experiments. The experimental results for image classification are reported on the MNIST and ImageNet datasets and speech recognition are reported on the AN4 dataset.

[0085] To validate the effectiveness of the disclosed incremental framework, it is compared with three other methods (TFS, NFT, and NeST), each described briefly below:

[0086] TFS: Whenever a model update is needed, a model is trained from scratch with all available data, and then pruned for compactness. This approach is depicted in Figure 8.

[0087] NFT: A model is maintained with all the connections activated and trained on all available data whenever an update is required. The generated model can be used for the next update. Then, a copy of the model is made and pruned for compactness. This approach is depicted in Figure 9. [0088] NeST : The NeST approach is a grow-and-pnme paradigm-based network synthesis approach disclosed in PCT Application Serial No. PCT/US 18/57485, which is herein incorporated by reference in its entirety. It replaces the training phase in the TFS approach with a network growth phase. Although the growth phase leads to extra training epochs, it yields inference models with higher accuracy and compactness.

[0089] LeNets on MNIST:

[0090] The effectiveness of the disclosed methodology is first shown using LeNet-300-100 and LeNet-5 on the MNIST dataset.

[0091] Architectures: Two different base networks are targeted in the experiments: LeNet- 300-100 and LeNet-5. LeNet-300-100 is an MLP neural network with two hidden layers with 300 and 100 neurons each. LeNet-5 is a CNN with four hidden layers (two convolutional and two fully-connected (FC) layers). The two convolutional layers share the same kernel size of 5x5 and contain 6 and 16 filters, respectively, whereas the two FC layers have 120 and 84 neurons, respectively. The total number of network parameters in LeNet-300-100 and LeNet- 5 is 266K and 59K, respectively.

[0092] Dataset: Results are reported on the MNIST dataset. It has 70K (60K for training and 1 OK for testing) hand-written digit images of size 28x28. 5K images are randomly reserved from the training set to build the validation set. Affine distortions are introduced to the training instances for data augmentation.

[0093] Training: The training set (with 55K images) is randomly split into ten different parts of equal size. In the incremental learning experiments, one part is started with to train the initial model for subsequent updates. Then, one part is added as new data each time in the incremental learning scenario. For each update, growth is performed on new data and all data for 15 epochs and 20 epochs in the growth phase, respectively. Then, the post-growth network is pruned for compactness. As for TFS and NFT, the model is trained for 60 epochs, then pruned iteratively. For NeST, the network is grown for 90 epochs, then pruned. Note that all the models share the same recoverable pruning policy for a fair comparison of model size.

[0094] The test error rate, number of parameters, and number of training epochs are compared for the three approaches on LeNet-300-100 and LeNet-5 in the tables in Figures 10 and 11, respectively. Incremental learning is executed ten times in the experiments. In all the cases except the first round, the disclosed method almost always simultaneously delivers higher accuracy, reduced or equal model size, and less training cost relative to all the three other approaches. For example, when the last 10% training data is added to the existing 90% data, the grow-and-pnme paradigm-based incremental learning methodology leads to 0.07% (0.08%) absolute accuracy gain, 31% (33%) model size reduction, and 64% (63%) training cost reduction compared to the TFS (NFT) approach on LeNet-300-100. Similar improvements are observed on LeNet-5.

[0095] It is to be noted that the disclosed incremental learning framework has higher training cost for the initial model (where only 10% training data are available). This is as expected since there is no existing model or knowledge for the initial model to start from, and thus all three approaches have to employ random initialization and start from scratch. However, whenever a pre-trained model with existing knowledge is available, the disclosed incremental learning approach always produces reduced training cost due to its capability of preserving existing knowledge effectively and distilling knowledge from new data efficiently.

[0096] ResNet- 18 on ImageNet:

[0097] Here, the network architecture is scaled up to ResNet-18 and the dataset to ImageNet, which is a widely-used benchmark for image recognition.

[0098] Architecture: ResNet is a milestone CNN architecture. The introduced residual connections alleviate the exploding and vanishing gradient problem in the training of DNNs with large depth, and yield substantial accuracy improvements. ResNet-18 is used as the base network in the experiment. It has 17 convolutional layers and one FC layer. The total number of parameters in ResNet-18 is 11.7M.

[0099] Dataset: The results are reported on the ImageNet dataset. This is a large-scale dataset for image-classifying DNNs. It has 1.2M and 50K images from 1,000 distinct categories for training and validation, respectively. Since there is no publicly available test set, 50 images are randomly withheld from each class in the training set to build a validation set (50K images in all), and the original validation set is used as the test set. The test accuracy is reported in the experiment.

[0100] Training: Similar to the previous experiments on the MNIST dataset, the training set is separated evenly and randomly into ten different chunks. One chunk is used as the initially available data and one chunk is added as new data each time. Growth is performed on new data and all data for 20 epochs and 30 epochs in the growth phase in the disclosed approach, respectively. The model is trained for 90 epochs for the TFS and NFT baselines. The network is grown for 120 epochs for the NeST baseline. In the pruning phase, all methods share the same recoverable pruning policy for a fair model size comparison. The table in Figure 12 compares three different metrics (top-5 error rate, number of parameters, and number of training epochs) for the three different approaches. The disclosed approach again outperforms all baselines in most cases. [0101] DeepSpeech2 on AN4:

[0102] Another important machine learning application, speech recognition, is considered here. The DeepSpeech2 architecture with an H-LSTM on the AN4 dataset is considered here.

[0103] Architecture: DeepSpeech2 is a popular architecture for speech recognition. It has three convolutional layers, three recurrent layers, one FC layer, and one connectionist temporal classification layer. The inputs of the network are Mel-frequency cepstral coefficients of the sound power spectrum. Bi-directional H-LSTM recurrent layers are used in the experiments and the hidden state width for the HLSTM cells is set to 800. A dropout ratio of 0.2 is introduced for the hidden layers in the H-LSTM cells.

[0104] Dataset: The speech recognition dataset in the experiment is the AN4 dataset, which has 948 and 130 utterances for training and validation, respectively. 100 utterances are randomly reserved from the training set as the validation set, and the original validation set is used as the test set.

[0105] Training: The training set is first divided evenly and randomly into ten different parts. An initial model is first trained based on partial training data and then updated based on the remaining parts. To train an initial model with acceptable accuracy, the minimum amount of training data is found to be 40% of all available training data (i.e., four parts). A decrease in this amount leads to an abrupt drop in accuracy (>80% WER when only three parts are used). Then, one part is added each time to update the model. For the model growth phase, the network is first grown for 20 epochs based on only the newly added data, and then 30 epochs when the new part is merged with existing ones. The model is trained for 120 epochs for the NFT and TFS baselines. The network is grown for 150 epochs for the NeST baseline. Recoverable pruning is conducted for all the methods in pursuit of model compactness.

[0106] The WER and number of parameters are compared for the models derived from the three different approaches as well as their corresponding training epochs in the table in Figure 13. A significant improvement is observed in the trade-offs among accuracy, model size, and training cost in the disclosed incremental learning framework. For example, when the last 10% training data is added, the disclosed model achieves 0.7%, 0.9%, and 0.2% lower WER and 30%, 33%, and 7% additional compression ratio with 67%, 62%, and 71% less training cost compared to the TFS, NFT, and NeST approach.

[0107] Conclusion:

[0108] As such, embodiments generally disclosed herein depict a brain-inspired incremental learning framework based on a grow-and-prune paradigm. Gradient-based growth and magnitude-based pruning are combined in the model update process. The effectiveness and efficiency of the disclosed methodology is shown for different tasks on different datasets. For LeNet-300-100 (LeNet-5) on the MNIST dataset, the training cost was cut down by up to 64% (67%) compared to the TFS approach, 63% (63%) compared to the NFT approach, and 69% (73%) compared to the NeST approach. For ResNet-18 on the ImageNet dataset (DeepSpeech2 on the AN4 dataset), the training epochs were reduced by up to 64% (67%) compared to the TFS approach, 60% (62%) compared to the NFT approach, and 72% (71%) compared to the NeST approach. The derived models have improved accuracy (or reduced error rate) and more compact network architecture.

[0109] It is understood that the above-described embodiments are only illustrative of the application of the principles of the present invention. The present invention may be embodied in other specific forms without departing from its spirit or essential characteristics. All changes that come within the meaning and range of equivalency of the claims are to be embraced within their scope. Thus, while the present invention has been fully described above with particularity and detail in connection with what is presently deemed to be the most practical and preferred embodiment of the invention, it will be apparent to those of ordinary skill in the art that numerous modifications may be made without departing from the principles and concepts of the invention as set forth in the claims.