Skip to main content

Showing 1–34 of 34 results for author: Metz, L

  1. arXiv:2304.12180  [pdf, other

    cs.NE cs.AI cs.LG

    Variance-Reduced Gradient Estimation via Noise-Reuse in Online Evolution Strategies

    Authors: Oscar Li, James Harrison, Jascha Sohl-Dickstein, Virginia Smith, Luke Metz

    Abstract: Unrolled computation graphs are prevalent throughout machine learning but present challenges to automatic differentiation (AD) gradient estimation methods when their loss functions exhibit extreme local sensitivtiy, discontinuity, or blackbox characteristics. In such scenarios, online evolution strategies methods are a more capable alternative, while being more parallelizable than vanilla evolutio… ▽ More

    Submitted 9 December, 2023; v1 submitted 21 April, 2023; originally announced April 2023.

    Comments: NeurIPS 2023. 41 pages. Code available at https://github.com/OscarcarLi/Noise-Reuse-Evolution-Strategies

  2. arXiv:2303.08774  [pdf, other

    cs.CL cs.AI

    GPT-4 Technical Report

    Authors: OpenAI, Josh Achiam, Steven Adler, Sandhini Agarwal, Lama Ahmad, Ilge Akkaya, Florencia Leoni Aleman, Diogo Almeida, Janko Altenschmidt, Sam Altman, Shyamal Anadkat, Red Avila, Igor Babuschkin, Suchir Balaji, Valerie Balcom, Paul Baltescu, Haiming Bao, Mohammad Bavarian, Jeff Belgum, Irwan Bello, Jake Berdine, Gabriel Bernadett-Shapiro, Christopher Berner, Lenny Bogdonoff, Oleg Boiko , et al. (256 additional authors not shown)

    Abstract: We report the development of GPT-4, a large-scale, multimodal model which can accept image and text inputs and produce text outputs. While less capable than humans in many real-world scenarios, GPT-4 exhibits human-level performance on various professional and academic benchmarks, including passing a simulated bar exam with a score around the top 10% of test takers. GPT-4 is a Transformer-based mo… ▽ More

    Submitted 4 March, 2024; v1 submitted 15 March, 2023; originally announced March 2023.

    Comments: 100 pages; updated authors list; fixed author names and added citation

  3. arXiv:2212.04458  [pdf, other

    cs.LG cs.AI cs.NE stat.ML

    General-Purpose In-Context Learning by Meta-Learning Transformers

    Authors: Louis Kirsch, James Harrison, Jascha Sohl-Dickstein, Luke Metz

    Abstract: Modern machine learning requires system designers to specify aspects of the learning pipeline, such as losses, architectures, and optimizers. Meta-learning, or learning-to-learn, instead aims to learn those aspects, and promises to unlock greater capabilities with less manual effort. One particularly ambitious goal of meta-learning is to train general-purpose in-context learning algorithms from sc… ▽ More

    Submitted 9 January, 2024; v1 submitted 8 December, 2022; originally announced December 2022.

    Comments: Published at the NeurIPS 2022 Workshop on Meta-Learning. Full version currently under review

  4. arXiv:2212.01055  [pdf, other

    cs.CV

    Transformer-Based Learned Optimization

    Authors: Erik Gärtner, Luke Metz, Mykhaylo Andriluka, C. Daniel Freeman, Cristian Sminchisescu

    Abstract: We propose a new approach to learned optimization where we represent the computation of an optimizer's update step using a neural network. The parameters of the optimizer are then learned by training on a set of optimization tasks with the objective to perform minimization efficiently. Our innovation is a new neural network architecture, Optimus, for the learned optimizer inspired by the classic B… ▽ More

    Submitted 28 June, 2023; v1 submitted 2 December, 2022; originally announced December 2022.

    Comments: Accepted to the IEEE/CVF Conference on Computer Vision and Pattern Recognition 2023 (CVPR) in Vancouver, Canada

  5. arXiv:2211.09760  [pdf, other

    cs.LG math.OC stat.ML

    VeLO: Training Versatile Learned Optimizers by Scaling Up

    Authors: Luke Metz, James Harrison, C. Daniel Freeman, Amil Merchant, Lucas Beyer, James Bradbury, Naman Agrawal, Ben Poole, Igor Mordatch, Adam Roberts, Jascha Sohl-Dickstein

    Abstract: While deep learning models have replaced hand-designed features across many domains, these models are still trained with hand-designed optimizers. In this work, we leverage the same scaling approach behind the success of deep learning to learn versatile optimizers. We train an optimizer for deep learning which is itself a small neural network that ingests gradients and outputs parameter updates. M… ▽ More

    Submitted 17 November, 2022; originally announced November 2022.

  6. arXiv:2210.05639  [pdf, other

    cs.LG cs.AI

    Discovered Policy Optimisation

    Authors: Chris Lu, Jakub Grudzien Kuba, Alistair Letcher, Luke Metz, Christian Schroeder de Witt, Jakob Foerster

    Abstract: Tremendous progress has been made in reinforcement learning (RL) over the past decade. Most of these advancements came through the continual development of new algorithms, which were designed using a combination of mathematical derivations, intuitions, and experimentation. Such an approach of creating algorithms manually is limited by human understanding and ingenuity. In contrast, meta-learning p… ▽ More

    Submitted 12 October, 2022; v1 submitted 11 October, 2022; originally announced October 2022.

    Comments: NeurIPS 2022

  7. arXiv:2209.11208  [pdf, other

    cs.LG math.OC stat.ML

    A Closer Look at Learned Optimization: Stability, Robustness, and Inductive Biases

    Authors: James Harrison, Luke Metz, Jascha Sohl-Dickstein

    Abstract: Learned optimizers -- neural networks that are trained to act as optimizers -- have the potential to dramatically accelerate training of machine learning models. However, even when meta-trained across thousands of tasks at huge computational expense, blackbox learned optimizers often struggle with stability and generalization when applied to tasks unlike those in their meta-training set. In this p… ▽ More

    Submitted 22 September, 2022; originally announced September 2022.

    Comments: NeurIPS 2022

  8. arXiv:2206.04615  [pdf, other

    cs.CL cs.AI cs.CY cs.LG stat.ML

    Beyond the Imitation Game: Quantifying and extrapolating the capabilities of language models

    Authors: Aarohi Srivastava, Abhinav Rastogi, Abhishek Rao, Abu Awal Md Shoeb, Abubakar Abid, Adam Fisch, Adam R. Brown, Adam Santoro, Aditya Gupta, Adrià Garriga-Alonso, Agnieszka Kluska, Aitor Lewkowycz, Akshat Agarwal, Alethea Power, Alex Ray, Alex Warstadt, Alexander W. Kocurek, Ali Safaya, Ali Tazarv, Alice Xiang, Alicia Parrish, Allen Nie, Aman Hussain, Amanda Askell, Amanda Dsouza , et al. (426 additional authors not shown)

    Abstract: Language models demonstrate both quantitative improvement and new qualitative capabilities with increasing scale. Despite their potentially transformative impact, these new capabilities are as yet poorly characterized. In order to inform future research, prepare for disruptive new model capabilities, and ameliorate socially harmful effects, it is vital that we understand the present and near-futur… ▽ More

    Submitted 12 June, 2023; v1 submitted 9 June, 2022; originally announced June 2022.

    Comments: 27 pages, 17 figures + references and appendices, repo: https://github.com/google/BIG-bench

    Journal ref: Transactions on Machine Learning Research, May/2022, https://openreview.net/forum?id=uyTL5Bvosj

  9. arXiv:2203.11860  [pdf, other

    cs.LG cs.NE math.OC stat.ML

    Practical tradeoffs between memory, compute, and performance in learned optimizers

    Authors: Luke Metz, C. Daniel Freeman, James Harrison, Niru Maheswaranathan, Jascha Sohl-Dickstein

    Abstract: Optimization plays a costly and crucial role in developing machine learning systems. In learned optimizers, the few hyperparameters of commonly used hand-designed optimizers, e.g. Adam or SGD, are replaced with flexible parametric functions. The parameters of these functions are then optimized so that the resulting learned optimizer minimizes a target loss on a chosen class of models. Learned opti… ▽ More

    Submitted 16 July, 2022; v1 submitted 22 March, 2022; originally announced March 2022.

  10. arXiv:2112.14570  [pdf, other

    cs.GT cs.LG cs.MA

    Lyapunov Exponents for Diversity in Differentiable Games

    Authors: Jonathan Lorraine, Paul Vicol, Jack Parker-Holder, Tal Kachman, Luke Metz, Jakob Foerster

    Abstract: Ridge Rider (RR) is an algorithm for finding diverse solutions to optimization problems by following eigenvectors of the Hessian ("ridges"). RR is designed for conservative gradient systems (i.e., settings involving a single loss function), where it branches at saddles - easy-to-find bifurcation points. We generalize this idea to non-conservative, multi-agent gradient systems by proposing a method… ▽ More

    Submitted 24 December, 2021; originally announced December 2021.

    Comments: AAMAS2022, 24 pages

  11. arXiv:2112.13835  [pdf, other

    cs.LG stat.ML

    Unbiased Gradient Estimation in Unrolled Computation Graphs with Persistent Evolution Strategies

    Authors: Paul Vicol, Luke Metz, Jascha Sohl-Dickstein

    Abstract: Unrolled computation graphs arise in many scenarios, including training RNNs, tuning hyperparameters through unrolled optimization, and training learned optimizers. Current approaches to optimizing parameters in such computation graphs suffer from high variance gradients, bias, slow updates, or large memory usage. We introduce a method called Persistent Evolution Strategies (PES), which divides th… ▽ More

    Submitted 27 December, 2021; originally announced December 2021.

    Comments: ICML 2021

  12. arXiv:2111.05803  [pdf, other

    cs.LG stat.ML

    Gradients are Not All You Need

    Authors: Luke Metz, C. Daniel Freeman, Samuel S. Schoenholz, Tal Kachman

    Abstract: Differentiable programming techniques are widely used in the community and are responsible for the machine learning renaissance of the past several decades. While these methods are powerful, they have limits. In this short report, we discuss a common chaos based failure mode which appears in a variety of differentiable circumstances, ranging from recurrent neural networks and numerical physics sim… ▽ More

    Submitted 20 January, 2022; v1 submitted 10 November, 2021; originally announced November 2021.

  13. arXiv:2107.09661  [pdf, other

    cs.LG

    Learn2Hop: Learned Optimization on Rough Landscapes

    Authors: Amil Merchant, Luke Metz, Sam Schoenholz, Ekin Dogus Cubuk

    Abstract: Optimization of non-convex loss surfaces containing many local minima remains a critical problem in a variety of domains, including operations research, informatics, and material design. Yet, current techniques either require extremely high iteration counts or a large number of random restarts for good performance. In this work, we propose adapting recent developments in meta-learning to these man… ▽ More

    Submitted 20 July, 2021; originally announced July 2021.

    Comments: ICML 2021, 16 pages, 8 figures, 6 tables

  14. arXiv:2101.07367  [pdf, other

    cs.LG cs.NE

    Training Learned Optimizers with Randomly Initialized Learned Optimizers

    Authors: Luke Metz, C. Daniel Freeman, Niru Maheswaranathan, Jascha Sohl-Dickstein

    Abstract: Learned optimizers are increasingly effective, with performance exceeding that of hand designed optimizers such as Adam~\citep{kingma2014adam} on specific tasks \citep{metz2019understanding}. Despite the potential gains available, in current work the meta-training (or `outer-training') of the learned optimizer is performed by a hand-designed optimizer, or by an optimizer trained by a hand-designed… ▽ More

    Submitted 14 January, 2021; originally announced January 2021.

  15. arXiv:2012.03837  [pdf, other

    cs.LG cs.AI cs.NE

    Parallel Training of Deep Networks with Local Updates

    Authors: Michael Laskin, Luke Metz, Seth Nabarro, Mark Saroufim, Badreddine Noune, Carlo Luschi, Jascha Sohl-Dickstein, Pieter Abbeel

    Abstract: Deep learning models trained on large data sets have been widely successful in both vision and language domains. As state-of-the-art deep learning architectures have continued to grow in parameter count so have the compute budgets and times required to train them, increasing the need for compute-efficient methods that parallelize training. Two common approaches to parallelize the training of deep… ▽ More

    Submitted 15 June, 2021; v1 submitted 7 December, 2020; originally announced December 2020.

    Comments: First two authors - Michael Laskin and Luke Metz - contributed equally. Order was determined by a coin flip

  16. arXiv:2011.06505  [pdf, other

    cs.LG

    Ridge Rider: Finding Diverse Solutions by Following Eigenvectors of the Hessian

    Authors: Jack Parker-Holder, Luke Metz, Cinjon Resnick, Hengyuan Hu, Adam Lerer, Alistair Letcher, Alex Peysakhovich, Aldo Pacchiano, Jakob Foerster

    Abstract: Over the last decade, a single algorithm has changed many facets of our lives - Stochastic Gradient Descent (SGD). In the era of ever decreasing loss functions, SGD and its various offspring have become the go-to optimization tool in machine learning and are a key component of the success of deep neural networks (DNNs). While SGD is guaranteed to converge to a local optimum (under loose assumption… ▽ More

    Submitted 12 November, 2020; originally announced November 2020.

    Comments: Camera-ready version, NeurIPS 2020

  17. arXiv:2011.02159  [pdf, other

    cs.LG cs.NE stat.ML

    Reverse engineering learned optimizers reveals known and novel mechanisms

    Authors: Niru Maheswaranathan, David Sussillo, Luke Metz, Ruoxi Sun, Jascha Sohl-Dickstein

    Abstract: Learned optimizers are algorithms that can themselves be trained to solve optimization problems. In contrast to baseline optimizers (such as momentum or Adam) that use simple update rules derived from theoretical principles, learned optimizers use flexible, high-dimensional, nonlinear parameterizations. Although this can lead to better performance in certain settings, their inner workings remain a… ▽ More

    Submitted 7 December, 2021; v1 submitted 4 November, 2020; originally announced November 2020.

    Comments: Thirty-Fifth Conference on Neural Information Processing Systems. 2021

  18. arXiv:2009.11243  [pdf, other

    cs.LG cs.NE stat.ML

    Tasks, stability, architecture, and compute: Training more effective learned optimizers, and using them to train themselves

    Authors: Luke Metz, Niru Maheswaranathan, C. Daniel Freeman, Ben Poole, Jascha Sohl-Dickstein

    Abstract: Much as replacing hand-designed features with learned functions has revolutionized how we solve perceptual tasks, we believe learned algorithms will transform how we train models. In this work we focus on general-purpose learned optimizers capable of training a wide variety of problems with no user-specified hyperparameters. We introduce a new, neural network parameterized, hierarchical optimizer… ▽ More

    Submitted 23 September, 2020; originally announced September 2020.

  19. arXiv:2007.00810  [pdf, other

    stat.ML cs.LG

    On Linear Identifiability of Learned Representations

    Authors: Geoffrey Roeder, Luke Metz, Diederik P. Kingma

    Abstract: Identifiability is a desirable property of a statistical model: it implies that the true model parameters may be estimated to any desired precision, given sufficient computational resources and data. We study identifiability in the context of representation learning: discovering nonlinear data representations that are optimal with respect to some downstream task. When parameterized as deep neural… ▽ More

    Submitted 7 July, 2020; v1 submitted 1 July, 2020; originally announced July 2020.

  20. arXiv:2002.11887  [pdf, other

    cs.LG stat.ML

    Using a thousand optimization tasks to learn hyperparameter search strategies

    Authors: Luke Metz, Niru Maheswaranathan, Ruoxi Sun, C. Daniel Freeman, Ben Poole, Jascha Sohl-Dickstein

    Abstract: We present TaskSet, a dataset of tasks for use in training and evaluating optimizers. TaskSet is unique in its size and diversity, containing over a thousand tasks ranging from image classification with fully connected or convolutional neural networks, to variational autoencoders, to non-volume preserving flows on a variety of datasets. As an example application of such a dataset we explore meta-l… ▽ More

    Submitted 31 March, 2020; v1 submitted 26 February, 2020; originally announced February 2020.

  21. arXiv:2001.03653  [pdf, other

    cs.LG stat.ML

    Towards GAN Benchmarks Which Require Generalization

    Authors: Ishaan Gulrajani, Colin Raffel, Luke Metz

    Abstract: For many evaluation metrics commonly used as benchmarks for unconditional image generation, trivially memorizing the training set attains a better score than models which are considered state-of-the-art; we consider this problematic. We clarify a necessary condition for an evaluation metric not to behave this way: estimating the function must require a large sample from the model. In search of suc… ▽ More

    Submitted 10 January, 2020; originally announced January 2020.

    Comments: ICLR 2019 conference paper

  22. arXiv:1910.13038  [pdf, other

    cs.NE cs.LG

    Learning to Predict Without Looking Ahead: World Models Without Forward Prediction

    Authors: C. Daniel Freeman, Luke Metz, David Ha

    Abstract: Much of model-based reinforcement learning involves learning a model of an agent's world, and training an agent to leverage this model to perform a task more efficiently. While these models are demonstrably useful for agents, every naturally occurring model of the world of which we are aware---e.g., a brain---arose as the byproduct of competing evolutionary pressures for survival, not minimization… ▽ More

    Submitted 30 October, 2019; v1 submitted 28 October, 2019; originally announced October 2019.

    Comments: To appear at the Thirty-third Conference on Neural Information Processing Systems (NeurIPS 2019)

  23. arXiv:1909.09712  [pdf, other

    cs.LG stat.ML

    Learning an Adaptive Learning Rate Schedule

    Authors: Zhen Xu, Andrew M. Dai, Jonas Kemp, Luke Metz

    Abstract: The learning rate is one of the most important hyper-parameters for model training and generalization. However, current hand-designed parametric learning rate schedules offer limited flexibility and the predefined schedule may not match the training dynamics of high dimensional and non-convex optimization problems. In this paper, we propose a reinforcement learning based framework that can automat… ▽ More

    Submitted 20 September, 2019; originally announced September 2019.

  24. arXiv:1908.07092  [pdf, other

    cond-mat.stat-mech cond-mat.dis-nn cs.SI physics.soc-ph q-bio.PE

    Linear stability analysis for large dynamical systems on directed random graphs

    Authors: Izaak Neri, Fernando Lucas Metz

    Abstract: We present a linear stability analysis of stationary states (or fixed points) in large dynamical systems defined on random directed graphs with a prescribed distribution of indegrees and outdegrees. We obtain two remarkable results for such dynamical systems: First, infinitely large systems on directed graphs can be stable even when the degree distribution has unbounded support; this result is sur… ▽ More

    Submitted 21 May, 2024; v1 submitted 19 August, 2019; originally announced August 2019.

    Comments: 35 pages, 8 figures, a few typo's have been corrected in the new version

    Journal ref: Phys. Rev. Research 2, 033313 (2020)

  25. arXiv:1906.03367  [pdf, other

    cs.LG stat.ML

    Using learned optimizers to make models robust to input noise

    Authors: Luke Metz, Niru Maheswaranathan, Jonathon Shlens, Jascha Sohl-Dickstein, Ekin D. Cubuk

    Abstract: State-of-the art vision models can achieve superhuman performance on image classification tasks when testing and training data come from the same distribution. However, when models are tested on corrupted images (e.g. due to scale changes, translations, or shifts in brightness or contrast), performance degrades significantly. Here, we explore the possibility of meta-training a learned optimizer th… ▽ More

    Submitted 7 June, 2019; originally announced June 2019.

  26. arXiv:1810.10180  [pdf, other

    cs.NE stat.ML

    Understanding and correcting pathologies in the training of learned optimizers

    Authors: Luke Metz, Niru Maheswaranathan, Jeremy Nixon, C. Daniel Freeman, Jascha Sohl-Dickstein

    Abstract: Deep learning has shown that learned functions can dramatically outperform hand-designed functions on perceptual tasks. Analogously, this suggests that learned optimizers may similarly outperform current hand-designed optimizers, especially for specific problems. However, learned optimizers are notoriously difficult to train and have yet to demonstrate wall-clock speedups over hand-designed optimi… ▽ More

    Submitted 7 June, 2019; v1 submitted 24 October, 2018; originally announced October 2018.

  27. arXiv:1806.10230  [pdf, other

    cs.NE cs.LG stat.ML

    Guided evolutionary strategies: Augmenting random search with surrogate gradients

    Authors: Niru Maheswaranathan, Luke Metz, George Tucker, Dami Choi, Jascha Sohl-Dickstein

    Abstract: Many applications in machine learning require optimizing a function whose true gradient is unknown, but where surrogate gradient information (directions that may be correlated with, but not necessarily identical to, the true gradient) is available instead. This arises when an approximate gradient is easier to compute than the full gradient (e.g. in meta-learning or unrolled optimization), or when… ▽ More

    Submitted 10 June, 2019; v1 submitted 26 June, 2018; originally announced June 2018.

    Comments: Published at ICML 2019

  28. arXiv:1804.00222  [pdf, other

    cs.LG cs.NE stat.ML

    Meta-Learning Update Rules for Unsupervised Representation Learning

    Authors: Luke Metz, Niru Maheswaranathan, Brian Cheung, Jascha Sohl-Dickstein

    Abstract: A major goal of unsupervised learning is to discover data representations that are useful for subsequent tasks, without access to supervised labels during training. Typically, this involves minimizing a surrogate objective, such as the negative log likelihood of a generative model, with the hope that representations useful for subsequent tasks will arise as a side effect. In this work, we propose… ▽ More

    Submitted 26 February, 2019; v1 submitted 31 March, 2018; originally announced April 2018.

  29. arXiv:1801.02774  [pdf, other

    cs.CV

    Adversarial Spheres

    Authors: Justin Gilmer, Luke Metz, Fartash Faghri, Samuel S. Schoenholz, Maithra Raghu, Martin Wattenberg, Ian Goodfellow

    Abstract: State of the art computer vision models have been shown to be vulnerable to small adversarial perturbations of the input. In other words, most images in the data distribution are both correctly classified by the model and are very close to a visually similar misclassified image. Despite substantial research interest, the cause of the phenomenon is still poorly understood and remains unsolved. We h… ▽ More

    Submitted 10 September, 2018; v1 submitted 8 January, 2018; originally announced January 2018.

    MSC Class: 68T45 ACM Class: I.2.6

  30. arXiv:1705.05035  [pdf, other

    cs.LG cs.AI stat.ML

    Discrete Sequential Prediction of Continuous Actions for Deep RL

    Authors: Luke Metz, Julian Ibarz, Navdeep Jaitly, James Davidson

    Abstract: It has long been assumed that high dimensional continuous control problems cannot be solved effectively by discretizing individual dimensions of the action space due to the exponentially large number of bins over which policies would have to be learned. In this paper, we draw inspiration from the recent success of sequence-to-sequence models for structured prediction problems to develop policies o… ▽ More

    Submitted 7 June, 2019; v1 submitted 14 May, 2017; originally announced May 2017.

  31. arXiv:1703.10717  [pdf, other

    cs.LG stat.ML

    BEGAN: Boundary Equilibrium Generative Adversarial Networks

    Authors: David Berthelot, Thomas Schumm, Luke Metz

    Abstract: We propose a new equilibrium enforcing method paired with a loss derived from the Wasserstein distance for training auto-encoder based Generative Adversarial Networks. This method balances the generator and discriminator during training. Additionally, it provides a new approximate convergence measure, fast and stable training and high visual quality. We also derive a way of controlling the trade-o… ▽ More

    Submitted 31 May, 2017; v1 submitted 30 March, 2017; originally announced March 2017.

  32. arXiv:1611.02163  [pdf, other

    cs.LG stat.ML

    Unrolled Generative Adversarial Networks

    Authors: Luke Metz, Ben Poole, David Pfau, Jascha Sohl-Dickstein

    Abstract: We introduce a method to stabilize Generative Adversarial Networks (GANs) by defining the generator objective with respect to an unrolled optimization of the discriminator. This allows training to be adjusted between using the optimal discriminator in the generator's objective, which is ideal but infeasible in practice, and using the current value of the discriminator, which is often unstable and… ▽ More

    Submitted 12 May, 2017; v1 submitted 7 November, 2016; originally announced November 2016.

  33. arXiv:1511.06434  [pdf, other

    cs.LG cs.CV

    Unsupervised Representation Learning with Deep Convolutional Generative Adversarial Networks

    Authors: Alec Radford, Luke Metz, Soumith Chintala

    Abstract: In recent years, supervised learning with convolutional networks (CNNs) has seen huge adoption in computer vision applications. Comparatively, unsupervised learning with CNNs has received less attention. In this work we hope to help bridge the gap between the success of CNNs for supervised learning and unsupervised learning. We introduce a class of CNNs called deep convolutional generative adversa… ▽ More

    Submitted 7 January, 2016; v1 submitted 19 November, 2015; originally announced November 2015.

    Comments: Under review as a conference paper at ICLR 2016

  34. arXiv:1107.4127  [pdf, ps, other

    cond-mat.stat-mech cond-mat.dis-nn cs.SI math-ph physics.soc-ph

    Spectra of sparse regular graphs with loops

    Authors: F. L. Metz, I. Neri, D. Bollé

    Abstract: We derive exact equations that determine the spectra of undirected and directed sparsely connected regular graphs containing loops of arbitrary length. The implications of our results to the structural and dynamical properties of networks are discussed by showing how loops influence the size of the spectral gap and the propensity for synchronization. Analytical formulas for the spectrum are obtain… ▽ More

    Submitted 20 July, 2011; originally announced July 2011.

    Comments: 4 pages, 4 figures

    Journal ref: Phys. Rev. E 84, 055101(R) (2011)