1. TransGAN: Two Transformers Can Make One Strong GAN
Yifan Jiang, Shiyu Chang, Zhangyang Wang
The recent explosive interest on transformers has suggested their potential to become powerful “universal” models for computer vision tasks, such as classification, detection, and segmentation. However, how further transformers can go - are they ready to take some more notoriously difficult vision tasks, e.g., generative adversarial networks (GANs)? Driven by that curiosity, we conduct the first pilot study in building a GAN \textbf{completely free of convolutions}, using only pure transformer-based architectures. Our vanilla GAN architecture, dubbed \textbf{TransGAN}, consists of a memory-friendly transformer-based generator that progressively increases feature resolution while decreasing embedding dimension, and a patch-level discriminator that is also transformer-based. We then demonstrate TransGAN to notably benefit from data augmentations (more than standard GANs), a multi-task co-training strategy for the generator, and a locally initialized self-attention that emphasizes the neighborhood smoothness of natural images. Equipped with those findings, TransGAN can effectively scale up with bigger models and high-resolution image datasets. Specifically, our best architecture achieves highly competitive performance compared to current state-of-the-art GANs based on convolutional backbones. Specifically, TransGAN sets \textbf{new state-of-the-art} IS score of 10.10 and FID score of 25.32 on STL-10. It also reaches competitive 8.64 IS score and 11.89 FID score on Cifar-10, and 12.23 FID score on CelebA , respectively. We also conclude with a discussion of the current limitations and future potential of TransGAN. The code is available at \url{https://github.com/VITA-Group/TransGAN}.
TransGAN: Two Transformers Can Make One Strong GAN
— AK (@ak92501) February 16, 2021
pdf: https://t.co/EUTkjaEvF4
abs: https://t.co/vRTwLMNDPm
github: https://t.co/jSt9t1tYUN pic.twitter.com/DC6wZVOikq
2. DOBF: A Deobfuscation Pre-Training Objective for Programming Languages
Baptiste Roziere, Marie-Anne Lachaux, Marc Szafraniec, Guillaume Lample
Recent advances in self-supervised learning have dramatically improved the state of the art on a wide variety of tasks. However, research in language model pre-training has mostly focused on natural languages, and it is unclear whether models like BERT and its variants provide the best pre-training when applied to other modalities, such as source code. In this paper, we introduce a new pre-training objective, DOBF, that leverages the structural aspect of programming languages and pre-trains a model to recover the original version of obfuscated source code. We show that models pre-trained with DOBF significantly outperform existing approaches on multiple downstream tasks, providing relative improvements of up to 13% in unsupervised code translation, and 24% in natural language code search. Incidentally, we found that our pre-trained model is able to de-obfuscate fully obfuscated source files, and to suggest descriptive variable names.
New paper on code de-obfuscation: https://t.co/vs3Y2E2Hfn
— Guillaume Lample (@GuillaumeLample) February 16, 2021
We show that if you obfuscate the name of identifiers in source code, a model can retrieve the original names with very high accuracy. It even works when you remove the name of each variable / function! 1/3 pic.twitter.com/2ISslynQn6
3. Intermediate Layer Optimization for Inverse Problems using Deep Generative Models
Giannis Daras, Joseph Dean, Ajil Jalal, Alexandros G. Dimakis
We propose Intermediate Layer Optimization (ILO), a novel optimization algorithm for solving inverse problems with deep generative models. Instead of optimizing only over the initial latent code, we progressively change the input layer obtaining successively more expressive generators. To explore the higher dimensional spaces, our method searches for latent codes that lie within a small ball around the manifold induced by the previous layer. Our theoretical analysis shows that by keeping the radius of the ball relatively small, we can improve the established error bound for compressed sensing with deep generative models. We empirically show that our approach outperforms state-of-the-art methods introduced in StyleGAN-2 and PULSE for a wide range of inverse problems including inpainting, denoising, super-resolution and compressed sensing.
Intermediate Layer Optimization for Inverse Problems using Deep Generative Models
— AK (@ak92501) February 16, 2021
pdf: https://t.co/kzM10WHfnq
abs: https://t.co/rj8xvuYbNM
github: https://t.co/eQiaBZYX2g pic.twitter.com/b1WiG1TCLc
New paper: "Intermediate Layer Optimization for Inverse Problems using Deep Generative Models".
— Giannis Daras (@giannis_daras) February 16, 2021
Paper: https://t.co/kjfTfwvveh
Code: https://t.co/b4bMkve7ps
Colab: https://t.co/euiCEXXXXi
Below a video of the Mona Lisa with inpainted eyes and a thread🧵 pic.twitter.com/oe908LEZZJ
4. NeRF: Neural Radiance Fields Without Known Camera Parameters
Zirui Wang, Shangzhe Wu, Weidi Xie, Min Chen, Victor Adrian Prisacariu
This paper tackles the problem of novel view synthesis (NVS) from 2D images without known camera poses and intrinsics. Among various NVS techniques, Neural Radiance Field (NeRF) has recently gained popularity due to its remarkable synthesis quality. Existing NeRF-based approaches assume that the camera parameters associated with each input image are either directly accessible at training, or can be accurately estimated with conventional techniques based on correspondences, such as Structure-from-Motion. In this work, we propose an end-to-end framework, termed NeRF—, for training NeRF models given only RGB images, without pre-computed camera parameters. Specifically, we show that the camera parameters, including both intrinsics and extrinsics, can be automatically discovered via joint optimisation during the training of the NeRF model. On the standard LLFF benchmark, our model achieves comparable novel view synthesis results compared to the baseline trained with COLMAP pre-computed camera parameters. We also conduct extensive analyses to understand the model behaviour under different camera trajectories, and show that in scenarios where COLMAP fails, our model still produces robust results.
NeRF−−: Neural Radiance Fields Without Known Camera Parameters
— AK (@ak92501) February 16, 2021
pdf: https://t.co/99g3MJpjM7
abs: https://t.co/VURgtj3wdt
project page: https://t.co/KWr7cRQrzp pic.twitter.com/smW9u7GyBW
Check out NeRF--: NeRF without camera parameters!
— Zirui Wang (@ziruiwang_ox) February 16, 2021
We show that camera poses, intrinsics and NeRF can be jointly optimised from scratch given only RGB images.
🚩 https://t.co/WHMPcN2e5g
📄 https://t.co/J6R3pb8obm
w/ @elliottszwu @WeidiXie Min Chen @viprad @AVLOxford @Oxford_VGG pic.twitter.com/Lq6lp5TN93
5. PAQ: 65 Million Probably-Asked Questions and What You Can Do With Them
Patrick Lewis, Yuxiang Wu, Linqing Liu, Pasquale Minervini, Heinrich Küttler, Aleksandra Piktus, Pontus Stenetorp, Sebastian Riedel
Open-domain Question Answering models which directly leverage question-answer (QA) pairs, such as closed-book QA (CBQA) models and QA-pair retrievers, show promise in terms of speed and memory compared to conventional models which retrieve and read from text corpora. QA-pair retrievers also offer interpretable answers, a high degree of control, and are trivial to update at test time with new knowledge. However, these models lack the accuracy of retrieve-and-read systems, as substantially less knowledge is covered by the available QA-pairs relative to text corpora like Wikipedia. To facilitate improved QA-pair models, we introduce Probably Asked Questions (PAQ), a very large resource of 65M automatically-generated QA-pairs. We introduce a new QA-pair retriever, RePAQ, to complement PAQ. We find that PAQ preempts and caches test questions, enabling RePAQ to match the accuracy of recent retrieve-and-read models, whilst being significantly faster. Using PAQ, we train CBQA models which outperform comparable baselines by 5%, but trail RePAQ by over 15%, indicating the effectiveness of explicit retrieval. RePAQ can be configured for size (under 500MB) or speed (over 1K questions per second) whilst retaining high accuracy. Lastly, we demonstrate RePAQ’s strength at selective QA, abstaining from answering when it is likely to be incorrect. This enables RePAQ to back-off” to a more expensive state-of-the-art model, leading to a combined system which is both more accurate and 2x faster than the state-of-the-art model alone.
🚨 New work 🚨 “PAQ: 65 Million Probably-Asked Questions and What You Can Do With Them”.
— Patrick Lewis (@PSH_Lewis) February 16, 2021
Read the paper here: https://t.co/MA8BTtWBi6, and check out the thread below
w/ @mindjimmy,@likicode, @PMinervini, @HeinrichKuttler,@olapiktus, Pontus Stenetorp, @riedelcastro. 1/N pic.twitter.com/MdY3Iv54WZ
6. Understanding self-supervised Learning Dynamics without Contrastive Pairs
Yuandong Tian, Xinlei Chen, Surya Ganguli
Contrastive approaches to self-supervised learning (SSL) learn representations by minimizing the distance between two augmented views of the same data point (positive pairs) and maximizing the same from different data points (negative pairs). However, recent approaches like BYOL and SimSiam, show remarkable performance {\it without} negative pairs, raising a fundamental theoretical question: how can SSL with only positive pairs avoid representational collapse? We study the nonlinear learning dynamics of non-contrastive SSL in simple linear networks. Our analysis yields conceptual insights into how non-contrastive SSL methods learn, how they avoid representational collapse, and how multiple factors, like predictor networks, stop-gradients, exponential moving averages, and weight decay all come into play. Our simple theory recapitulates the results of real-world ablation studies in both STL-10 and ImageNet. Furthermore, motivated by our theory we propose a novel approach that \emph{directly} sets the predictor based on the statistics of its inputs. In the case of linear predictors, our approach outperforms gradient training of the predictor by and on ImageNet it performs comparably with more complex two-layer non-linear predictors that employ BatchNorm. Code is released in https://github.com/facebookresearch/luckmatters/tree/master/ssl.
1/ New preprint: "Understanding self-supervised learning without contrastive pairs" w/ awesome collaborators @tydsh and @endernewton @facebookai https://t.co/pcAiIdy6k1 We develop a theory for how self-supervised learning without negative pairs (i.e. BYOL/SimSiam) can work... pic.twitter.com/EgUQNw41k9
— Surya Ganguli (@SuryaGanguli) February 16, 2021
Understanding self-supervised Learning Dynamics without Contrastive Pairs
— AK (@ak92501) February 16, 2021
pdf: https://t.co/TCnhb48Cvk
abs: https://t.co/PNwme8BAbq pic.twitter.com/abeO2Qo2Aw
Our work https://t.co/NeasPSMKcb analyzes SSL with linear predictor w/o neg pairs. It analytically explains how w decay, predictor LR and EMA affect training dynamics, supported by extensive experiments. Following the analysis, direct setting the predictor does well (or better)!
— Yuandong Tian (@tydsh) February 16, 2021
7. End-to-End Egospheric Spatial Memory
Daniel Lenton, Stephen James, Ronald Clark, Andrew J. Davison
- retweets: 182, favorites: 66 (02/17/2021 09:21:51)
- links: abs | pdf
- cs.RO | cs.AI | cs.CV | cs.LG | cs.NE
Spatial memory, or the ability to remember and recall specific locations and objects, is central to autonomous agents’ ability to carry out tasks in real environments. However, most existing artificial memory modules have difficulty recalling information over long time periods and are not very adept at storing spatial information. We propose a parameter-free module, Egospheric Spatial Memory (ESM), which encodes the memory in an ego-sphere around the agent, enabling expressive 3D representations. ESM can be trained end-to-end via either imitation or reinforcement learning, and improves both training efficiency and final performance against other memory baselines on both drone and manipulator visuomotor control tasks. The explicit egocentric geometry also enables us to seamlessly combine the learned controller with other non-learned modalities, such as local obstacle avoidance. We further show applications to semantic segmentation on the ScanNet dataset, where ESM naturally combines image-level and map-level inference modalities. Through our broad set of experiments, we show that ESM provides a general computation graph for embodied spatial reasoning, and the module forms a bridge between real-time mapping systems and differentiable memory architectures.
End-to-End Egospheric Spatial Memory. https://t.co/HR2SR3tOBa #robotics #computervision #ICLR2021
— Tomasz Malisiewicz (@quantombone) February 16, 2021
The paper proposes a parameter-free module, Egospheric Spatial Memory (ESM), which encodes the memory in an ego-sphere around the agent, enabling expressive 3D representations. pic.twitter.com/GO63BrW2wO
8. Understanding Negative Samples in Instance Discriminative Self-supervised Representation Learning
Kento Nozawa, Issei Sato
Instance discriminative self-supervised representation learning has been attracted attention thanks to its unsupervised nature and informative feature representation for downstream tasks. Self-supervised representation learning commonly uses more negative samples than the number of supervised classes in practice. However, there is an inconsistency in the existing analysis; theoretically, a large number of negative samples degrade supervised performance, while empirically, they improve the performance. We theoretically explain this empirical result regarding negative samples. We empirically confirm our analysis by conducting numerical experiments on CIFAR-10/100 datasets.
Our new preprint is out https://t.co/pm8H2IOo4k
— Kento Nozawa (@nzw0301) February 16, 2021
w/ @issei_sato | Understanding Negative Samples in Instance Discriminative Self-supervised Representation Learning
— Kento Nozawa (@nzw0301) February 16, 2021
9. Learning Intra-Batch Connections for Deep Metric Learning
Jenny Seidenschwarz, Ismail Elezi, Laura Leal-Taixé
The goal of metric learning is to learn a function that maps samples to a lower-dimensional space where similar samples lie closer than dissimilar ones. In the case of deep metric learning, the mapping is performed by training a neural network. Most approaches rely on losses that only take the relations between pairs or triplets of samples into account, which either belong to the same class or to two different classes. However, these approaches do not explore the embedding space in its entirety. To this end, we propose an approach based on message passing networks that takes into account all the relations in a mini-batch. We refine embedding vectors by exchanging messages among all samples in a given batch allowing the training process to be aware of the overall structure. Since not all samples are equally important to predict a decision boundary, we use dot-product self-attention during message passing to allow samples to weight the importance of each neighbor accordingly. We achieve state-of-the-art results on clustering and image retrieval on the CUB-200-2011, Cars196, Stanford Online Products, and In-Shop Clothes datasets.
Tired of looking for the best pairs or triplets to train your net for deep metric learning? Look no further! https://t.co/NEGHcgvx3U How? You will find transformers somewhere in there! @JennySeidensch1 @Ismail_Elezi
— Laura Leal-Taixe (@lealtaixe) February 16, 2021
10. Beyond QUIC v1 — A First Look at Recent Transport Layer IETF Standardization Efforts
Mike Kosek, Tanya Shreedhar, Vaibhav Bajpai
The transport layer is ossified. With most of the research and deployment efforts in the past decade focussing on the Transmission Control Protocol (TCP) and its extensions, the QUIC standardization by the Internet Engineering Task Force (IETF) is to be finalized in early 2021. In addition to addressing the most urgent issues of TCP, QUIC ensures its future extendibility and is destined to drastically change the transport protocol landscape. In this work, we present a first look at emerging protocols and their IETF standardization efforts beyond QUIC v1. While multiple proposed extensions improve on QUIC itself, Multiplexed Application Substrate over QUIC Encryption (MASQUE) as well as WebTransport present different approaches to address long-standing problems, and their interplay extends on QUIC’s take to address transport layer ossification challenges.
With QUIC v1 in the @ietf RFC editor queue, what are the next big things beyond QUIC v1? See our paper at https://t.co/6TuRFP2Pza pic.twitter.com/cRUdeBHTAf
— Mike Kosek (@MikeKosek) February 16, 2021
11. Fluctuation-response theorem for Kullback-Leibler divergences to quantify causation
Andrea Auconi, Benjamin M. Friedrich, Andrea Giansanti
- retweets: 100, favorites: 23 (02/17/2021 09:21:52)
- links: abs | pdf
- cs.IT | cond-mat.stat-mech
We define a new measure of causation from a fluctuation-response theorem for Kullback-Leibler divergences, based on the information-theoretic cost of perturbations. This information response has both the invariance properties required for an information-theoretic measure and the physical interpretation of a propagation of perturbations. In linear systems, the information response reduces to the transfer entropy, providing a connection between Fisher and mutual information.
How to quantify 'causation', e.g., how X influences Y in complex systems? New preprint that combines the two fundamental perspectives on this old problem: 'flow of information' versus 'fluctuation-response theory' by @Auconi at @cfaed_TUD & @PoLDresden https://t.co/Phzux313Ry
— Benjamin Friedrich (@friedrich_group) February 16, 2021
12. Prompt Programming for Large Language Models: Beyond the Few-Shot Paradigm
Laria Reynolds, Kyle McDonell
Prevailing methods for mapping large generative language models to supervised tasks may fail to sufficiently probe models’ novel capabilities. Using GPT-3 as a case study, we show that 0-shot prompts can significantly outperform few-shot prompts. We suggest that the function of few-shot examples in these cases is better described as locating an already learned task rather than meta-learning. This analysis motivates rethinking the role of prompts in controlling and evaluating powerful language models. In this work, we discuss methods of prompt programming, emphasizing the usefulness of considering prompts through the lens of natural language. We explore techniques for exploiting the capacity of narratives and cultural anchors to encode nuanced intentions and techniques for encouraging deconstruction of a problem into components before producing a verdict. Informed by this more encompassing theory of prompt programming, we also introduce the idea of a metaprompt that seeds the model to generate its own natural language prompts for a range of tasks. Finally, we discuss how these more general methods of interacting with language models can be incorporated into existing and future benchmarks and practical applications.
Great to see that work is going into investigating better zero-shot prompts for GPT-3—zero-shot prompting for locating tasks in task-space does seem to be the future, with few-shot prompting merely as a brief transition to that future.https://t.co/fLJZnm2G5B
— Leo Gao (@nabla_theta) February 16, 2021
13. Does Standard Backpropagation Forget Less Catastrophically Than Adam?
Dylan R. Ashley, Sina Ghiassian, Richard S. Sutton
Catastrophic forgetting remains a severe hindrance to the broad application of artificial neural networks (ANNs), however, it continues to be a poorly understood phenomenon. Despite the extensive amount of work on catastrophic forgetting, we argue that it is still unclear how exactly the phenomenon should be quantified, and, moreover, to what degree all of the choices we make when designing learning systems affect the amount of catastrophic forgetting. We use various testbeds from the reinforcement learning and supervised learning literature to (1) provide evidence that the choice of which modern gradient-based optimization algorithm is used to train an ANN has a significant impact on the amount of catastrophic forgetting and show that—surprisingly—in many instances classical algorithms such as vanilla SGD experience less catastrophic forgetting than the more modern algorithms such as Adam. We empirically compare four different existing metrics for quantifying catastrophic forgetting and (2) show that the degree to which the learning systems experience catastrophic forgetting is sufficiently sensitive to the metric used that a change from one principled metric to another is enough to change the conclusions of a study dramatically. Our results suggest that a much more rigorous experimental methodology is required when looking at catastrophic forgetting. Based on our results, we recommend inter-task forgetting in supervised learning must be measured with both retention and relearning metrics concurrently, and intra-task forgetting in reinforcement learning must—at the very least—be measured with pairwise interference.
Does Standard Backpropagation Forget Less Catastrophically Than Adam?
— AK (@ak92501) February 16, 2021
pdf: https://t.co/ZuwRBbI5w9
abs: https://t.co/iOPE2CBfu8 pic.twitter.com/dK3Rp9HtKe
14. Graph Convolution for Semi-Supervised Classification: Improved Linear Separability and Out-of-Distribution Generalization
Aseem Baranwal, Kimon Fountoulakis, Aukosh Jagannath
Recently there has been increased interest in semi-supervised classification in the presence of graphical information. A new class of learning models has emerged that relies, at its most basic level, on classifying the data after first applying a graph convolution. To understand the merits of this approach, we study the classification of a mixture of Gaussians, where the data corresponds to the node attributes of a stochastic block model. We show that graph convolution extends the regime in which the data is linearly separable by a factor of roughly , where is the expected degree of a node, as compared to the mixture model data on its own. Furthermore, we find that the linear classifier obtained by minimizing the cross-entropy loss after the graph convolution generalizes to out-of-distribution data where the unseen data can have different intra- and inter-class edge probabilities from the training data.
“Graph Convolution for Semi-Supervised Classification: Improved Linear Separability and Out-of-Distribution Generalization”. https://t.co/C2axUVwYfp pic.twitter.com/XOIi8JcuaN
— Kimon Fountoulakis (@kfountou) February 16, 2021
15. Good-case Latency of Byzantine Broadcast: a Complete Categorization
Ittai Abraham, Kartik Nayak, Ling Ren, Zhuolun Xiang
This paper explores the problem good-case latency of Byzantine fault-tolerant broadcast, motivated by the real-world latency and performance of practical state machine replication protocols. The good-case latency measures the time it takes for all non-faulty parties to commit when the designated broadcaster is non-faulty. We provide a complete characterization of tight bounds on good-case latency, in the authenticated setting under both synchrony and asynchrony. Some of our new results may be surprising, e.g, 2-round PBFT-style asynchronous reliable broadcast is possible if and only if , and a tight bound for good-case latency under under synchrony is not an integer multiple of the delay bound.
New work from lead author Zhuolun Xiang with @kartik1507 and Ling Ren:
— Ittai Abraham (@ittaia) February 16, 2021
Good-case Latency of Byzantine Broadcast: a Complete Categorization https://t.co/IH0e3dJl9l
16. Learning Speech-driven 3D Conversational Gestures from Video
Ikhsanul Habibie, Weipeng Xu, Dushyant Mehta, Lingjie Liu, Hans-Peter Seidel, Gerard Pons-Moll, Mohamed Elgharib, Christian Theobalt
We propose the first approach to automatically and jointly synthesize both the synchronous 3D conversational body and hand gestures, as well as 3D face and head animations, of a virtual character from speech input. Our algorithm uses a CNN architecture that leverages the inherent correlation between facial expression and hand gestures. Synthesis of conversational body gestures is a multi-modal problem since many similar gestures can plausibly accompany the same input speech. To synthesize plausible body gestures in this setting, we train a Generative Adversarial Network (GAN) based model that measures the plausibility of the generated sequences of 3D body motion when paired with the input audio features. We also contribute a new way to create a large corpus of more than 33 hours of annotated body, hand, and face data from in-the-wild videos of talking people. To this end, we apply state-of-the-art monocular approaches for 3D body and hand pose estimation as well as dense 3D face performance capture to the video corpus. In this way, we can train on orders of magnitude more data than previous algorithms that resort to complex in-studio motion capture solutions, and thereby train more expressive synthesis algorithms. Our experiments and user study show the state-of-the-art quality of our speech-synthesized full 3D character animations.
Learning Speech-driven 3D Conversational Gestures from Video
— AK (@ak92501) February 16, 2021
pdf: https://t.co/iuVUXwCUUr
abs: https://t.co/VyIqmOcruA pic.twitter.com/RA1dfi2EiN
17. Learning low-rank latent mesoscale structures in networks
Hanbaek Lyu, Yacoub H. Kureh, Joshua Vendrow, Mason A. Porter
- retweets: 42, favorites: 45 (02/17/2021 09:21:53)
- links: abs | pdf
- cs.SI | cs.LG | math.OC | stat.ML
It is common to use networks to encode the architecture of interactions between entities in complex systems in the physical, biological, social, and information sciences. Moreover, to study the large-scale behavior of complex systems, it is important to study mesoscale structures in networks as building blocks that influence such behavior. In this paper, we present a new approach for describing low-rank mesoscale structure in networks, and we illustrate our approach using several synthetic network models and empirical friendship, collaboration, and protein—protein interaction (PPI) networks. We find that these networks possess a relatively small number of `latent motifs’ that together can successfully approximate most subnetworks at a fixed mesoscale. We use an algorithm that we call “network dictionary learning” (NDL), which combines a network sampling method and nonnegative matrix factorization, to learn the latent motifs of a given network. The ability to encode a network using a set of latent motifs has a wide range of applications to network-analysis tasks, such as comparison, denoising, and edge inference. Additionally, using our new network denoising and reconstruction (NDR) algorithm, we demonstrate how to denoise a corrupted network by using only the latent motifs that one learns directly from the corrupted networks.
Here is one of my new papers out on arXiv tonight: "Learning Low-Rank Latent Mesoscale Structures in Networks": https://t.co/KsUfvQGu42
— Mason Porter (@masonporter) February 16, 2021
by Hanbaek Lyu, Yacoub H. Kureh, Joshua Vendrow, and MAP
This paper is about "Network Dictionary Learning" pic.twitter.com/B1PXZF3k4r
18. Geometric feature performance under downsampling for EEG classification tasks
Bryan Bischof, Eric Bunch
We experimentally investigate a collection of feature engineering pipelines for use with a CNN for classifying eyes-open or eyes-closed from electroencephalogram (EEG) time-series from the Bonn dataset. Using the Takens’ embedding—a geometric representation of time-series—we construct simplicial complexes from EEG data. We then compare -series of Betti-numbers and -series of graph spectra (a novel construction)—two topological invariants of the latent geometry from these complexes—to raw time series of the EEG to fill in a gap in the literature for benchmarking. These methods, inspired by Topological Data Analysis, are used for feature engineering to capture local geometry of the time-series. Additionally, we test these feature pipelines’ robustness to downsampling and data reduction. This paper seeks to establish clearer expectations for both time-series classification via geometric features, and how CNNs for time-series respond to data of degraded resolution.
A couple years ago, @ericbunch0 & I found a paper discussing the combination of Topological Data Analysis, time-series, and CNNs; we thought it would be fun to read and implement, and maybe get inspired...
— Dr. Donut ☕️ (@BEBischof) February 16, 2021
After a long journey here's our paper: https://t.co/siqu78aItF
🧵 (1/7) pic.twitter.com/yTI1PVYJh0
19. Private learning implies quantum stability
Srinivasan Arunachalam, Yihui Quek, John Smolin
Learning an unknown -qubit quantum state is a fundamental challenge in quantum computing. Information-theoretically, it is known that tomography requires exponential in many copies of to estimate it up to trace distance. Motivated by computational learning theory, Aaronson et al. introduced many (weaker) learning models: the PAC model of learning states (Proceedings of Royal Society A’07), shadow tomography (STOC’18) for learning “shadows” of a state, a model that also requires learners to be differentially private (STOC’19) and the online model of learning states (NeurIPS’18). In these models it was shown that an unknown state can be learned “approximately” using linear-in- many copies of rho. But is there any relationship between these models? In this paper we prove a sequence of (information-theoretic) implications from differentially-private PAC learning, to communication complexity, to online learning and then to quantum stability. Our main result generalizes the recent work of Bun, Livni and Moran (Journal of the ACM’21) who showed that finite Littlestone dimension (of Boolean-valued concept classes) implies PAC learnability in the (approximate) differentially private (DP) setting. We first consider their work in the real-valued setting and further extend their techniques to the setting of learning quantum states. Key to our results is our generic quantum online learner, Robust Standard Optimal Algorithm (RSOA), which is robust to adversarial imprecision. We then show information-theoretic implications between DP learning quantum states in the PAC model, learnability of quantum states in the one-way communication model, online learning of quantum states, quantum stability (which is our conceptual contribution), various combinatorial parameters and give further applications to gentle shadow tomography and noisy quantum state learning.
"I'm not a quantum person, but..." this paper by Arunachalam, Quek (@quekpottheories), and Smolin seems potentially really cool: "Private learning implies quantum stability" https://t.co/33D7SNPK8r
— Clément Canonne (@ccanonne_) February 16, 2021
(h/t @thegautamkamath for pointing it out to me) pic.twitter.com/IduFLfqqTj
20. Machine Learning for Mechanical Ventilation Control
Daniel Suo, Udaya Ghai, Edgar Minasyan, Paula Gradu, Xinyi Chen, Naman Agarwal, Cyril Zhang, Karan Singh, Julienne LaChance, Tom Zadjel, Manuel Schottdorf, Daniel Cohen, Elad Hazan
We consider the problem of controlling an invasive mechanical ventilator for pressure-controlled ventilation: a controller must let air in and out of a sedated patient’s lungs according to a trajectory of airway pressures specified by a clinician. Hand-tuned PID controllers and similar variants have comprised the industry standard for decades, yet can behave poorly by over- or under-shooting their target or oscillating rapidly. We consider a data-driven machine learning approach: First, we train a simulator based on data we collect from an artificial lung. Then, we train deep neural network controllers on these simulators.We show that our controllers are able to track target pressure waveforms significantly better than PID controllers. We further show that a learned controller generalizes across lungs with varying characteristics much more readily than PID controllers do.
The preliminary paper is out!!! https://t.co/awSyIv4MyX
— Elad Hazan (@HazanPrinceton) February 16, 2021
very excited about this collaboration as well as the work ahead of us to fulfill the potential of this technology in health! https://t.co/RHBo9HeoiX
21. STruD: Truss Decomposition of Simplicial Complexes
Giulia Preti, Gianmarco De Francisci Morales, Francesco Bonchi
A simplicial complex is a generalization of a graph: a collection of n-ary relationships (instead of binary as the edges of a graph), named simplices. In this paper, we develop a new tool to study the structure of simplicial complexes: we generalize the graph notion of truss decomposition to complexes, and show that this more powerful representation gives rise to different properties compared to the graph-based one. This power, however, comes with important computational challenges derived from the combinatorial explosion caused by the downward closure property of complexes. Drawing upon ideas from itemset mining and similarity search, we design a memory-aware algorithm, dubbed STruD, which is able to efficiently compute the truss decomposition of a simplicial complex. STruD adapts its behavior to the amount of available memory by storing intermediate data in a compact way. We then devise a variant that computes directly the n simplices of maximum trussness. By applying STruD to several datasets, we prove its scalability, and provide an analysis of their structure. Finally, we show that the truss decomposition can be seen as a filtration, and as such it can be used to study the persistent homology of a dataset, a method for computing topological features at different spatial resolutions, prominent in Topological Data Analysis.