Arxiv:1604.00981V3 [Cs.LG] 21 Mar 2017 with Only a Subset of Worker Machines, Thus Alleviating the Straggler Effect While Avoiding Any Staleness in Our Gradients

Total Page:16

File Type:pdf, Size:1020Kb

Arxiv:1604.00981V3 [Cs.LG] 21 Mar 2017 with Only a Subset of Worker Machines, Thus Alleviating the Straggler Effect While Avoiding Any Staleness in Our Gradients Under review as a conference paper at ICLR 2017 REVISITING DISTRIBUTED SYNCHRONOUS SGD Jianmin Chen,∗ Xinghao Pan∗y, Rajat Monga, Samy Bengio Rafal Jozefowicz Google Brain OpenAI Mountain View, CA, USA San Francisco, CA, USA fjmchen,xinghao,rajatmonga,[email protected] [email protected] ABSTRACT Distributed training of deep learning models on large-scale training data is typi- cally conducted with asynchronous stochastic optimization to maximize the rate of updates, at the cost of additional noise introduced from asynchrony. In con- trast, the synchronous approach is often thought to be impractical due to idle time wasted on waiting for straggling workers. We revisit these conventional beliefs in this paper, and examine the weaknesses of both approaches. We demonstrate that a third approach, synchronous optimization with backup workers, can avoid asynchronous noise while mitigating for the worst stragglers. Our approach is empirically validated and shown to converge faster and to better test accuracies. 1 INTRODUCTION The recent success of deep learning approaches for domains like speech recognition (Hinton et al., 2012) and computer vision (Ioffe & Szegedy, 2015) stems from many algorithmic improvements but also from the fact that the size of available training data has grown significantly over the years, together with the computing power, in terms of both CPUs and GPUs. While a single GPU often provides algorithmic simplicity and speed up to a given scale of data and model, there exist an operating point where a distributed implementation of training algorithms for deep architectures becomes necessary. Currently, popular distributed training algorithms include mini-batch versions of stochastic gradient descent (SGD) and other stochastic optimization algorithms such as AdaGrad (Duchi et al., 2011), RMSProp (Tieleman & Hinton, 2012), and ADAM (Kingma & Ba, 2014). Unfortunately, bulk- synchronous implementations of stochastic optimization are often slow in practice due to the need to wait for the slowest machine in each synchronous batch. To circumvent this problem, practi- tioners have resorted to asynchronous approaches which emphasize speed by using potentially stale information for computation. While asynchronous training have proven to be faster than their syn- chronous counterparts, they often result in convergence to poorer results. In this paper1, we revisit synchronous learning, and propose a method for mitigating stragglers in synchronous stochastic optimization. Specifically, we synchronously compute a mini-batch gradient arXiv:1604.00981v3 [cs.LG] 21 Mar 2017 with only a subset of worker machines, thus alleviating the straggler effect while avoiding any staleness in our gradients. The primary contributions of our paper are: • Illustration of how gradient staleness in asynchronous training negatively impacts test ac- curacy and is exacerbated by deep models. • Measurement of machine response times for synchronous stochastic optimization in a large deployment of 100 GPUs, showing how stragglers in the tail end affect convergence speed. • Proposal of synchronous stochastic optimization with backup workers to mitigate straggler effects without gradient staleness. • Establishing the need to measure both speed of convergence and test accuracy of optimum for empirical validation. ∗Joint first authors yUC Berkeley, Berkeley, CA, USA, [email protected] 1This is an extension of our ICLR 2016 workshop extended abstract (Chen et al., 2016). 1 Under review as a conference paper at ICLR 2017 • Empirical demonstration that our proposed synchronous training method outperforms asyn- chronous training by converging faster and to better test accuracies. The remainder of this paper is organized as follows. We briefly present preliminaries and notation in Section 1.1. Section 2 describes asynchronous stochastic optimization and presents experimental evidence of gradient staleness in deep neural network models. We present our approach in Section 3, and exhibit straggler effects that motivate the approach. We then empirically evaluate our approach in Sections 4. Related work is discussed in Section 5, and we conclude in Section 6. 1.1 PRELIMINARIES AND NOTATION Given a dataset X = fxi : i = 1;:::; jX jg, our goal is to learn the parameters θ of a model with ∆ 1 PjX j respect to an empirical loss function f, defined as f(θ) = jX j i=1 F (xi; θ), where F (xi; θ) is the loss with respect to a datapoint xi and the model θ. A first-order stochastic optimization algorithm achieves this by iteratively updating θ using a ∆ stochastic gradient G = rF (xi; θ) computed at a randomly sampled xi, producing a sequence of models θ(0); θ(1);::: . Stochastic optimization algorithms differ in their update equations. For (t+1) (t) (t) (t) (t) example, the update of SGD is θ = θ − γtG = θ − γtrF (xi; θ ), where γt is the learning rate or step size at iteration t. A mini-batch version of the stochastic optimization algo- rithm computes the stochastic gradient over mini-batch of size B instead of a single datapoint, i.e., ∆ 1 PB (t) G = B i=1 rF (xei; θ ), where xei’s are randomly sampled from X . We will often evaluate performance on an exponential moving average θ¯(t) = αθ¯(t−1) + (1 − α)θ(t) with decay rate α. Our interest is in distributed stochastic optimization using N worker machines in charge of comput- ing stochastic gradients that are sent to M parameter servers. Each parameter server j is responsible for storing a subset θ[j] of the model, and performing updates on θ[j]. In the synchronous setting, we will also introduce additional b backup workers for straggler mitigation. 2 ASYNCHRONOUS STOCHASTIC OPTIMIZATION An approach for a distributed stochastic gradient descent algorithm was presented in Dean et al. (2012), consisting of two main ingredients. First, the parameters of the model are distributed on multiple servers, depending on the architecture. This set of servers are called the parameter servers. Second, there can be multiple workers processing data in parallel and communicating with the pa- rameter servers. Each worker processes a mini-batch of data independently of the others, as follows: • The worker fetches from the parameter servers the most up-to-date parameters of the model needed to process the current mini-batch; • It then computes gradients of the loss with respect to these parameters; • Finally, these gradients are sent back to the parameter servers, which then updates the model accordingly. Since each worker communicates with the parameter servers independently of the others, this is called Asynchronous Stochastic Gradient Descent (Async-SGD), or more generally, Asynchronous Stochastic Optimization (Async-Opt). A similar approach was later proposed by Chilimbi et al. (2014). Async-Opt is presented in Algorithms 1 and 2. In practice, the updates of Async-Opt are different than those of serially running the stochastic optimization algorithm for two reasons. Firstly, the read operation (Algo 1 Line 2) on a worker may be interleaved with updates by other workers to different parameter servers, so the resultant θbk may not be consistent with any parameter incarnation θ(t). Secondly, model updates may have occurred while a worker is computing its stochastic gradient; hence, the resultant gradients are typically computed with respect to outdated parameters. We refer to these as stale gradients, and its staleness as the number of updates that have occurred between its corresponding read and update operations. Understanding the theoretical impact of staleness is difficult work and the topic of many recent papers, e.g. Recht et al. (2011); Duchi et al. (2013); Leblond et al. (2016); Reddi et al. (2015); 2 Under review as a conference paper at ICLR 2017 Algorithm 1: Async-SGD worker k Algorithm 2: Async-SGD Parameter Server j Input: Dataset X Input: γ0; γ1;::: learning rates. Input: B mini-batch size Input: α decay rate. 1 while True do Input: θ(0) model initialization. 2 Read θbk = (θ[0]; : : : ; θ[M]) from PSs. 1 for t = 0; 1;::: do (t) 2 Wait for gradient G from any worker. 3 G := 0. k (t+1) (t) 4 for i = 1;:::;B do 3 θ [j] θ [j] − γtG[j]. ¯(t) ¯(t−1) (t) 5 Sample datapoint xei from X . 4 θ [j] = αθ [j] + (1 − α)θ [j]. (t) (t) 1 6 G G + rF (x ; θ ) 5 end k k B ei bk . 7 end (t) 8 Send Gk to parameter servers. 9 end Figure 1: Gradient staleness dependence on model layer. Gradients are computed in a bottom-up forward propagation step followed by a Figure 2: Degradation of test classi- top-down back propagation step. Parameters are read from servers in fication error with increasing average the forward prop, but gradients are sent to servers during the back prop. gradient staleness in MNIST CNN Thus, gradients of lower layers are more stale than top layers. model. De Sa et al. (2015); Mania et al. (2015), most of which focus on individual algorithms, under strong assumptions that may not hold up in practice. This is further complicated by deep models with mul- tiple layers, since the times at which model parameters are read and which gradients are computed and sent are dependent on the depth of the layers (Figure 1). To better understand this dependence in real models, we collected staleness statistics on a Async-Opt run with 40 workers on a 18-layer Inception model (Szegedy et al., 2016) trained on the ImageNet Challenge dataset (Russakovsky et al., 2015), as shown in Table 1. Layer Min Mean Median Max Std Dev Count Despite the abovementioned prob- 18 4 14.54 13.94 29 3.83 10908 lems, Async-Opt has been shown to 12 5 11.35 11.3 23 3.09 44478 be scale well up to a few dozens of 11 8 19.8 19.59 34 3.65 187 workers for some models. However, 0 24 38.97 38.43 61 5.43 178 at larger scales, increasing the num- ber of machines (and thus staleness Table 1: Staleness of gradients in a 18-layer Inception model.
Recommended publications
  • Spectrally-Based Audio Distances Are Bad at Pitch
    I’m Sorry for Your Loss: Spectrally-Based Audio Distances Are Bad at Pitch Joseph Turian Max Henry [email protected] [email protected] Abstract Growing research demonstrates that synthetic failure modes imply poor generaliza- tion. We compare commonly used audio-to-audio losses on a synthetic benchmark, measuring the pitch distance between two stationary sinusoids. The results are sur- prising: many have poor sense of pitch direction. These shortcomings are exposed using simple rank assumptions. Our task is trivial for humans but difficult for these audio distances, suggesting significant progress can be made in self-supervised audio learning by improving current losses. 1 Introduction Rather than a physical quantity contained in the signal, pitch is a percept that is strongly correlated with the fundamental frequency of a sound. While physically elusive, pitch is a natural dimension to consider when comparing sounds. Children as young as 8 months old are sensitive to melodic contour [65], implying that an early and innate sense of relative pitch is important to parsing our auditory experience. This basic ability is distinct from the acute pitch sensitivity of professional musicians, which improves as a function of musical training [36]. Pitch is important to both music and speech signals. Typically, speech pitch is more narrowly circumscribed than music, having a range of 70–1000Hz, compared to music which spans roughly the range of a grand piano, 30–4000Hz [31]. Pitch in speech signals also fluctuates more rapidly [6]. In tonal languages, pitch has a direct influence on the meaning of words [8, 73, 76]. For non-tone languages such as English, pitch is used to infer (supra-segmental) prosodic and speaker-dependent features [19, 21, 76].
    [Show full text]
  • Arxiv:2008.01352V3 [Cs.LG] 23 Mar 2021 Spatiotemporal Disentanglement in the PDE Formalism
    Published as a conference paper at ICLR 2021 PDE-DRIVEN SPATIOTEMPORAL DISENTANGLEMENT Jérémie Donà,y∗ Jean-Yves Franceschi,y∗ Sylvain Lampriery & Patrick Gallinariyz ySorbonne Université, CNRS, LIP6, F-75005 Paris, France zCriteo AI Lab, Paris, France [email protected] ABSTRACT A recent line of work in the machine learning community addresses the problem of predicting high-dimensional spatiotemporal phenomena by leveraging specific tools from the differential equations theory. Following this direction, we propose in this article a novel and general paradigm for this task based on a resolution method for partial differential equations: the separation of variables. This inspiration allows us to introduce a dynamical interpretation of spatiotemporal disentanglement. It induces a principled model based on learning disentangled spatial and temporal representations of a phenomenon to accurately predict future observations. We experimentally demonstrate the performance and broad applicability of our method against prior state-of-the-art models on physical and synthetic video datasets. 1 INTRODUCTION The interest of the machine learning community in physical phenomena has substantially grown for the last few years (Shi et al., 2015; Long et al., 2018; Greydanus et al., 2019). In particular, an increasing amount of works studies the challenging problem of modeling the evolution of dynamical systems, with applications in sensible domains like climate or health science, making the understanding of physical phenomena a key challenge in machine learning. To this end, the community has successfully leveraged the formalism of dynamical systems and their associated differential formulation as powerful tools to specifically design efficient prediction models. In this work, we aim at studying this prediction problem with a principled and general approach, through the prism of Partial Differential Equations (PDEs), with a focus on learning spatiotemporal disentangled representations.
    [Show full text]
  • Large Margin Deep Networks for Classification
    Large Margin Deep Networks for Classification Gamaleldin F. Elsayed ∗ Dilip Krishnan Hossein Mobahi Kevin Regan Google Research Google Research Google Research Google Research Samy Bengio Google Research {gamaleldin, dilipkay, hmobahi, kevinregan, bengio}@google.com Abstract We present a formulation of deep learning that aims at producing a large margin classifier. The notion of margin, minimum distance to a decision boundary, has served as the foundation of several theoretically profound and empirically suc- cessful results for both classification and regression tasks. However, most large margin algorithms are applicable only to shallow models with a preset feature representation; and conventional margin methods for neural networks only enforce margin at the output layer. Such methods are therefore not well suited for deep networks. In this work, we propose a novel loss function to impose a margin on any chosen set of layers of a deep network (including input and hidden layers). Our formulation allows choosing any lp norm (p ≥ 1) on the metric measuring the margin. We demonstrate that the decision boundary obtained by our loss has nice properties compared to standard classification loss functions. Specifically, we show improved empirical results on the MNIST, CIFAR-10 and ImageNet datasets on multiple tasks: generalization from small training sets, corrupted labels, and robustness against adversarial perturbations. The resulting loss is general and complementary to existing data augmentation (such as random/adversarial input transform) and regularization techniques such as weight decay, dropout, and batch norm. 2 1 Introduction The large margin principle has played a key role in the course of machine learning history, producing remarkable theoretical and empirical results for classification (Vapnik, 1995) and regression problems (Drucker et al., 1997).
    [Show full text]
  • Generative Adversarial Transformers
    Generative Adversarial Transformers Drew A. Hudsonx 1 C. Lawrence Zitnick 2 Abstract We introduce the GANsformer, a novel and effi- cient type of transformer, and explore it for the task of visual generative modeling. The network employs a bipartite structure that enables long- range interactions across the image, while main- taining computation of linear efficiency, that can readily scale to high-resolution synthesis. It itera- tively propagates information from a set of latent variables to the evolving visual features and vice versa, to support the refinement of each in light of the other and encourage the emergence of compo- sitional representations of objects and scenes. In contrast to the classic transformer architecture, it utilizes multiplicative integration that allows flexi- Figure 1. Sample images generated by the GANsformer, along ble region-based modulation, and can thus be seen with a visualization of the model attention maps. as a generalization of the successful StyleGAN network. We demonstrate the model’s strength and prior knowledge inform the interpretation of the par- and robustness through a careful evaluation over ticular (Gregory, 1970). While their respective roles and a range of datasets, from simulated multi-object dynamics are being actively studied, researchers agree that it environments to rich real-world indoor and out- is the interplay between these two complementary processes door scenes, showing it achieves state-of-the- that enables the formation of our rich internal representa- art results in terms of image quality and diver- tions, allowing us to perceive the world in its fullest and sity, while enjoying fast learning and better data- create vivid imageries in our mind’s eye (Intaite˙ et al., 2013).
    [Show full text]
  • Adversarial Examples in the Physical World
    Workshop track - ICLR 2017 ADVERSARIAL EXAMPLES IN THE PHYSICAL WORLD Alexey Kurakin Ian J. Goodfellow Samy Bengio Google Brain OpenAI Google Brain [email protected] [email protected] [email protected] ABSTRACT Most existing machine learning classifiers are highly vulnerable to adversarial examples. An adversarial example is a sample of input data which has been mod- ified very slightly in a way that is intended to cause a machine learning classifier to misclassify it. In many cases, these modifications can be so subtle that a human observer does not even notice the modification at all, yet the classifier still makes a mistake. Adversarial examples pose security concerns because they could be used to perform an attack on machine learning systems, even if the adversary has no access to the underlying model. Up to now, all previous work has assumed a threat model in which the adversary can feed data directly into the machine learn- ing classifier. This is not always the case for systems operating in the physical world, for example those which are using signals from cameras and other sensors as input. This paper shows that even in such physical world scenarios, machine learning systems are vulnerable to adversarial examples. We demonstrate this by feeding adversarial images obtained from a cell-phone camera to an ImageNet In- ception classifier and measuring the classification accuracy of the system. We find that a large fraction of adversarial examples are classified incorrectly even when perceived through the camera. 1 INTRODUCTION (a) Image from dataset (b) Clean image (c) Adv. image, = 4 (d) Adv.
    [Show full text]
  • Arxiv:1611.08903V1 [Cs.LG] 27 Nov 2016 20 Percent Increases in Cash Collections [20]
    Should I use TensorFlow? An evaluation of TensorFlow and its potential to replace pure Python implementations in Machine Learning Martin Schrimpf1;2;3 1 Augsburg University 2 Technische Universit¨atM¨unchen 3 Ludwig-Maximilians-Universit¨atM¨unchen Seminar \Human-Machine Interaction and Machine Learning" Supervisor: Elisabeth Andr´e Advisor: Dominik Schiller Abstract. Google's Machine Learning framework TensorFlow was open- sourced in November 2015 [1] and has since built a growing community around it. TensorFlow is supposed to be flexible for research purposes while also allowing its models to be deployed productively [7]. This work is aimed towards people with experience in Machine Learning consider- ing whether they should use TensorFlow in their environment. Several aspects of the framework important for such a decision are examined, such as the heterogenity, extensibility and its computation graph. A pure Python implementation of linear classification is compared with an im- plementation utilizing TensorFlow. I also contrast TensorFlow to other popular frameworks with respect to modeling capability, deployment and performance and give a brief description of the current adaption of the framework. 1 Introduction The rapidly growing field of Machine Learning has been gaining more and more attention, both in academia and in businesses that have realized the added value. For instance, according to a McKinsey report, more than a dozen European banks switched from statistical-modeling approaches to Machine Learning tech- niques and, in some cases, increased their sales of new products by 10 percent and arXiv:1611.08903v1 [cs.LG] 27 Nov 2016 20 percent increases in cash collections [20]. Intelligent machines are used in a variety of domains, including writing news articles [5], finding promising recruits given their CV [9] and many more.
    [Show full text]
  • Submission Data for 2020-2021 CORE Conference Ranking Process International Conference on Learning Representations
    Submission Data for 2020-2021 CORE conference Ranking process International Conference on Learning Representations Alexander Rush, Hugo LaRochelle Conference Details Conference Title: International Conference on Learning Representations Acronym : ICLR Requested Rank Rank: A* Primarily CS Is this conference primarily a CS venue: True Location Not commonly held within a single country, set of countries, or region. DBLP Link DBLP url: https://dblp.uni-trier.de/db/conf/iclr/index.html FoR Codes For1: 4611 For2: SELECT For3: SELECT Recent Years Proceedings Publishing Style Proceedings Publishing: self-contained Link to most recent proceedings: https://openreview.net/group?id=ICLR.cc/2020/Conference Further details: We don’t have a publisher. Instead we host our publications on OpenReview Most Recent Years Most Recent Year Year: 2019 URL: https://iclr.cc/Conferences/2019 Location: New Orleans, Louisiana, USA Papers submitted: 1591 Papers published: 500 Acceptance rate: 31 Source for numbers: https://github.com/lixin4ever/Conference-Acceptance-Rate General Chairs 1 Name: Tara Sainath Affiliation: Google Gender: F H Index: 50 GScholar url: https://scholar.google.com/citations?hl=en&user=aMeteU4AAAAJ DBLP url: https://dblp.org/pid/28/7825.html Program Chairs Name: Alexander Rush Affiliation: Cornell University Gender: M H Index: 34 GScholar url: https://scholar.google.com/citations?user=LIjnUGgAAAAJ&hl=en&oi=ao DBLP url: https://dblp.org/pid/67/9012.html Name: Sergey Levine Affiliation: University of California Berkeley, Google Gender: M H Index: 84
    [Show full text]
  • Magmadnn: Accelerated Deep Learning Using MAGMA
    MagmaDNN: Accelerated Deep Learning Using MAGMA Daniel Nichols Kwai Wong Stan Tomov [email protected] [email protected] [email protected] University of Tennessee, Knoxville University of Tennessee, Knoxville University of Tennessee, Knoxville Lucien Ng Sihan Chen Alex Gessinger [email protected] [email protected] [email protected] The Chinese University of Hong Kong The Chinese University of Hong Kong Slippery Rock University ABSTRACT 1 INTRODUCTION MagmaDNN [17] is a deep learning framework driven using the Machine Learning is becoming an increasingly vital aspect of to- highly optimized MAGMA dense linear algebra package. The library day’s technology, yet traditional techniques prove insucient for oers comparable performance to other popular frameworks, such complex problems [9]. Thus, Deep Learning (DL) is introduced, as TensorFlow, PyTorch, and Theano. C++ is used to implement the which is a methodology for learning data with multiple levels of framework providing fast memory operations, direct cuda access, abstraction [15]. DL is driven by Deep Neural Networks (DNN), and compile time errors. Common neural network layers such as which are Articial Neural Networks (ANN) comprised of multiple Fully Connected, Convolutional, Pooling, Flatten, and Dropout are layers and often convolutions and recurrence. DNNs are used to included. Hyperparameter tuning is performed with a parallel grid model complex data in numerous elds such as autonomous driving search engine. [5], handwriting recognition [16], image classication [14], speech- MagmaDNN uses several techniques to accelerate network train- to-text algorithms [11], and playing computationally dicult games ing. For instance, convolutions are performed using the Winograd [18]. algorithm and FFTs.
    [Show full text]
  • Neurips 2020 Competition: Predicting Generalization in Deep Learning (Version 1.1)
    NeurIPS 2020 Competition: Predicting Generalization in Deep Learning (Version 1.1) Yiding Jiang ∗† Pierre Foret† Scott Yak† Daniel M. Roy‡§ Hossein Mobahi†§ Gintare Karolina Dziugaite¶§ Samy Bengio†§ Suriya Gunasekar‖§ Isabelle Guyon ∗∗§ Behnam Neyshabur†§ [email protected] December 16, 2020 Abstract Understanding generalization in deep learning is arguably one of the most impor- tant questions in deep learning. Deep learning has been successfully adopted to a large number of problems ranging from pattern recognition to complex decision making, but many recent researchers have raised many concerns about deep learning, among which the most important is generalization. Despite numerous attempts, conventional sta- tistical learning approaches have yet been able to provide a satisfactory explanation on why deep learning works. A recent line of works aims to address the problem by trying to predict the generalization performance through complexity measures. In this competition, we invite the community to propose complexity measures that can ac- curately predict generalization of models. A robust and general complexity measure would potentially lead to a better understanding of deep learning's underlying mecha- nism and behavior of deep models on unseen data, or shed light on better generalization bounds. All these outcomes will be important for making deep learning more robust and reliable. ∗Lead organizer: Yiding Jiang; Scott Yak and Pierre Foret help implement large portion of the infras- tructure and the remaining organizers' order is randomized. arXiv:2012.07976v1 [cs.LG] 14 Dec 2020 †Affiliation: Google Research ‡Affiliation: University of Toronto §Equal contribution: random order ¶Affiliation: Element AI ‖Affiliation: Microsoft Research ∗∗Affiliation: University Paris-Saclay and ChaLearn 1 Keywords Generalization, Deep Learning, Complexity Measures Competition type Regular.
    [Show full text]
  • Neural Network Tools: an Overview from Work on "Automatic Classification of Alzheimer’S Disease from Structural MRI" Report for Master’S Thesis
    Neural Network Tools: An Overview From work on "Automatic Classification of Alzheimer’s Disease from Structural MRI" Report for Master’s Thesis Eivind Arvesen Østfold University College [email protected] Abstract Machine learning has exploded in popularity during the last decade, and neural networks in particular have seen a resurgence due to the advent of deep learning. In this paper, we examine modern neural network software-libraries and describe the main differences between them, as well as their strengths and weaknesses. 1 Introduction at The University of Montreal, built with re- search in mind. It has a particular focus on The field of machine learning is now more al- deep learning. The library is focused on easy luring than ever, helping researchers and busi- configurability for expert users (i.e. machine nesses to tackle a variety of challenging prob- learning researchers) —unlike "black-box" li- lems such as development of autonomous vehi- braries, which provide good performance with- cles, visual recognition systems and computer- out demanding knowledge about underlying al- aided diagnosis. There is a plethora of different gorithms from users. One way to put it would tools and libraries available that aim to make be that the library values ease of experimenta- work on machine learning problems easier for tion over ease of use. users, and while most of the more general alter- natives are quite similar in terms of functional- Though Pylearn2 assumes some technical ity, they nonetheless differ in terms of approach sophistication on the part of users, the library and design goals. also has a focus on reusability, and the re- This report describes several popular ma- sulting modularity makes it possible to com- chine learning tools, attempts to showcase their bine and adapt several re-usable components strengths and characterizes situations in which to form working models, and to only learn they would be well suited for use.
    [Show full text]
  • Inductive Biases for Deep Learning of Higher-Level Cognition
    Higher-Level Cognitive Inductive Biases Inductive Biases for Deep Learning of Higher-Level Cognition Anirudh Goyal [email protected] Mila, University of Montreal Yoshua Bengio [email protected] Mila, University of Montreal Abstract A fascinating hypothesis is that human and animal intelligence could be explained by a few principles (rather than an encyclopedic list of heuristics). If that hypothesis was correct, we could more easily both understand our own intelligence and build intelligent machines. Just like in physics, the principles themselves would not be sufficient to predict the behavior of complex systems like brains, and substantial computation might be needed to simulate human-like intelligence. This hypothesis would suggest that studying the kind of inductive biases that humans and animals exploit could help both clarify these principles and provide inspiration for AI research and neuroscience theories. Deep learning already exploits several key inductive biases, and this work considers a larger list, focusing on those which concern mostly higher-level and sequential conscious processing. The objective of clarifying these particular principles is that they could potentially help us build AI systems benefiting from humans’ abilities in terms of flexible out-of-distribution and systematic generalization, which is currently an area where a large gap exists between state-of-the-art machine learning and human intelligence. 1. Has Deep Learning Converged? Is 100% accuracy on the test set enough? Many machine learning systems have achieved ex- cellent accuracy across a variety of tasks (Deng et al., 2009; Mnih et al., 2013; Schrittwieser et al., 2019), yet the question of whether their reasoning or judgement is correct has come under question, and answers seem to be wildly inconsistent, depending on the task, architecture, arXiv:2011.15091v3 [cs.LG] 17 Feb 2021 training data, and interestingly, the extent to which test conditions match the training distribution.
    [Show full text]
  • Accelerating Machine Learning Research with MI-Prometheus
    Accelerating Machine Learning Research with MI-Prometheus Tomasz Kornuta Vincent Marois Ryan L. McAvoy Younes Bouhadjar Alexis Asseman Vincent Albouy T.S. Jayram Ahmet S. Ozcan IBM Research AI, Almaden Research Center, San Jose, USA {tkornut, vmarois, mcavoy, byounes, jayram, asozcan}@us.ibm.com {alexis.asseman, vincent.albouy}@ibm.com Abstract The paper introduces MI-Prometheus (Machine Intelligence - Prometheus), an open-source framework aiming at accelerating Machine Learning Research, by fostering the rapid development of diverse neural network-based models and fa- cilitating their comparison. In its core, to accelerate the computations on their own, MI-Prometheus relies on PyTorch and extensively uses its mechanisms for the distribution of computations on CPUs/GPUs. The paper discusses the motivation of our work, the formulation of the requirements and presents the core concepts. We also briefly describe some of the problems and models currently available in the framework. 1 Motivation The AI community has developed a plethora of tools and libraries facilitating building and training models, e.g. Torch [CBM02], Theano [BLP+12], Chainer [TOHC15] or TensorFlow [ABC+16]. While those tools significantly accelerate computations (e.g. parallelization during data loading, utilization of GPUs for matrix algebra and distribution of computational graphs on many GPUs), they are still not sufficient, considering the evolution of the Machine Learning domain. Three partially unsolved issues worth mentioning are as follows. First, when developing a new model for a new problem, one should compare its performance against some baselines, i.e. other, well established models, ideally using the same experiment setup (e.g. standardization of the object detection API in TensorFlow [HRS+17]).
    [Show full text]