Publications
See the list version for a pastable list of publications, and earlier publications for prior publications of the group.
-
Generate Your Own Scotland: Satellite Image Generation Conditioned on MapsDespite recent advancements in image generation, diffusion models still remain largely underexplored in Earth Observation. In this paper we show that state-of-the-art pretrained diffusion models can be conditioned on cartographic data to generate realistic satellite images. We provide two large datasets of paired OpenStreetMap images and satellite views over the region of Mainland Scotland and the Central Belt. We train a ControlNet model and qualitatively evaluate the results, demonstrating that both image quality and map fidelity are possible. Finally, we provide some insights on the opportunities and challenges of applying these models for remote sensing. Our model weights and code for creating the dataset are publicly available at https://github.com/miquel-espinosa/map-sat.@unpublished{Espinosa2023_8_Generate,
author = {Miguel Espinosa and Elliot J. Crowley},
title = {Generate Your Own Scotland: Satellite Image Generation Conditioned on Maps},
year = {2023},
month = {Aug},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/2308.16648},
}
-
Diffusion Models for Counterfactual Generation and Anomaly Detection in Brain ImagesSegmentation masks of pathological areas are useful in many medical applications, such as brain tumour and stroke management. Moreover, healthy counterfactuals of diseased images can be used to enhance radiologists' training files and to improve the interpretability of segmentation models. In this work, we present a weakly supervised method to generate a healthy version of a diseased image and then use it to obtain a pixel-wise anomaly map. To do so, we start by considering a saliency map that approximately covers the pathological areas, obtained with ACAT. Then, we propose a technique that allows to perform targeted modifications to these regions, while preserving the rest of the image. In particular, we employ a diffusion model trained on healthy samples and combine Denoising Diffusion Probabilistic Model (DDPM) and Denoising Diffusion Implicit Model (DDIM) at each step of the sampling process. DDPM is used to modify the areas affected by a lesion within the saliency map, while DDIM guarantees reconstruction of the normal anatomy outside of it. The two parts are also fused at each timestep, to guarantee the generation of a sample with a coherent appearance and a seamless transition between edited and unedited parts. We verify that when our method is applied to healthy samples, the input images are reconstructed without significant modifications. We compare our approach with alternative weakly supervised methods on IST-3 for stroke lesion segmentation and on BraTS2021 for brain tumour segmentation, where we improve the DICE score of the best competing method from 0.6534 to 0.7056.@unpublished{Fontanella2023_8_Diffusion,
author = {Alessandro Fontanella and Grant Mair and Joanna Wardlaw and Emanuele Trucco and Amos Storkey},
title = {Diffusion Models for Counterfactual Generation and Anomaly Detection in Brain Images},
year = {2023},
month = {Aug},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/2308.02062},
}
-
QuickQual: Lightweight, convenient retinal image quality scoring with off-the-shelf pretrained modelsImage quality remains a key problem for both traditional and deep learning (DL)-based approaches to retinal image analysis, but identifying poor quality images can be time consuming and subjective. Thus, automated methods for retinal image quality scoring (RIQS) are needed. The current state-of-the-art is MCFNet, composed of three Densenet121 backbones each operating in a different colour space. MCFNet, and the EyeQ dataset released by the same authors, was a huge step forward for RIQS. We present QuickQual, a simple approach to RIQS, consisting of a single off-the-shelf ImageNet-pretrained Densenet121 backbone plus a Support Vector Machine (SVM). QuickQual performs very well, setting a new state-of-the-art for EyeQ (Accuracy: 88.50% vs 88.00% for MCFNet; AUC: 0.9687 vs 0.9588). This suggests that RIQS can be solved with generic perceptual features learned on natural images, as opposed to requiring DL models trained on large amounts of fundus images. Additionally, we propose a Fixed Prior linearisation scheme, that converts EyeQ from a 3-way classification to a continuous logistic regression task. For this task, we present a second model, QuickQual MEga Minified Estimator (QuickQual-MEME), that consists of only 10 parameters on top of an off-the-shelf Densenet121 and can distinguish between gradable and ungradable images with an accuracy of 89.18% (AUC: 0.9537). Code and model are available on GitHub: this https URL . QuickQual is so lightweight, that the entire inference code (and even the parameters for QuickQual-MEME) is already contained in this paper.@unpublished{Engelmann2023_7_QuickQual,
author = {Justin Engelmann and Amos Storkey and Miguel O. Bernabeu},
title = {QuickQual: Lightweight, convenient retinal image quality scoring with off-the-shelf pretrained models},
year = {2023},
month = {Jul},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/2307.13646},
}
-
Efficient and fully-automatic retinal choroid segmentation in OCT through DL-based distillation of a hand-crafted pipelineRetinal vascular phenotypes, derived from low-cost, non-invasive retinal imaging, have been linked to systemic conditions such as cardio-, neuro- and reno-vascular disease. Recent high-resolution optical coherence tomography (OCT) allows imaging of the choroidal microvasculature which could provide more information about vascular health that complements the superficial retinal vessels, which current vascular phenotypes are based on. Segmentation of the choroid in OCT is a key step in quantifying choroidal parameters like thickness and area. Gaussian Process Edge Tracing (GPET) is a promising, clinically validated method for this. However, GPET is semi-automatic and thus requires time-consuming manual interventions by specifically trained personnel which introduces subjectivity and limits the potential for analysing larger datasets or deploying GPET into clinical practice. We introduce DeepGPET, which distils GPET into a neural network to yield a fully-automatic and efficient choroidal segmentation method. DeepGPET achieves excellent agreement with GPET on data from 3 clinical studies (AUC=0.9994, Dice=0.9664; Pearson correlation of 0.8908 for choroidal thickness and 0.9082 for choroidal area), while reducing the mean processing time per image from 34.49s (15.09) to 1.25s (0.10) on a standard laptop CPU and removing all manual interventions. DeepGPET will be made available for researchers upon publication.@unpublished{Burke2023_7_Efficient,
author = {Jamie Burke and Justin Engelmann and Charlene Hamid and Megan Reid-Schachter and Tom Pearson and Dan Pugh and Neeraj Dhaun and Stuart King and Tom MacGillivray and Miguel O Bernabeu and Amos Storkey and Ian JC MacCormick},
title = {Efficient and fully-automatic retinal choroid segmentation in OCT through DL-based distillation of a hand-crafted pipeline},
year = {2023},
month = {Jul},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/2307.00904},
}
-
Class Conditional Gaussians for Continual LearningDealing with representation shift is one of the main problems in online continual learning. Current methods mainly solve this by reducing representation shift, but leave the classifier on top of the representation to slowly adapt, in many update steps, to the remaining representation shift, increasing forgetting. We propose DeepCCG, an empirical Bayesian approach to solve this problem. DeepCCG works by updating the posterior of a class conditional Gaussian classifier such that the classifier adapts instantly to representation shift. The use of a class conditional Gaussian classifier also enables DeepCCG to use a log conditional marginal likelihood loss to update the representation, which can be seen as a new type of replay. To perform the update to the classifier and representation, DeepCCG maintains a fixed number of examples in memory and so a key part of DeepCCG is selecting what examples to store, choosing the subset that minimises the KL divergence between the true posterior and the posterior induced by the subset. We demonstrate the performance of DeepCCG on a range of settings, including those with overlapping tasks which thus far have been under-explored. In the experiments, DeepCCG outperforms all other methods, evidencing its potential.@unpublished{Lee2023_7_Class,
author = {Thomas L. Lee and Amos Storkey},
title = {Class Conditional Gaussians for Continual Learning},
year = {2023},
month = {Jul},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/2305.19076},
}
-
ACAT: Adversarial Counterfactual Attention for Classification and Detection in Medical Imaging
International Conference on Machine Learning (ICML)
In some medical imaging tasks and other settings where only small parts of the image are informative for the classification task, traditional CNNs can sometimes struggle to generalise. Manually annotated Regions of Interest (ROI) are sometimes used to isolate the most informative parts of the image. However, these are expensive to collect and may vary significantly across annotators. To overcome these issues, we propose a framework that employs saliency maps to obtain soft spatial attention masks that modulate the image features at different scales. We refer to our method as Adversarial Counterfactual Attention (ACAT). ACAT increases the baseline classification accuracy of lesions in brain CT scans from 71.39% to 72.55% and of COVID-19 related findings in lung CT scans from 67.71% to 70.84% and exceeds the performance of competing methods. We investigate the best way to generate the saliency maps employed in our architecture and propose a way to obtain them from adversarially generated counterfactual images. They are able to isolate the area of interest in brain and lung CT scans without using any manual annotations. In the task of localising the lesion location out of 6 possible regions, they obtain a score of 65.05% on brain CT scans, improving the score of 61.29% obtained with the best competing method.@inproceedings{Fontanella2023_7_ACAT,
author = {Alessandro Fontanella and Antreas Antoniou and Wenwen Li and Joanna Wardlaw and Grant Mair and Emanuele Trucco and Amos Storkey},
title = {ACAT: Adversarial Counterfactual Attention for Classification and Detection in Medical Imaging},
year = {2023},
month = {Jul},
booktitle = {International Conference on Machine Learning (ICML)},
url = {https://arxiv.org/abs/2303.15421},
}
-
Contrastive Meta-Learning for Partially Observable Few-Shot Learning
International Conference on Learning Representations (ICLR)
Many contrastive and meta-learning approaches learn representations by identifying common features in multiple views. However, the formalism for these approaches generally assumes features to be shared across views to be captured coherently. We consider the problem of learning a unified representation from partial observations, where useful features may be present in only some of the views. We approach this through a probabilistic formalism enabling views to map to representations with different levels of uncertainty in different components; these views can then be integrated with one another through marginalisation over that uncertainty. Our approach, Partial Observation Experts Modelling (POEM), then enables us to meta-learn consistent representations from partial observations. We evaluate our approach on an adaptation of a comprehensive few-shot learning benchmark, Meta-Dataset, and demonstrate the benefits of POEM over other meta-learning methods at representation learning from partial observations. We further demonstrate the utility of POEM by meta-learning to represent an environment from partial views observed by an agent exploring the environment.@inproceedings{Jelley2023_5_Contrastive,
author = {Adam Jelley and Amos Storkey and Antreas Antoniou and Sam Devlin},
title = {Contrastive Meta-Learning for Partially Observable Few-Shot Learning},
year = {2023},
month = {May},
booktitle = {International Conference on Learning Representations (ICLR)},
url = {https://arxiv.org/abs/2301.13136},
}
-
GPViT: A High Resolution Non-Hierarchical Vision Transformer with Group Propagation
International Conference on Learning Representations (ICLR)
We present the Group Propagation Vision Transformer (GPViT): a novel nonhierarchical (i.e. non-pyramidal) transformer model designed for general visual recognition with high-resolution features. High-resolution features (or tokens) are a natural fit for tasks that involve perceiving fine-grained details such as detection and segmentation, but exchanging global information between these features is expensive in memory and computation because of the way self-attention scales. We provide a highly efficient alternative Group Propagation Block (GP Block) to exchange global information. In each GP Block, features are first grouped together by a fixed number of learnable group tokens; we then perform Group Propagation where global information is exchanged between the grouped features; finally, global information in the updated grouped features is returned back to the image features through a transformer decoder. We evaluate GPViT on a variety of visual recognition tasks including image classification, semantic segmentation, object detection, and instance segmentation. Our method achieves significant performance gains over previous works across all tasks, especially on tasks that require high-resolution outputs, for example, our GPViT-L3 outperforms Swin Transformer-B by 2.0 mIoU on ADE20K semantic segmentation with only half as many parameters. Code and pre-trained models are available at https://github.com/ChenhongyiYang/GPViT@inproceedings{Yang2023_5_GPViT,
author = {Chenhongyi Yang and Jiarui Xu and Shalini De Mello and Elliot J. Crowley and Xiaolong Wang},
title = {GPViT: A High Resolution Non-Hierarchical Vision Transformer with Group Propagation},
year = {2023},
month = {May},
booktitle = {International Conference on Learning Representations (ICLR)},
url = {https://arxiv.org/abs/2212.06795},
}
-
Can deep learning on retinal images augment known risk factors for cardiovascular disease prediction in diabetes? A prospective cohort study from the national screening programme in Scotland
International Journal of Medical Informatics
"Aims: This study's objective was to evaluate whether deep learning (DL) on retinal photographs from a diabetic retinopathy screening programme improve prediction of incident cardiovascular disease (CVD). Methods: DL models were trained to jointly predict future CVD risk and CVD risk factors and used to output a DL score. Poisson regression models including clinical risk factors with and without a DL score were fitted to study cohorts with 2,072 and 38,730 incident CVD events in type 1 (T1DM) and type 2 diabetes (T2DM) respectively. Results: DL scores were independently associated with incident CVD with adjusted standardised incidence rate ratios of 1.14 (P = 3 × 10-04 95 % CI (1.06, 1.23)) and 1.16 (P = 4 × 10-33 95 % CI (1.13, 1.18)) in T1DM and T2DM cohorts respectively. The differences in predictive performance between models with and without a DL score were statistically significant (differences in test log-likelihood 6.7 and 51.1 natural log units) but the increments in C-statistics from 0.820 to 0.822 and from 0.709 to 0.711 for T1DM and T2DM respectively, were small. Conclusions: These results show that in people with diabetes, retinal photographs contain information on future CVD risk. However for this to contribute appreciably to clinical prediction of CVD further approaches, including exploitation of serial images, need to be evaluated."@article{Mellor2023_4_Can,
author = {Joseph Mellor and Wenhua Jiang and Alan Fleming and Stuart McGurnaghan and Luke Blackbourn and Caroline Styles and Amos J Storkey and Paul M McKeigue and Helen M Colhoun and Scottish Diabetes Research Network Epidemiology Group},
title = {Can deep learning on retinal images augment known risk factors for cardiovascular disease prediction in diabetes? A prospective cohort study from the national screening programme in Scotland},
year = {2023},
month = {Apr},
journal = {International Journal of Medical Informatics},
volume = {},
url = {https://pubmed.ncbi.nlm.nih.gov/37167840/},
}
-
Adversarial robustness of β−VAE through the lens of local geometry
International Conference on Artificial Intelligence and Statistics (AISTATS)
Variational autoencoders (VAEs) are susceptible to adversarial attacks. An adversary can find a small perturbation in the input sample to change its latent encoding non-smoothly, thereby compromising the reconstruction. A known reason for such vulnerability is the latent space distortions arising from a mismatch between approximated latent posterior and a prior distribution. Consequently, a slight change in the inputs leads to a significant change in the latent space encodings. This paper demonstrates that the sensitivity around a data point is due to a directional bias of a stochastic pullback metric tensor induced by the encoder network. The pullback metric tensor measures the infinitesimal volume change from input to latent space. Thus, it can be viewed as a lens to analyse the effect of small changes in the input leading to distortions in the latent space. We propose robustness evaluation scores using the eigenspectrum of a pullback metric. Moreover, we empirically show that the scores correlate with the robustness parameter β of the β−VAE.@inproceedings{Khan2023_4_Adversarial,
author = {Asif Khan and Amos Storkey},
title = {Adversarial robustness of β−VAE through the lens of local geometry},
year = {2023},
month = {Apr},
booktitle = {International Conference on Artificial Intelligence and Statistics (AISTATS)},
url = {https://arxiv.org/abs/2208.03923},
}
-
Detection of multiple retinal diseases in ultra-widefield fundus images using deep learning: data-driven identification of relevant regions
Nature Machine Intelligence
Ultra-widefield (UWF) imaging is a promising modality that captures a larger retinal field of view compared to traditional fundus photography. Previous studies showed that deep learning (DL) models are effective for detecting retinal disease in UWF images, but primarily considered individual diseases under less-than-realistic conditions (excluding images with other diseases, artefacts, comorbidities, or borderline cases; and balancing healthy and diseased images) and did not systematically investigate which regions of the UWF images are relevant for disease detection. We first improve on the state of the field by proposing a DL model that can recognise multiple retinal diseases under more realistic conditions. We then use global explainability methods to identify which regions of the UWF images the model generally attends to. Our model performs very well, separating between healthy and diseased retinas with an area under the curve (AUC) of 0.9206 on an internal test set, and an AUC of 0.9841 on a challenging, external test set. When diagnosing specific diseases, the model attends to regions where we would expect those diseases to occur. We further identify the posterior pole as the most important region in a purely data-driven fashion. Surprisingly, 10% of the image around the posterior pole is sufficient for achieving comparable performance to having the full images available.@article{Engelmann2022_12_Detection,
author = {Justin Engelmann and Alice D. McTrusty and Ian J. C. MacCormick and Emma Pead and Amos Storkey and Miguel O. Bernabeu},
title = {Detection of multiple retinal diseases in ultra-widefield fundus images using deep learning: data-driven identification of relevant regions},
year = {2022},
month = {Dec},
journal = {Nature Machine Intelligence},
volume = {},
url = {https://arxiv.org/abs/2203.06113},
}
-
Hamiltonian Latent Operators for content and motion disentanglement in image sequences
Advances in Neural Information Processing Systems
We present a deep latent variable model for high dimensional sequential data. Our model factorises the latent space into content and motion variables. To model the diverse dynamics, we split the motion space into subspaces, and introduce a unique Hamiltonian operator for each subspace. The Hamiltonian formulation provides reversible dynamics that learn to constrain the motion path to conserve invariant properties. The explicit split of the motion space decomposes the Hamiltonian into symmetry groups and gives long-term separability of the dynamics. This split also means representations can be learnt that are easy to interpret and control. We demonstrate the utility of our model for swapping the motion of two videos, generating sequences of various actions from a given image and unconditional sequence generation.@inproceedings{Khan2022_12_Hamiltonian,
author = {Asif Khan and Amos Storkey},
title = {Hamiltonian Latent Operators for content and motion disentanglement in image sequences},
year = {2022},
month = {Dec},
booktitle = {Advances in Neural Information Processing Systems},
url = {https://arxiv.org/abs/2112.01641},
}
-
Plug and Play Active Learning for Object DetectionAnnotating data for supervised learning is expensive and tedious, and we want to do as little of it as possible. To make the most of a given "annotation budget" we can turn to active learning (AL) which aims to identify the most informative samples in a dataset for annotation. Active learning algorithms are typically uncertainty-based or diversity-based. Both have seen success in image classification, but fall short when it comes to object detection. We hypothesise that this is because: (1) it is difficult to quantify uncertainty for object detection as it consists of both localisation and classification, where some classes are harder to localise, and others are harder to classify; (2) it is difficult to measure similarities for diversity-based AL when images contain different numbers of objects. We propose a two-stage active learning algorithm Plug and Play Active Learning (PPAL) that overcomes these difficulties. It consists of (1) Difficulty Calibrated Uncertainty Sampling, in which we used a category-wise difficulty coefficient that takes both classification and localisation into account to re-weight object uncertainties for uncertainty-based sampling; (2) Category Conditioned Matching Similarity to compute the similarities of multi-instance images as ensembles of their instance similarities. PPAL is highly generalisable because it makes no change to model architectures or detector training pipelines. We benchmark PPAL on the MS-COCO and Pascal VOC datasets using different detector architectures and show that our method outperforms the prior state-of-the-art. Code is available at https://github.com/ChenhongyiYang/PPAL@unpublished{Yang2022_11_Plug,
author = {Chenhongyi Yang and Lichao Huang and Elliot J. Crowley},
title = {Plug and Play Active Learning for Object Detection},
year = {2022},
month = {Nov},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/2211.11612},
}
-
Prediction-Guided Distillation for Dense Object Detection
European Conference on Computer Vision
Real-world object detection models should be cheap and accurate. Knowledge distillation (KD) can boost the accuracy of a small, cheap detection model by leveraging useful information from a larger teacher model. However, a key challenge is identifying the most informative features produced by the teacher for distillation. In this work, we show that only a very small fraction of features within a ground-truth bounding box are responsible for a teacher's high detection performance. Based on this, we propose Prediction-Guided Distillation (PGD), which focuses distillation on these key predictive regions of the teacher and yields considerable gains in performance over many existing KD baselines. In addition, we propose an adaptive weighting scheme over the key regions to smooth out their influence and achieve even better performance. Our proposed approach outperforms current state-of-the-art KD baselines on a variety of advanced one-stage detection architectures. Specifically, on the COCO dataset, our method achieves between +3.1% and +4.6% AP improvement using ResNet-101 and ResNet-50 as the teacher and student backbones, respectively. On the CrowdHuman dataset, we achieve +3.2% and +2.0% improvements in MR and AP, also using these backbones. Our code is available at https://github.com/ChenhongyiYang/PGD.@inproceedings{Yang2022_10_PredictionGuided,
author = {Chenhongyi Yang and Mateusz Ochal and Amos Storkey and Elliot J. Crowley},
title = {Prediction-Guided Distillation for Dense Object Detection},
year = {2022},
month = {Oct},
booktitle = {European Conference on Computer Vision},
url = {https://arxiv.org/abs/2203.05469},
}
-
Deep attention super-resolution of brain magnetic resonance images acquired under clinical protocols
Front Comput Neurosci
Vast quantities of Magnetic Resonance Images (MRI) are routinely acquired in clinical practice but, to speed up acquisition, these scans are typically of a quality that is sufficient for clinical diagnosis but sub-optimal for large-scale precision medicine, computational diagnostics, and large-scale neuroimaging research. Here, we present a critic-guided framework to upsample low-resolution (often 2D) MRI scans. In addition, we incorporated feature-importance and self-attention methods into our model to improve the interpretability of this work. We evaluate our framework on paired low- and high-resolution brain MRI structural full scans (i.e. T1-, T2-weighted and FLAIR sequences are simultaneously input) obtained in clinical and research settings from scanners manufactured by Siemens, Phillips and GE. We showed that the upsampled MRIs are qualitatively faithful to the ground-truth high-quality scans (PSNR = 35.39; MAE = 3.78E −3; NMSE = 4.32E −10; SSIM = 0.9852; mean normal-appearing grey/white matter ratio intensity differences ranging from 0.0363 to 0.0784 for FLAIR, from 0.0010 to 0.0138 for T1-weighted and from 0.0156 to 0.074 for T2-weighted sequences). The automatic raw segmentations of tissues and lesions using the super-resolved images have fewer false positives and higher accuracy than those obtained from interpolated images in protocols represented with more than three sets in the training sample, making our approach a strong candidate for practical application in clinical research.@article{Li2022_8_Deep,
author = {Bryan M Li and Leonardo V Castorina and Maria Del Carmen Valdés Hernández and Una Clancy and Stewart J Wiseman and Eleni Sakka and Amos J Storkey and Daniela Jaime Garcia and Yajun Cheng and Fergus Doubal and Michael T Thrippleton and Michael Stringer and Joanna M Wardlaw},
title = {Deep attention super-resolution of brain magnetic resonance images acquired under clinical protocols},
year = {2022},
month = {Aug},
journal = {Front Comput Neurosci},
volume = {},
url = {https://www.medrxiv.org/content/10.1101/2022.01.24.22269144v1},
}
-
Robust and efficient computation of retinal fractal dimension through deep approximation
9th MICCAI Workshop on Ophthalmic Medical Image Analysis at MICCAI 2022
A retinal trait, or phenotype, summarises a specific aspect of a retinal image in a single number. This can then be used for further analyses, e.g. with statistical methods. However, reducing an aspect of a complex image to a single, meaningful number is challenging. Thus, methods for calculating retinal traits tend to be complex, multi-step pipelines that can only be applied to high quality images. This means that researchers often have to discard substantial portions of the available data. We hypothesise that such pipelines can be approximated with a single, simpler step that can be made robust to common quality issues. We propose Deep Approximation of Retinal Traits (DART) where a deep neural network is used predict the output of an existing pipeline on high quality images from synthetically degraded versions of these images. We demonstrate DART on retinal Fractal Dimension (FD) calculated by VAMPIRE, using retinal images from UK Biobank that previous work identified as high quality. Our method shows very high agreement with FD VAMPIRE on unseen test images (Pearson r=0.9572). Even when those images are severely degraded, DART can still recover an FD estimate that shows good agreement with FD VAMPIRE obtained from the original images (Pearson r=0.8817). This suggests that our method could enable researchers to discard fewer images in the future. Our method can compute FD for over 1,000img/s using a single GPU. We consider these to be very encouraging initial results and hope to develop this approach into a useful tool for retinal analysis.@inproceedings{Engelmann2022_7_Robust,
author = {Justin Engelmann and Ana Villaplana-Velasco and Amos Storkey and Miguel O. Bernabeu},
title = {Robust and efficient computation of retinal fractal dimension through deep approximation},
year = {2022},
month = {Jul},
booktitle = {9th MICCAI Workshop on Ophthalmic Medical Image Analysis at MICCAI 2022},
url = {https://arxiv.org/abs/2207.05757},
}
-
Learning Task Embeddings for Teamwork Adaptation in Multi-Agent Reinforcement LearningSuccessful deployment of multi-agent reinforcement learning often requires agents to adapt their behaviour. In this work, we discuss the problem of teamwork adaptation in which a team of agents needs to adapt their policies to solve novel tasks with limited fine-tuning. Motivated by the intuition that agents need to be able to identify and distinguish tasks in order to adapt their behaviour to the current task, we propose to learn multi-agent task embeddings (MATE). These task embeddings are trained using an encoder-decoder architecture optimised for reconstruction of the transition and reward functions which uniquely identify tasks. We show that a team of agents is able to adapt to novel tasks when provided with task embeddings. We propose three MATE training paradigms: independent MATE, centralised MATE, and mixed MATE which vary in the information used for the task encoding. We show that the embeddings learned by MATE identify tasks and provide useful information which agents leverage during adaptation to novel tasks.@unpublished{Schäfer2022_7_Learning,
author = {Lukas Schäfer and Filippos Christianos and Amos Storkey and Stefano V. Albrecht},
title = {Learning Task Embeddings for Teamwork Adaptation in Multi-Agent Reinforcement Learning},
year = {2022},
month = {Jul},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/2207.02249},
}
-
Global explainability in aligned image modalities
Interpretable Machine Learning in Healthcare at ICML 2022
Deep learning (DL) models are very effective on many computer vision problems and increasingly used in critical applications. They are also inherently black box. A number of methods exist to generate image-wise explanations that allow practitioners to understand and verify model predictions for a given image. Beyond that, it would be desirable to validate that a DL model \textit{generally} works in a sensible way, i.e. consistent with domain knowledge and not relying on undesirable data artefacts. For this purpose, the model needs to be explained globally. In this work, we focus on image modalities that are naturally aligned such that each pixel position represents a similar relative position on the imaged object, as is common in medical imaging. We propose the pixel-wise aggregation of image-wise explanations as a simple method to obtain label-wise and overall global explanations. These can then be used for model validation, knowledge discovery, and as an efficient way to communicate qualitative conclusions drawn from inspecting image-wise explanations. We further propose Progressive Erasing Plus Progressive Restoration (PEPPR) as a method to quantitatively validate that these global explanations are faithful to how the model makes its predictions. We then apply these methods to ultra-widefield retinal images, a naturally aligned modality. We find that the global explanations are consistent with domain knowledge and faithfully reflect the model's workings.@inproceedings{Engelmann2021_12_Global,
author = {Justin Engelmann and Amos Storkey and Miguel O. Bernabeu},
title = {Global explainability in aligned image modalities},
year = {2021},
month = {Dec},
booktitle = {Interpretable Machine Learning in Healthcare at ICML 2022},
url = {https://arxiv.org/abs/2112.09591},
}
-
Gradient-based Hyperparameter Optimization Over Long Horizons
Advances in Neural Information Processing Systems
Gradient-based hyperparameter optimization has earned a widespread popularity in the context of few-shot meta-learning, but remains broadly impractical for tasks with long horizons (many gradient steps), due to memory scaling and gradient degradation issues. A common workaround is to learn hyperparameters online, but this introduces greediness which comes with a significant performance drop. We propose forward-mode differentiation with sharing (FDS), a simple and efficient algorithm which tackles memory scaling issues with forward-mode differentiation, and gradient degradation issues by sharing hyperparameters that are contiguous in time. We provide theoretical guarantees about the noise reduction properties of our algorithm, and demonstrate its efficiency empirically by differentiating through ∼104 gradient steps of unrolled optimization. We consider large hyperparameter search ranges on CIFAR-10 where we significantly outperform greedy gradient-based alternatives, while achieving ×20 speedups compared to the state-of-the-art black-box methods.@inproceedings{Micaelli2021_12_Gradientbased,
author = {Paul Micaelli and Amos Storkey},
title = {Gradient-based Hyperparameter Optimization Over Long Horizons},
year = {2021},
month = {Dec},
booktitle = {Advances in Neural Information Processing Systems},
accepted = {2021-09-28},
url = {https://arxiv.org/abs/2007.07869},
}
-
Contrastive Object-level Pre-training with Spatial Noise Curriculum LearningThe goal of contrastive learning based pre-training is to leverage large quantities of unlabeled data to produce a model that can be readily adapted downstream. Current approaches revolve around solving an image discrimination task: given an anchor image, an augmented counterpart of that image, and some other images, the model must produce representations such that the distance between the anchor and its counterpart is small, and the distances between the anchor and the other images are large. There are two significant problems with this approach: (i) by contrasting representations at the image-level, it is hard to generate detailed object-sensitive features that are beneficial to downstream object-level tasks such as instance segmentation; (ii) the augmentation strategy of producing an augmented counterpart is fixed, making learning less effective at the later stages of pre-training. In this work, we introduce Curricular Contrastive Object-level Pre-training (CCOP) to tackle these problems: (i) we use selective search to find rough object regions and use them to build an inter-image object-level contrastive loss and an intra-image object-level discrimination loss into our pre-training objective; (ii) we present a curriculum learning mechanism that adaptively augments the generated regions, which allows the model to consistently acquire a useful learning signal, even in the later stages of pre-training. Our experiments show that our approach improves on the MoCo v2 baseline by a large margin on multiple object-level tasks when pre-training on multi-object scene image datasets. Code is available at https://github.com/ChenhongyiYang/CCOP.@unpublished{Yang2021_11_Contrastive,
author = {Chenhongyi Yang and Lichao Huang and Elliot J. Crowley},
title = {Contrastive Object-level Pre-training with Spatial Noise Curriculum Learning},
year = {2021},
month = {Nov},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/2111.13651},
}
-
Better Training using Weight-Constrained Stochastic Dynamics
International Conference on Machine Learning (ICML)
We employ constraints to control the parameter space of deep neural networks throughout training. The use of customized, appropriately designed constraints can reduce the vanishing/exploding gradients problem, improve smoothness of classification boundaries, control weight magnitudes and stabilize deep neural networks, and thus enhance the robustness of training algorithms and the generalization capabilities of neural networks. We provide a general approach to efficiently incorporate constraints into a stochastic gradient Langevin framework, allowing enhanced exploration of the loss landscape. We also present specific examples of constrained training methods motivated by orthogonality preservation for weight matrices and explicit weight normalizations. Discretization schemes are provided both for the overdamped formulation of Langevin dynamics and the underdamped form, in which momenta further improve sampling efficiency. These optimization schemes can be used directly, without needing to adapt neural network architecture design choices or to modify the objective with regularization terms, and see performance improvements in classification tasks.@inproceedings{Leimkuhler2021_7_Better,
author = {Benedict Leimkuhler and Tiffany Vlaar and Timothée Pouchon and Amos Storkey},
title = {Better Training using Weight-Constrained Stochastic Dynamics},
year = {2021},
month = {Jul},
booktitle = {International Conference on Machine Learning (ICML)},
accepted = {2021-05-08},
url = {https://arxiv.org/abs/2106.10704},
}
-
Neural Architecture Search without Training
International Conference on Machine Learning (ICML)
The time and effort involved in hand-designing deep neural networks is immense. This has prompted the development of Neural Architecture Search (NAS) techniques to automate this design. However, NAS algorithms tend to be slow and expensive; they need to train vast numbers of candidate networks to inform the search process. This could be alleviated if we could partially predict a network's trained accuracy from its initial state. In this work, we examine the overlap of activations between datapoints in untrained networks and motivate how this can give a measure which is usefully indicative of a network's trained performance. We incorporate this measure into a simple algorithm that allows us to search for powerful networks without any training in a matter of seconds on a single GPU, and verify its effectiveness on NAS-Bench-101, NAS-Bench-201, and Network Design Spaces. Finally, our approach can be readily combined with more expensive search methods; we examine a simple adaptation of regularised evolutionary search that outperforms its predecessor. Code for reproducing our experiments is available at https://github.com/BayesWatch/nas-without-training.@inproceedings{Mellor2021_7_Neural,
author = {Joseph Mellor and Jack Turner and Amos Storkey and Elliot J. Crowley},
title = {Neural Architecture Search without Training},
year = {2021},
month = {Jul},
booktitle = {International Conference on Machine Learning (ICML)},
accepted = {2021-05-08},
url = {https://arxiv.org/abs/2006.04647},
}
-
Substituting Convolutions for Neural Network Compression
IEEE Access
Many practitioners would like to deploy deep, convolutional neural networks in memory-limited scenarios, e.g. on an embedded device. However, with an abundance of compression techniques available it is not obvious how to proceed; many bring with them additional hyperparameter tuning, and are specific to particular network types. In this paper, we propose a simple compression technique that is general, easy to apply, and requires minimal tuning. Given a large, trained network, we propose (i) substituting its expensive convolutions with cheap alternatives, leaving the overall architecture unchanged; (ii) treating this new network as a student and training it with the original as a teacher through distillation. We demonstrate this approach separately for (i) networks predominantly consisting of full 3×3 convolutions and (ii) 1×1 or pointwise convolutions which together make up the vast majority of contemporary networks. We are able to leverage a number of methods that have been developed as efficient alternatives to fully-connected layers for pointwise substitution, allowing us provide Pareto-optimal benefits in efficiency/accuracy.@article{Crowley2021_5_Substituting,
author = {Elliot J. Crowley and Gavia Gray and Jack Turner and Amos Storkey},
title = {Substituting Convolutions for Neural Network Compression},
year = {2021},
month = {May},
journal = {IEEE Access},
volume = {},
accepted = {2021-05-20},
url = {https://ieeexplore.ieee.org/document/9446890},
}
-
How Sensitive are Meta-Learners to Dataset Imbalance?
ICLR Learning to Learn Workshop
Meta-Learning (ML) has proven to be a useful tool for training Few-Shot Learning (FSL) algorithms by exposure to batches of tasks sampled from a meta-dataset. However, the standard training procedure overlooks the dynamic nature of the real-world where object classes are likely to occur at different frequencies. While it is generally understood that imbalanced tasks harm the performance of supervised methods, there is no significant research examining the impact of imbalanced meta-datasets on the FSL evaluation task. This study exposes the magnitude and extent of this problem. Our results show that ML methods are more robust against meta-dataset imbalance than imbalance at the task-level with a similar imbalance ratio (ρ<20), with the effect holding even in long-tail datasets under a larger imbalance (ρ=65). Overall, these results highlight an implicit strength of ML algorithms, capable of learning generalizable features under dataset imbalance and domain-shift. The code to reproduce the experiments is released under an open-source license.@inproceedings{Ochal2021_5_How,
author = {Mateusz Ochal and Massimiliano Patacchiola and Amos Storkey and Jose Vazquez and Sen Wang},
title = {How Sensitive are Meta-Learners to Dataset Imbalance?},
year = {2021},
month = {May},
booktitle = {ICLR Learning to Learn Workshop},
appeared = {2021-04-12},
url = {https://arxiv.org/abs/2104.05344},
}
-
Meta-Learning in Neural Networks: A Survey
IEEE Transactions on Pattern Analysis and Machine Intelligence
The field of meta-learning, or learning-to-learn, has seen a dramatic rise in interest in recent years. Contrary to conventional approaches to AI where a given task is solved from scratch using a fixed learning algorithm, meta-learning aims to improve the learning algorithm itself, given the experience of multiple learning episodes. This paradigm provides an opportunity to tackle many of the conventional challenges of deep learning, including data and computation bottlenecks, as well as the fundamental issue of generalization. In this survey we describe the contemporary meta-learning landscape. We first discuss definitions of meta-learning and position it with respect to related fields, such as transfer learning, multi-task learning, and hyperparameter optimization. We then propose a new taxonomy that provides a more comprehensive breakdown of the space of meta-learning methods today. We survey promising applications and successes of meta-learning including few-shot learning, reinforcement learning and architecture search. Finally, we discuss outstanding challenges and promising areas for future research.@article{Hospedales2021_5_MetaLearning,
author = {Timothy Hospedales and Antreas Antoniou and Paul Micaelli and Amos Storkey},
title = {Meta-Learning in Neural Networks: A Survey},
year = {2021},
month = {May},
journal = {IEEE Transactions on Pattern Analysis and Machine Intelligence},
volume = {},
accepted = {2021-04-27},
url = {https://ieeexplore.ieee.org/document/9428530},
}
-
Neural Architecture Search as Program Transformation Exploration
International Conference on Architectural Support for Programming Languages and Operating Systems (ASPLOS)
Improving the performance of deep neural networks (DNNs) is important to both the compiler and neural architecture search (NAS) communities. Compilers apply program transformations in order to exploit hardware parallelism and memory hierarchy. However, legality concerns mean they fail to exploit the natural robustness of neural networks. In contrast, NAS techniques mutate networks by operations such as the grouping or bottlenecking of convolutions, exploiting the resilience of DNNs. In this work, we express such neural architecture operations as program transformations whose legality depends on a notion of representational capacity. This allows them to be combined with existing transformations into a unified optimization framework. This unification allows us to express existing NAS operations as combinations of simpler transformations. Crucially, it allows us to generate and explore new tensor convolutions. We prototyped the combined framework in TVM and were able to find optimizations across different DNNs, that significantly reduce inference time - over 3 times in the majority of cases.@inproceedings{Turner2021_4_Neural,
author = {Jack Turner and Elliot J. Crowley and Michael O'Boyle},
title = {Neural Architecture Search as Program Transformation Exploration},
year = {2021},
month = {Apr},
booktitle = {International Conference on Architectural Support for Programming Languages and Operating Systems (ASPLOS)},
appeared = {2020-11-19},
accepted = {2020-11-19},
url = {https://arxiv.org/abs/2102.06599},
}
-
Few-Shot Learning with Class ImbalanceFew-shot learning aims to train models on a limited number of labeled samples given in a support set in order to generalize to unseen samples from a query set. In the standard setup, the support set contains an equal amount of data points for each class. However, this assumption overlooks many practical considerations arising from the dynamic nature of the real world, such as class-imbalance. In this paper, we present a detailed study of few-shot class-imbalance along three axes: meta-dataset vs. task imbalance, effect of different imbalance distributions (linear, step, random), and effect of rebalancing techniques. We extensively compare over 10 state-of-the-art few-shot learning and meta-learning methods using unbalanced tasks and meta-datasets. Our analysis using Mini-ImageNet reveals that 1) compared to the balanced task, the performances on class-imbalance tasks counterparts always drop, by up to 18.0% for optimization-based methods, and up to 8.4 for metric-based methods, 2) contrary to popular belief, meta-learning algorithms, such as MAML, do not automatically learn to balance by being exposed to imbalanced tasks during (meta-)training time, 3) strategies used to mitigate imbalance in supervised learning, such as oversampling, can offer a stronger solution to the class imbalance problem, 4) the effect of imbalance at the meta-dataset level is less significant than the effect at the task level with similar imbalance magnitude. The code to reproduce the experiments is released under an open-source license.@unpublished{Ochal2021_1_FewShot,
author = {Mateusz Ochal and Massimiliano Patacchiola and Amos Storkey and Jose Vazquez and Sen Wang},
title = {Few-Shot Learning with Class Imbalance},
year = {2021},
month = {Jan},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/2101.02523},
}
-
Self-Supervised Relational Reasoning for Representation Learning
Advances in Neural Information Processing Systems (NeurIPS)
In self-supervised learning, a system is tasked with achieving a surrogate objective by defining alternative targets on a set of unlabeled data. The aim is to build useful representations that can be used in downstream tasks, without costly manual annotation. In this work, we propose a novel self-supervised formulation of relational reasoning that allows a learner to bootstrap a signal from information implicit in unlabeled data. Training a relation head to discriminate how entities relate to themselves (intra-reasoning) and other entities (inter-reasoning), results in rich and descriptive representations in the underlying neural network backbone, which can be used in downstream tasks such as classification and image retrieval. We evaluate the proposed method following a rigorous experimental procedure, using standard datasets, protocols, and backbones. Self-supervised relational reasoning outperforms the best competitor in all conditions by an average 14% in accuracy, and the most recent state-of-the-art model by 3%. We link the effectiveness of the method to the maximization of a Bernoulli log-likelihood, which can be considered as a proxy for maximizing the mutual information, resulting in a more efficient objective with respect to the commonly used contrastive losses.@inproceedings{Patacchiola2020_12_SelfSupervised,
author = {Massimiliano Patacchiola and Amos Storkey},
title = {Self-Supervised Relational Reasoning for Representation Learning},
year = {2020},
month = {Dec},
booktitle = {Advances in Neural Information Processing Systems (NeurIPS)},
appeared = {2020-09-25},
accepted = {2020-09-25},
url = {https://arxiv.org/abs/2006.05849},
}
-
Bayesian Meta-Learning for the Few-Shot Setting via Deep Kernels
Advances in Neural Information Processing Systems (NeurIPS)
Recently, different machine learning methods have been introduced to tackle the challenging few-shot learning scenario that is, learning from a small labeled dataset related to a specific task. Common approaches have taken the form of meta-learning: learning to learn on the new problem given the old. Following the recognition that meta-learning is implementing learning in a multi-level model, we present a Bayesian treatment for the meta-learning inner loop through the use of deep kernels. As a result we can learn a kernel that transfers to new tasks; we call this Deep Kernel Transfer (DKT). This approach has many advantages: is straightforward to implement as a single optimizer, provides uncertainty quantification, and does not require estimation of task-specific parameters. We empirically demonstrate that DKT outperforms several state-of-the-art algorithms in few-shot classification, and is the state of the art for cross-domain adaptation and regression. We conclude that complex meta-learning routines can be replaced by a simpler Bayesian model without loss of accuracy.@inproceedings{Patacchiola2020_12_Bayesian,
author = {Massimiliano Patacchiola and Jack Turner and Elliot J. Crowley and Michael O'Boyle and Amos Storkey},
title = {Bayesian Meta-Learning for the Few-Shot Setting via Deep Kernels},
year = {2020},
month = {Dec},
booktitle = {Advances in Neural Information Processing Systems (NeurIPS)},
accepted = {2020-09-25},
url = {https://arxiv.org/abs/1910.05199},
}
-
Constraint-Based Regularisation of Neural Networks
NeurIPS OPT2020: 12th Annual Workshop on Optimization for Machine Learning
We propose a method for efficiently incorporating constraints into a stochastic gradient Langevin framework for the training of deep neural networks. Constraints allow direct control of the parameter space of the model. Appropriately designed, they reduce the vanishing/exploding gradient problem, control weight magnitudes and stabilize deep neural networks and thus improve the robustness of training algorithms and generalization capabilities of the trained neural network. We present examples of constrained training methods motivated by orthogonality preservation for weight matrices and explicit weight normalizations. We describe the methods in the overdamped formulation of Langevin dynamics and the underdamped form, in which momenta help to improve sampling efficiency. Our methods see performance improvements on image classification tasks.@inproceedings{Leimkuhler2020_12_ConstraintBased,
author = {Benedict Leimkuhler and Timothée Pouchon and Tiffany Vlaar and Amos Storkey},
title = {Constraint-Based Regularisation of Neural Networks},
year = {2020},
month = {Dec},
booktitle = {NeurIPS OPT2020: 12th Annual Workshop on Optimization for Machine Learning},
url = {http://homepages.inf.ed.ac.uk/amos/publications/LeimkuhlerPouchonVlaarStorkey2020ConstraintBasedRegularisatonNeurIPSWSOPT.pdf},
}
-
Classification with a domain shift in medical imaging
Med-NeurIPS 2020: Medical Imaging meets NeurIPS Workshop
Labelled medical imaging datasets are often small in size, but other unlabelled datasets with a domain shift may be available. In this work, we propose a method that is able to exploit these additional unlabelled data, possibly with a domain shift, to improve predictions on our labelled data. To this aim, we learn features in a self-supervised way while projecting all the data onto the same space to achieve better transfer. We first test our approach on natural images and verify its effectiveness on Office-31 data. Then, we apply it to retinal fundus datasets and through a series of experiments on age-related macular degeneration (AMD) and diabetic retinopathy (DR) grading, we show how our method improves the baseline of pre-training on ImageNet and fine-tuning on the labelled data in terms of classification accuracy, AUC and clinical interpretability.@inproceedings{Fontanella2020_12_Classification,
author = {Alessandro Fontanella and Emma Pead and Tom MacGillivray and Miguel O. Bernabeu and Amos Storkey},
title = {Classification with a domain shift in medical imaging},
year = {2020},
month = {Dec},
booktitle = {Med-NeurIPS 2020: Medical Imaging meets NeurIPS Workshop},
accepted = {2020-11-01},
url = {http://www.cse.cuhk.edu.hk/~qdou/public/medneurips2020/43_Classification_with_a_domain_shift_in_medical_imaging.pdf},
}
-
Defining Benchmarks for Continual Few-Shot Learning
NeurIPS MetaLearn 2020: Workshop on Meta-Learning
Both few-shot and continual learning have seen substantial progress in the last years due to the introduction of proper benchmarks. That being said, the field has still to frame a suite of benchmarks for the highly desirable setting of continual few-shot learning, where the learner is presented a number of few-shot tasks, one after the other, and then asked to perform well on a validation set stemming from all previously seen tasks. Continual few-shot learning has a small computational footprint and is thus an excellent setting for efficient investigation and experimentation. In this paper we first define a theoretical framework for continual few-shot learning, taking into account recent literature, then we propose a range of flexible benchmarks that unify the evaluation criteria and allows exploring the problem from multiple perspectives. As part of the benchmark, we introduce a compact variant of ImageNet, called SlimageNet64, which retains all original 1000 classes but only contains 200 instances of each one (a total of 200K data-points) downscaled to 64 x 64 pixels. We provide baselines for the proposed benchmarks using a number of popular few-shot learning algorithms, as a result, exposing previously unknown strengths and weaknesses of those algorithms in continual and data-limited settings.@inproceedings{Antoniou2020_12_Defining,
author = {Antreas Antoniou and Massimiliano Patacchiola and Mateusz Ochal and Amos Storkey},
title = {Defining Benchmarks for Continual Few-Shot Learning},
year = {2020},
month = {Dec},
booktitle = {NeurIPS MetaLearn 2020: Workshop on Meta-Learning},
accepted = {2020-11-01},
url = {https://arxiv.org/abs/2004.11967},
}
-
Latent Adversarial Debiasing: Mitigating Collider Bias in Deep Neural NetworksCollider bias is a harmful form of sample selection bias that neural networks are ill-equipped to handle. This bias manifests itself when the underlying causal signal is strongly correlated with other confounding signals due to the training data collection procedure. In the situation where the confounding signal is easy-to-learn, deep neural networks will latch onto this and the resulting model will generalise poorly to in-the-wild test scenarios. We argue herein that the cause of failure is a combination of the deep structure of neural networks and the greedy gradient-driven learning process used - one that prefers easy-to-compute signals when available. We show it is possible to mitigate against this by generating bias-decoupled training data using latent adversarial debiasing (LAD), even when the confounding signal is present in 100% of the training data. By training neural networks on these adversarial examples,we can improve their generalisation in collider bias settings. Experiments show state-of-the-art performance of LAD in label-free debiasing with gains of 76.12% on background coloured MNIST, 35.47% on fore-ground coloured MNIST, and 8.27% on corrupted CIFAR-10.@unpublished{Darlow2020_11_Latent,
author = {Luke N. Darlow and Stanisław Jastrzębski and Amos Storkey},
title = {Latent Adversarial Debiasing: Mitigating Collider Bias in Deep Neural Networks},
year = {2020},
month = {Nov},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/2011.11486},
}
-
Optimizing Grouped Convolutions on Edge Devices
International Conference on Application-specific Systems, Architectures and Processors (ASAP)
When deploying a deep neural network on constrained hardware, it is possible to replace the network's standard convolutions with grouped convolutions. This allows for substantial memory savings with minimal loss of accuracy. However, current implementations of grouped convolutions in modern deep learning frameworks are far from performing optimally in terms of speed. In this paper we propose Grouped Spatial Pack Convolutions (GSPC), a new implementation of grouped convolutions that outperforms existing solutions. We implement GSPC in TVM, which provides state-of-the-art performance on edge devices. We analyze a set of networks utilizing different types of grouped convolutions and evaluate their performance in terms of inference time on several edge devices. We observe that our new implementation scales well with the number of groups and provides the best inference times in all settings, improving the existing implementations of grouped convolutions in TVM, PyTorch and TensorFlow Lite by 3.4x, 8x and 4x on average respectively. Code is available at https://github.com/gecLAB/tvm-GSPC/.@inproceedings{Gibson2020_7_Optimizing,
author = {Perry Gibson and José Cano and Jack Turner and Elliot J. Crowley and Michael O'Boyle and Amos Storkey},
title = {Optimizing Grouped Convolutions on Edge Devices},
year = {2020},
month = {Jul},
booktitle = {International Conference on Application-specific Systems, Architectures and Processors (ASAP)},
accepted = {2020-05-20},
url = {https://arxiv.org/abs/2006.09791},
}
-
Comparing Recurrent and Convolutional Neural Networks for Predicting Wave Propagation
Workshop on Deep Learning and Differential Equations, ICLR
Dynamical systems can be modelled by partial differential equations and numerical computations are used everywhere in science and engineering. In this work, we investigate the performance of recurrent and convolutional deep neural network architectures to predict the surface waves. The system is governed by the Saint-Venant equations. We improve on the long-term prediction over previous methods while keeping the inference time at a fraction of numerical simulations. We also show that convolutional networks perform at least as well as recurrent networks in this task. Finally, we assess the generalisation capability of each network by extrapolating in longer time-frames and in different physical settings.@inproceedings{Fotiadis2020_4_Comparing,
author = {Stathi Fotiadis and Eduardo Pignatelli and Mario Lino Valencia and Chris Cantwell and Amos Storkey and Anil A. Bharath},
title = {Comparing Recurrent and Convolutional Neural Networks for Predicting Wave Propagation},
year = {2020},
month = {Apr},
booktitle = {Workshop on Deep Learning and Differential Equations, ICLR},
url = {https://arxiv.org/abs/2002.08981},
}
-
BlockSwap: Fisher-guided Block Substitution for Network Compression on a Budget
International Conference on Learning Representations (ICLR)
The desire to map neural networks to varying-capacity devices has led to the development of a wealth of compression techniques, many of which involve replacing standard convolutional blocks in a large network with cheap alternative blocks. However, not all blocks are created equally; for a required compute budget there may exist a potent combination of many different cheap blocks, though exhaustively searching for such a combination is prohibitively expensive. In this work, we develop BlockSwap: a fast algorithm for choosing networks with interleaved block types by passing a single minibatch of training data through randomly initialised networks and gauging their Fisher potential. These networks can then be used as students and distilled with the original large network as a teacher. We demonstrate the effectiveness of the chosen networks across CIFAR-10 and ImageNet for classification, and COCO for detection, and provide a comprehensive ablation study of our approach. BlockSwap quickly explores possible block configurations using a simple architecture ranking system, yielding highly competitive networks in orders of magnitude less time than most architecture search techniques (e.g. 8 minutes on a single CPU for CIFAR-10).@inproceedings{Turner2020_4_BlockSwap,
author = {Jack Turner and Elliot J. Crowley and Michael O'Boyle and Amos Storkey and Gavia Gray},
title = {{BlockSwap}: {F}isher-guided Block Substitution for Network Compression on a Budget},
year = {2020},
month = {Apr},
booktitle = {International Conference on Learning Representations (ICLR)},
url = {https://arxiv.org/abs/1906.04113},
}
-
DHOG: Deep Hierarchical Object GroupingRecently, a number of competitive methods have tackled unsupervised representation learning by maximising the mutual information between the representations produced from augmentations. The resulting representations are then invariant to stochastic augmentation strategies, and can be used for downstream tasks such as clustering or classification. Yet data augmentations preserve many properties of an image and so there is potential for a suboptimal choice of representation that relies on matching easy-to-find features in the data. We demonstrate that greedy or local methods of maximising mutual information (such as stochastic gradient optimisation) discover local optima of the mutual information criterion; the resulting representations are also less-ideally suited to complex downstream tasks. Earlier work has not specifically identified or addressed this issue. We introduce deep hierarchical object grouping (DHOG) that computes a number of distinct discrete representations of images in a hierarchical order, eventually generating representations that better optimise the mutual information objective. We also find that these representations align better with the downstream task of grouping into underlying object classes. We tested DHOG on unsupervised clustering, which is a natural downstream test as the target representation is a discrete labelling of the data. We achieved new state-of-the-art results on the three main benchmarks without any prefiltering or Sobel-edge detection that proved necessary for many previous methods to work. We obtain accuracy improvements of: 4.3% on CIFAR-10, 1.5% on CIFAR-100-20, and 7.2% on SVHN.@unpublished{Darlow2020_3_DHOG,
author = {Luke N. Darlow and Amos Storkey},
title = {{DHOG}: Deep Hierarchical Object Grouping},
year = {2020},
month = {Mar},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/2003.08821},
}
-
Learning to Learn via Self-Critique
Advances in Neural Information Processing Systems (NeurIPS)
In few-shot learning, a machine learning system learns from a small set of labelled examples relating to a specific task, such that it can generalize to new examples of the same task. Given the limited availability of labelled examples in such tasks ,we wish to make use of all the information we can. Usually a model learns task-specific information from a small training-set (support-set) to predict on an unlabelled validation set (target-set). The target-set contains additional task-specific information which is not utilized by existing few-shot learning methods. Making use of the target-set examples via transductive learning requires approaches beyond the current methods; at inference time, the target-set contains only unlabelled input data-points, and so discriminative learning cannot be used. In this paper, we propose a framework called Self-Critique and Adaptor SCA, which learns to learn a label-free loss function, parameterized as a neural network. A base-model learns on a support-set using existing methods (e.g. stochastic gradient descent combined with the cross-entropy loss), and then is updated for the incoming target-task using the learnt loss function. This label-free loss function is itself optimized such that the learnt model achieves higher generalization performance. Experiments demonstrate that SCA offers substantially reduced error-rates compared to baselines which only adapt on the support-set, and results in state of the art benchmark performance on Mini-ImageNet and Caltech-UCSD Birds 200.@inproceedings{Antoniou2019_12_Learning,
author = {Antreas Antoniou and Amos Storkey},
title = {Learning to Learn via Self-Critique},
year = {2019},
month = {Dec},
booktitle = {Advances in Neural Information Processing Systems (NeurIPS)},
url = {https://arxiv.org/abs/1905.10295},
}
-
Zero-shot Knowledge Transfer via Adversarial Belief Matching
Advances in Neural Information Processing Systems (NeurIPS)
Performing knowledge transfer from a large teacher network to a smaller student is a popular task in modern deep learning applications. However, due to growing dataset sizes and stricter privacy regulations, it is increasingly common not to have access to the data that was used to train the teacher. We propose a novel method which trains a student to match the predictions of its teacher without using any data or metadata. We achieve this by training an adversarial generator to search for images on which the student poorly matches the teacher, and then using them to train the student. Our resulting student closely approximates its teacher for simple datasets like SVHN, and on CIFAR10 we improve on the state- of-the-art for few-shot distillation (with 100 images per class), despite using no data. Finally, we also propose a metric to quantify the degree of belief matching between teacher and student in the vicinity of decision boundaries, and observe a significantly higher match between our zero-shot student and the teacher, than between a student distilled with real data and the teacher.@inproceedings{Micaelli2019_12_Zeroshot,
author = {Paul Micaelli and Amos Storkey},
title = {Zero-shot Knowledge Transfer via Adversarial Belief Matching},
year = {2019},
month = {Dec},
booktitle = {Advances in Neural Information Processing Systems (NeurIPS)},
url = {https://arxiv.org/abs/1905.09768},
}
-
Performance Aware Convolutional Neural Network Channel Pruning for Embedded GPUs
International Symposium on Workload Characterization (IISWC)
Convolutional Neural Networks (CNN) are becoming a common presence in many applications and services, due to their superior recognition accuracy. They are increasingly being used on mobile devices, many times just by porting large models designed for server space, although several model compression techniques have been considered. One model compression technique intended to reduce computations is channel pruning. Mobile and embedded systems now have GPUs which are ideal for the parallel computations of neural networks and for their lower energy cost per operation. Specialized libraries perform these neural network computations through highly optimized routines. As we find in our experiments, these libraries are optimized for the most common network shapes, making uninstructed channel pruning inefficient. We evaluate higher level libraries, which analyze the input characteristics of a convolutional layer, based on which they produce optimized OpenCL (Arm Compute Library and TVM) and CUDA (cuDNN) code. However, in reality, these characteristics and subsequent choices intended for optimization can have the opposite effect. We show that a reduction in the number of convolutional channels, pruning 12% of the initial size, is in some cases detrimental to performance, leading to 2x slowdown. On the other hand, we also find examples where performance-aware pruning achieves the intended results, with performance speedups of 3x with cuDNN and above 10x with Arm Compute Library and TVM. Our findings expose the need for hardware-instructed neural network pruning.@inproceedings{Radu2019_11_Performance,
author = {Valentin Radu and Kuba Kaszyk and Yuan Wen and Jack Turner and José Cano and Elliot J. Crowley and Björn Franke and Amos Storkey and Michael O’Boyle},
title = {Performance Aware Convolutional Neural Network Channel Pruning for Embedded {GPU}s},
year = {2019},
month = {Nov},
booktitle = {International Symposium on Workload Characterization (IISWC)},
url = {https://arxiv.org/abs/2002.08697},
}
-
Separable Layers Enable Structured Efficient Linear SubstitutionsIn response to the development of recent efficient dense layers, this paper shows that something as simple as replacing linear components in pointwise convolutions with structured linear decompositions also produces substantial gains in the efficiency/accuracy tradeoff. Pointwise convolutions are fully connected layers and are thus prepared for replacement by structured transforms. Networks using such layers are able to learn the same tasks as those using standard convolutions, and provide Pareto-optimal benefits in efficiency/accuracy, both in terms of computation (mult-adds) and parameter count (and hence memory).@unpublished{Gray2019_6_Separable,
author = {Gavia Gray and Elliot J. Crowley and Amos Storkey},
title = {Separable Layers Enable Structured Efficient Linear Substitutions},
year = {2019},
month = {Jun},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/1906.00859},
}
-
Exploration by Random Network Distillation
International Conference on Learning Representations (ICLR)
We introduce an exploration bonus for deep reinforcement learning methods that is easy to implement and adds minimal overhead to the computation performed. The bonus is the error of a neural network predicting features of the observations given by a fixed randomly initialized neural network. We also introduce a method to flexibly combine intrinsic and extrinsic rewards. We find that the random network distillation (RND) bonus combined with this increased flexibility enables significant progress on several hard exploration Atari games. In particular we establish state of the art performance on Montezuma's Revenge, a game famously difficult for deep reinforcement learning methods. To the best of our knowledge, this is the first method that achieves better than average human performance on this game without using demonstrations or having access to the underlying state of the game, and occasionally completes the first level.@inproceedings{Burda2019_5_Exploration,
author = {Yuri Burda and Harrison Edwards and Amos Storkey and Oleg Klimov},
title = {Exploration by Random Network Distillation},
year = {2019},
month = {May},
booktitle = {International Conference on Learning Representations (ICLR)},
url = {https://arxiv.org/abs/1810.12894},
}
-
How to train your MAML
International Conference on Learning Representations (ICLR)
The field of few-shot learning has recently seen substantial advancements. Most of these advancements came from casting few-shot learning as a meta-learning problem. Model Agnostic Meta Learning or MAML is currently one of the best approaches for few-shot learning via meta-learning. MAML is simple, elegant and very powerful, however, it has a variety of issues, such as being very sensitive to neural network architectures, often leading to instability during training, requiring arduous hyperparameter searches to stabilize training and achieve high generalization and being very computationally expensive at both training and inference times. In this paper, we propose various modifications to MAML that not only stabilize the system, but also substantially improve the generalization performance, convergence speed and computational overhead of MAML, which we call MAML++.@inproceedings{Antoniou2019_5_How,
author = {Antreas Antoniou and Harrison Edwards and Amos Storkey},
title = {How to train your {MAML}},
year = {2019},
month = {May},
booktitle = {International Conference on Learning Representations (ICLR)},
url = {https://arxiv.org/abs/1810.09502},
}
-
Large-Scale Study of Curiosity-Driven Learning
International Conference on Learning Representations (ICLR)
Reinforcement learning algorithms rely on carefully engineering environment rewards that are extrinsic to the agent. However, annotating each environment with hand-designed, dense rewards is not scalable, motivating the need for developing reward functions that are intrinsic to the agent. Curiosity is a type of intrinsic reward function which uses prediction error as reward signal. In this paper: (a) We perform the first large-scale study of purely curiosity-driven learning, i.e. without any extrinsic rewards, across 54 standard benchmark environments, including the Atari game suite. Our results show surprisingly good performance, and a high degree of alignment between the intrinsic curiosity objective and the hand-designed extrinsic rewards of many game environments. (b) We investigate the effect of using different feature spaces for computing prediction error and show that random features are sufficient for many popular RL game benchmarks, but learned features appear to generalize better (e.g. to novel game levels in Super Mario Bros.). (c) We demonstrate limitations of the prediction-based rewards in stochastic setups.@inproceedings{Burda2019_5_LargeScale,
author = {Yuri Burda and Harrison Edwards and Deepak Pathak and Amos Storkey and Trevor Darrell and Alexei A. Efros},
title = {Large-Scale Study of Curiosity-Driven Learning},
year = {2019},
month = {May},
booktitle = {International Conference on Learning Representations (ICLR)},
url = {https://arxiv.org/abs/1808.04355},
}
-
On the Relation Between the Sharpest Directions of DNN Loss and the SGD Step Length
International Conference on Learning Representations (ICLR)
Recent work has identified that using a high learning rate or a small batch size for Stochastic Gradient Descent (SGD) based training of deep neural networks encourages finding flatter minima of the training loss towards the end of training. Moreover, measures of the flatness of minima have been shown to correlate with good generalization performance. Extending this previous work, we investigate the loss curvature through the Hessian eigenvalue spectrum in the early phase of training and find an analogous bias: even at the beginning of training, a high learning rate or small batch size influences SGD to visit flatter loss regions. In addition, the evolution of the largest eigenvalues appears to always follow a similar pattern, with a fast increase in the early phase, and a decrease or stabilization thereafter, where the peak value is determined by the learning rate and batch size. Finally, we find that by altering the learning rate just in the direction of the eigenvectors associated with the largest eigenvalues, SGD can be steered towards regions which are an order of magnitude sharper but correspond to models with similar generalization, which suggests the curvature of the endpoint found by SGD is not predictive of its generalization properties.@inproceedings{Jastrzębski2019_5_On,
author = {Stanisław Jastrzębski and Zachary Kenton and Nicolas Ballas and Asja Fischer and Yoshua Bengio and Amos Storkey},
title = {On the Relation Between the Sharpest Directions of {DNN} Loss and the {SGD} Step Length},
year = {2019},
month = {May},
booktitle = {International Conference on Learning Representations (ICLR)},
url = {https://arxiv.org/abs/1807.05031},
}
-
Distilling with Performance Enhanced StudentsThe task of accelerating large neural networks on general purpose hardware has, in recent years, prompted the use of channel pruning to reduce network size. However, the efficacy of pruning based approaches has since been called into question. In this paper, we turn to distillation for model compression---specifically, attention transfer---and develop a simple method for discovering performance enhanced student networks. We combine channel saliency metrics with empirical observations of runtime performance to design more accurate networks for a given latency budget. We apply our methodology to residual and densely-connected networks, and show that we are able to find resource-efficient student networks on different hardware platforms while maintaining very high accuracy. These performance-enhanced student networks achieve up to 10% boosts in top-1 ImageNet accuracy over their channel-pruned counterparts for the same inference time.@unpublished{Turner2019_3_Distilling,
author = {Jack Turner and Elliot J. Crowley and Valentin Radu and José Cano and Amos Storkey and Michael O'Boyle},
title = {Distilling with Performance Enhanced Students},
year = {2019},
month = {Mar},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/1810.10460},
}
-
Assume, Augment and Learn: Unsupervised Few-Shot Meta-Learning via Random Labels and Data AugmentationThe field of few-shot learning has been laboriously explored in the supervised setting, where per-class labels are available. On the other hand, the unsupervised few-shot learning setting, where no labels of any kind are required, has seen little investigation. We propose a method, named Assume, Augment and Learn or AAL, for generating few-shot tasks using unlabeled data. We randomly label a random subset of images from an unlabeled dataset to generate a support set. Then by applying data augmentation on the support set's images, and reusing the support set's labels, we obtain a target set. The resulting few-shot tasks can be used to train any standard meta-learning framework. Once trained, such a model, can be directly applied on small real-labeled datasets without any changes or fine-tuning required. In our experiments, the learned models achieve good generalization performance in a variety of established few-shot learning tasks on Omniglot and Mini-Imagenet.@unpublished{Antoniou2019_2_Assume,
author = {Antreas Antoniou and Amos Storkey},
title = {Assume, Augment and Learn: Unsupervised Few-Shot Meta-Learning via Random Labels and Data Augmentation},
year = {2019},
month = {Feb},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/1902.09884},
}
-
What Information Does a ResNet Compress?The information bottleneck principle (Shwartz-Ziv & Tishby, 2017) suggests that SGD-based training of deep neural networks results in optimally compressed hidden layers, from an information theoretic perspective. However, this claim was established on toy data. The goal of the work we present here is to test whether the information bottleneck principle is applicable to a realistic setting using a larger and deeper convolutional architecture, a ResNet model. We trained PixelCNN++ models as inverse representation decoders to measure the mutual information between hidden layers of a ResNet and input image data, when trained for (1) classification and (2) autoencoding. We find that two stages of learning happen for both training regimes, and that compression does occur, even for an autoencoder. Sampling images by conditioning on hidden layers' activations offers an intuitive visualisation to understand what a ResNets learns to forget.@unpublished{Darlow2019_1_What,
author = {Luke N. Darlow and Amos Storkey},
title = {What Information Does a {R}es{N}et Compress?},
year = {2019},
month = {Jan},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/2003.06254},
}
-
Pruning Neural Networks: Is it Time to Nip It in the Bud?
Workshop on Compact Deep Neural Networks with industrial applications, NeurIPS
Pruning is a popular technique for compressing a neural network: a large pre-trained network is fine-tuned while connections are successively removed. However, the value of pruning has largely evaded scrutiny. In this extended abstract, we examine residual networks obtained through Fisher-pruning and make two interesting observations. First, when time-constrained, it is better to train a simple, smaller network from scratch than prune a large network. Second, it is the architectures obtained through the pruning process --- not the learnt weights ---that prove valuable. Such architectures are powerful when trained from scratch. Furthermore, these architectures are easy to approximate without any further pruning: we can prune once and obtain a family of new, scalable network architectures for different memory requirements.@inproceedings{Crowley2018_12_Pruning,
author = {Elliot J. Crowley and Jack Turner and Amos Storkey and Michael O'Boyle},
title = {Pruning Neural Networks: Is it Time to Nip It in the Bud?},
year = {2018},
month = {Dec},
booktitle = {Workshop on Compact Deep Neural Networks with industrial applications, NeurIPS},
url = {https://arxiv.org/abs/1810.04622},
}
-
Moonshine: Distilling with Cheap Convolutions
Advances in Neural Information Processing Systems (NeurIPS)
Many engineers wish to deploy modern neural networks in memory-limited settings; but the development of flexible methods for reducing memory use is in its infancy, and there is little knowledge of the resulting cost-benefit. We propose structural model distillation for memory reduction using a strategy that produces a student architecture that is a simple transformation of the teacher architecture: no redesign is needed, and the same hyperparameters can be used. Using attention transfer, we provide Pareto curves/tables for distillation of residual networks with four benchmark datasets, indicating the memory versus accuracy payoff. We show that substantial memory savings are possible with very little loss of accuracy, and confirm that distillation provides student network performance that is better than training that student architecture directly on data.@inproceedings{Crowley2018_12_Moonshine,
author = {Elliot J. Crowley and Gavia Gray and Amos Storkey},
title = {Moonshine: Distilling with Cheap Convolutions},
year = {2018},
month = {Dec},
booktitle = {Advances in Neural Information Processing Systems (NeurIPS)},
url = {https://arxiv.org/abs/1711.02613},
}
-
Dilated DenseNets for Relational ReasoningDespite their impressive performance in many tasks, deep neural networks often struggle at relational reasoning. This has recently been remedied with the introduction of a plug-in relational module that considers relations between pairs of objects. Unfortunately, this is combinatorially expensive. In this extended abstract, we show that a DenseNet incorporating dilated convolutions excels at relational reasoning on the Sort-of-CLEVR dataset, allowing us to forgo this relational module and its associated expense.@unpublished{Antoniou2018_11_Dilated,
author = {Antreas Antoniou and Agnieszka Słowik and Elliot J. Crowley and Amos Storkey},
title = {Dilated {D}ense{N}ets for Relational Reasoning},
year = {2018},
month = {Nov},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/1811.00410},
}
-
CINIC-10 is not ImageNet or CIFAR-10In this brief technical report we introduce the CINIC-10 dataset as a plug-in extended alternative for CIFAR-10. It was compiled by combining CIFAR-10 with images selected and downsampled from the ImageNet database. We present the approach to compiling the dataset, illustrate the example images for different classes, give pixel distributions for each part of the repository, and give some standard benchmarks for well known models. Details for download, usage, and compilation can be found in the associated github repository.@techreport{Darlow2018_10_CINIC10,
author = {Luke N. Darlow and Elliot J. Crowley and Antreas Antoniou and Amos Storkey},
title = {{CINIC-10} is not {I}mage{N}et or {CIFAR-10}},
year = {2018},
month = {Oct},
institution = {School of Informatics, University of Edinburgh}, number = {EDI-INF-ANC-1802},
url = {https://arxiv.org/abs/1810.03505},
}
-
GINN: Geometric Illustration of Neural NetworksThis informal technical report details the geometric illustration of decision boundaries for ReLU units in a three layer fully connected neural network. The network is designed and trained to predict pixel intensity from an (x, y) input location. The Geometric Illustration of Neural Networks (GINN) tool was built to visualise and track the points at which ReLU units switch from being active to off (or vice versa) as the network undergoes training. Several phenomenon were observed and are discussed herein.@techreport{Darlow2018_10_GINN,
author = {Luke N. Darlow and Amos Storkey},
title = {{GINN}: Geometric Illustration of Neural Networks},
year = {2018},
month = {Oct},
institution = {School of Informatics, University of Edinburgh}, number = {EDI-INF-ANC-1801},
url = {https://arxiv.org/abs/1810.01860},
}
-
Augmenting Image Classifiers using Data Augmentation Generative Adversarial Networks
International Conference on Artificial Neural Networks (ICANN)
Effective training of neural networks requires much data. In the low-data regime, parameters are underdetermined, and learnt networks generalise poorly. Data Augmentation alleviates this by using existing data more effectively, but standard data augmentation produces only limited plausible alternative data. Given the potential to generate a much broader set of augmentations, we design and train a generative model to do data augmentation. The model, based on image conditional Generative Adversarial Networks, uses data from a source domain and learns to take a data item and augment it by generating other within-class data items. As this generative process does not depend on the classes themselves, it can be applied to novel unseen classes. We demonstrate that a Data Augmentation Generative Adversarial Network (DAGAN) augments classifiers well on Omniglot, EMNIST and VGG-Face.@inproceedings{Antoniou2018_10_Augmenting,
author = {Antreas Antoniou and Amos Storkey and Harrison Edwards},
title = {Augmenting Image Classifiers using Data Augmentation Generative Adversarial Networks},
year = {2018},
month = {Oct},
booktitle = {International Conference on Artificial Neural Networks (ICANN)},
url = {https://www.bayeswatch.com/assets/papers/Augmenting_Image_Classifiers_using_Data_Augmentation_Generative_Adversarial_Networks.pdf},
}
-
Three Factors Influencing Minima in SGD
International Conference on Artificial Neural Networks (ICANN)
We investigate the dynamical and convergent properties of stochastic gradient descent (SGD) applied to Deep Neural Networks (DNNs). Characterizing the relation between learning rate, batch size and the properties of the final minima, such as width or generalization, remains an open question. In order to tackle this problem we investigate the previously proposed approximation of SGD by a stochastic differential equation (SDE). We theoretically argue that three factors - learning rate, batch size and gradient covariance - influence the minima found by SGD. In particular we find that the ratio of learning rate to batch size is a key determinant of SGD dynamics and of the width of the final minima, and that higher values of the ratio lead to wider minima and often better generalization. We confirm these findings experimentally. Further, we include experiments which show that learning rate schedules can be replaced with batch size schedules and that the ratio of learning rate to batch size is an important factor influencing the memorization process.@inproceedings{Jastrzębski2018_10_Three,
author = {Stanisław Jastrzębski and Zachary Kenton and Devansh Arpit and Nicolas Ballas and Asja Fischer and Yoshua Bengio and Amos Storkey},
title = {Three Factors Influencing Minima in {SGD}},
year = {2018},
month = {Oct},
booktitle = {International Conference on Artificial Neural Networks (ICANN)},
url = {http://arxiv.org/abs/1711.04623},
}
-
Characterising Across-Stack Optimisations for Deep Convolutional Neural Networks
International Symposium on Workload Characterization (IISWC)
Convolutional Neural Networks (CNNs) are extremely computationally demanding, presenting a large barrier to their deployment on resource-constrained devices. Since such systems are where some of their most useful applications lie (e.g. obstacle detection for mobile robots, vision-based medical assistive technology), significant bodies of work from both machine learning and systems communities have attempted to provide optimisations that will make CNNs available to edge devices. In this paper we unify the two viewpoints in a Deep Learning Inference Stack and take an across-stack approach by implementing and evaluating the most common neural network compression techniques (weight pruning, channel pruning, and quantisation) and optimising their parallel execution with a range of programming approaches (OpenMP, OpenCL) and hardware architectures (CPU, GPU). We provide comprehensive Pareto curves to instruct trade-offs under constraints of accuracy, execution time, and memory space.@inproceedings{Turner2018_9_Characterising,
author = {Jack Turner and José Cano and Valentin Radu and Elliot J. Crowley and Michael O'Boyle and Amos Storkey},
title = {Characterising Across-Stack Optimisations for Deep Convolutional Neural Networks},
year = {2018},
month = {Sep},
booktitle = {International Symposium on Workload Characterization (IISWC)},
url = {https://arxiv.org/abs/1809.07196},
}
-
Asymptotically Exact Inference in Differentiable Generative Models
Electronic Journal of Statistics
Many generative models can be expressed as a differentiable function applied to input variables sampled from a known probability distribution. This framework includes both the generative component of learned parametric models such as variational autoencoders and generative adversarial networks, and also procedurally defined simulator models which involve only differentiable operations. Though the distribution on the input variables to such models is known, often the distribution on the output variables is only implicitly defined. We present a method for performing efficient Markov chain Monte Carlo inference in such models when conditioning on observations of the model output. For some models this offers an asymptotically exact inference method where approximate Bayesian computation might otherwise be employed. We use the intuition that computing conditional expectations is equivalent to integrating over a density defined on the manifold corresponding to the set of inputs consistent with the observed outputs. This motivates the use of a constrained variant of Hamiltonian Monte Carlo which leverages the smooth geometry of the manifold to move between inputs exactly consistent with observations. We validate the method by performing inference experiments in a diverse set of models.@article{Graham2017_12_Asymptotically,
author = {Matt Graham and Amos Storkey},
title = {Asymptotically Exact Inference in Differentiable Generative Models},
year = {2017},
month = {Dec},
journal = {Electronic Journal of Statistics},
volume = {1},
url = {http://dx.doi.org/10.1214/17-EJS1340SI},
}
-
Data Augmentation Generative Adversarial NetworksEffective training of neural networks requires much data. In the low-data regime, parameters are underdetermined, and learnt networks generalise poorly. Data Augmentation alleviates this by using existing data more effectively. However standard data augmentation produces only limited plausible alternative data. Given there is potential to generate a much broader set of augmentations, we design and train a generative model to do data augmentation. The model, based on image conditional Generative Adversarial Networks, takes data from a source domain and learns to take any data item and generalise it to generate other within-class data items. As this generative process does not depend on the classes themselves, it can be applied to novel unseen classes of data. We show that a Data Augmentation Generative Adversarial Network (DAGAN) augments standard vanilla classifiers well. We also show a DAGAN can enhance few-shot learning systems such as Matching Networks. We demonstrate these approaches on Omniglot, on EMNIST having learnt the DAGAN on Omniglot, and VGG-Face data. In our experiments we can see over 13% increase in accuracy in the low-data regime experiments in Omniglot (from 69% to 82%), EMNIST (73.9% to 76\) and VGG-Face (4.5% to 12%); in Matching Networks for Omniglot we observe an increase of 0.5% (from 96.9% to 97.4%) and an increase of 1.8% in EMNIST (from 59.5% to 61.3%).@unpublished{Antoniou2017_11_Data,
author = {Antreas Antoniou and Amos Storkey and Harrison Edwards},
title = {Data Augmentation Generative Adversarial Networks},
year = {2017},
month = {Nov},
institution = {University of Edinburgh},
url = {https://arxiv.org/abs/1711.04340},
}
-
Continuously Tempered Hamiltonian Monte Carlo
Conference on Uncertainty in Artificial Intelligence (UAI)
Hamiltonian Monte Carlo (HMC) is a powerful Markov chain Monte Carlo (MCMC) method for performing approximate inference in complex probabilistic models of continuous variables. In common with many MCMC methods, however, the standard HMC approach performs poorly in distributions with multiple isolated modes. We present a method for augmenting the Hamiltonian system with an extra continuous temperature control variable which allows the dynamic to bridge between sampling a complex target distribution and a simpler unimodal base distribution. This augmentation both helps improve mixing in multimodal targets and allows the normalisation constant of the target distribution to be estimated. The method is simple to implement within existing HMC code, requiring only a standard leapfrog integrator. We demonstrate experimentally that the method is competitive with annealed importance sampling and simulating tempering methods at sampling from challenging multimodal distributions and estimating their normalising constants.@inproceedings{Graham2017_8_Continuously,
author = {Matt Graham and Amos Storkey},
title = {Continuously Tempered {H}amiltonian {M}onte {C}arlo},
year = {2017},
month = {Aug},
booktitle = {Conference on Uncertainty in Artificial Intelligence (UAI)},
url = {https://arxiv.org/abs/1704.03338},
}
-
Asymptotically Exact Inference in Differentiable Generative Models
International Conference on Artificial Intelligence and Statistics (AISTATS)
Many generative models can be expressed as a differentiable function of random inputs drawn from some simple probability density. This framework includes both deep generative architectures such as Variational Autoencoders and a large class of procedurally defined simulator models. We present a method for performing efficient MCMC inference in such models when conditioning on observations of the model output. For some models this offers an asymptotically exact inference method where Approximate Bayesian Computation might otherwise be employed. We use the intuition that inference corresponds to integrating a density across the manifold corresponding to the set of inputs consistent with the observed outputs. This motivates the use of a constrained variant of Hamiltonian Monte Carlo which leverages the smooth geometry of the manifold to coherently move between inputs exactly consistent with observations. We validate the method by performing inference tasks in a diverse set of models.@inproceedings{Graham2017_4_Asymptotically,
author = {Matt Graham and Amos Storkey},
title = {Asymptotically Exact Inference in Differentiable Generative Models},
year = {2017},
month = {Apr},
booktitle = {International Conference on Artificial Intelligence and Statistics (AISTATS)},
url = {https://arxiv.org/abs/1605.07826},
}
-
Towards a Neural Statistician
International Conference on Learning Representations (ICLR)
An efficient learner is one who reuses what they already know to tackle a new problem. For a machine learner, this means understanding the similarities amongst datasets. In order to do this, one must take seriously the idea of working with datasets, rather than datapoints, as the key objects to model. Towards this goal, we demonstrate an extension of a variational autoencoder that can learn a method for computing representations, or statistics, of datasets in an unsupervised fashion. The network is trained to produce statistics that encapsulate a generative model for each dataset. Hence the network enables efficient learning from new datasets for both unsupervised and supervised tasks. We show that we are able to learn statistics that can be used for: clustering datasets, transferring generative models to new datasets, selecting representative samples of datasets and classifying previously unseen classes. We refer to our model as a neural statistician, and by this we mean a neural network that can learn to compute summary statistics of datasets without supervision.@inproceedings{Edwards2017_4_Towards,
author = {Harrison Edwards and Amos Storkey},
title = {Towards a Neural Statistician},
year = {2017},
month = {Apr},
booktitle = {International Conference on Learning Representations (ICLR)},
url = {https://arxiv.org/abs/1606.02185},
}
-
Resource-Efficient Feature Gathering at Test Time
Workshop on Reliable Machine Learning in the Wild, NeurIPS
Data collection is costly. A machine learning model requires input data to produce an output prediction, but that input is often not cost-free to produce accurately. For example, in the social sciences, it may require collecting samples; in signal processing it may involve investing in expensive accurate sensors. The problem of allocating a budget across the collection of different input variables is largely over- looked in machine learning, but is important under real-world constraints. Given that the noise level on each input feature depends on how much resource has been spent gathering it, and given a fixed budget, we ask how to allocate that budget to maximise our expected reward. At the same time, the optimal model parameters will depend on the choice of budget allocation, and so searching the space of pos- sible budgets is costly. Using doubly stochastic gradient methods we propose a solution that allows expressive models and massive datasets, while still providing an interpretable budget allocation for feature gathering at test time.@inproceedings{Gray2016_12_ResourceEfficient,
author = {Gavia Gray and Amos Storkey},
title = {Resource-Efficient Feature Gathering at Test Time},
year = {2016},
month = {Dec},
booktitle = {Workshop on Reliable Machine Learning in the Wild, NeurIPS},
url = {/assets/papers/resource-efficient-wildml16.pdf},
}
-
Censoring Representations with an Adversary
International Conference on Learning Representations (ICLR)
In practice, there are often explicit constraints on what representations or decisions are acceptable in an application of machine learning. For example it may be a legal requirement that a decision must not favour a particular group. Alternatively it can be that that representation of data must not have identifying information. We address these two related issues by learning flexible representations that minimize the capability of an adversarial critic. This adversary is trying to predict the relevant sensitive variable from the representation, and so minimizing the performance of the adversary ensures there is little or no information in the representation about the sensitive variable. We demonstrate this adversarial approach on two problems: making decisions free from discrimination and removing private information from images. We formulate the adversarial model as a minimax problem, and optimize that minimax objective using a stochastic gradient alternate min-max optimizer. We demonstrate the ability to provide discriminant free representations for standard test problems, and compare with previous state of the art methods for fairness, showing statistically significant improvement across most cases. The flexibility of this method is shown via a novel problem: removing annotations from images, from unaligned training examples of annotated and unannotated images, and with no a priori knowledge of the form of annotation provided to the model.@inproceedings{Edwards2016_3_Censoring,
author = {Harrison Edwards and Amos Storkey},
title = {Censoring Representations with an Adversary},
year = {2016},
month = {Mar},
booktitle = {International Conference on Learning Representations (ICLR)},
url = {https://arxiv.org/abs/1511.05897},
}
-
Evaluation of a Pre-surgical Functional MRI Workflow: From Data Acquisition to Reporting
International Journal of Medical Informatics
Purpose: Present and assess clinical protocols and associated automated workflow for pre-surgical functional magnetic resonance imaging in brain tumor patients. Methods: Protocols were validated using a single-subject reliability approach based on 10 healthy control subjects. Results from the automated workflow were evaluated in 9 patients with brain tumors, comparing fMRI results to direct electrical stimulation (DES) of the cortex. Results: Using a new approach to compute single-subject fMRI reliability in controls, we show that not all tasks are suitable in the clinical context, even if they show meaningful results at the group level. Comparison of the fMRI results from patients to DES showed good correspondence between techniques (odds ratio 36). Conclusion: Providing that validated and reliable fMRI protocols are used, fMRI can accurately delineate eloquent areas, thus providing an aid to medical decision regarding brain tumor surgery.@article{Pernet2016_2_Evaluation,
author = {Cyril Pernet and Krzysztof J Gorgolewski and Dominic Job and David Rodriguez and Amos J Storkey and Ian Whittle and Joanna Wardlaw},
title = {Evaluation of a Pre-surgical Functional {MRI} Workflow: From Data Acquisition to Reporting},
year = {2016},
month = {Feb},
journal = {International Journal of Medical Informatics},
volume = {86},
url = {http://homepages.inf.ed.ac.uk/amos/publications/Pernet_al_Evaluation_Pre_Surgical.pdf},
}
-
Stochastic Parallel Block Coordinate Descent for Large-scale Saddle Point Problems
AAAI Conference on Artificial Intelligence (AAAI)
We consider convex-concave saddle point problems with a separable structure and non-strongly convex functions. We propose an efficient stochastic block coordinate descent method using adaptive primal-dual updates, which enables flexible parallel optimization for large-scale problems. Our method shares the efficiency and flexibility of block coordinate descent methods with the simplicity of primal-dual methods and utilizing the structure of the separable convex-concave saddle point problem. It is capable of solving a wide range of machine learning applications, including robust principal component analysis, Lasso, and feature selection by group Lasso, etc. Theoretically and empirically, we demonstrate significantly better performance than state-of-the-art methods in all these applications.@inproceedings{Zhu2016_2_Stochastic,
author = {Zhanxing Zhu and Amos Storkey},
title = {Stochastic Parallel Block Coordinate Descent for Large-scale Saddle Point Problems},
year = {2016},
month = {Feb},
booktitle = {AAAI Conference on Artificial Intelligence (AAAI)},
url = {https://arxiv.org/abs/1511.07294},
}
-
Covariance-Controlled Adaptive Langevin Thermostat for Large-Scale Bayesian Sampling
Advances in Neural Information Processing Systems (NeurIPS)
Monte Carlo sampling for Bayesian posterior inference is a common approach used in machine learning. The Markov Chain Monte Carlo procedures that are used are often discrete-time analogues of associated stochastic differential equations (SDEs). These SDEs are guaranteed to leave invariant the required posterior distribution. An area of current research addresses the computational benefits of stochastic gradient methods in this setting. Existing techniques rely on estimating the variance or covariance of the subsampling error, and typically assume constant variance. In this article, we propose a covariance-controlled adaptive Langevin thermostat that can effectively dissipate parameter-dependent noise while maintaining a desired target distribution. The proposed method achieves a substantial speedup over popular alternative schemes for large-scale machine learning applications.@inproceedings{Shang2015_12_CovarianceControlled,
author = {Xiaocheng Shang and Zhanxing Zhu and Benedict Leimkuhler and Amos Storkey},
title = {Covariance-Controlled Adaptive {L}angevin Thermostat for Large-Scale {B}ayesian Sampling},
year = {2015},
month = {Dec},
booktitle = {Advances in Neural Information Processing Systems (NeurIPS)},
url = {https://arxiv.org/abs/1510.08692},
}
-
Adaptive Stochastic Primal-dual Coordinate Descent for Separable Saddle Point Problems
Joint European Conference on Machine Learning and Knowledge Discovery in Databases
We consider a generic convex-concave saddle point problem with a separable structure, a form that covers a wide-ranged machine learning applications. Under this problem structure, we follow the framework of primal-dual updates for saddle point problems, and incorporate stochastic block coordinate descent with adaptive stepsizes into this framework. We theoretically show that our proposal of adaptive stepsizes potentially achieves a sharper linear convergence rate compared with the existing methods. Additionally, since we can select “mini-batch” of block coordinates to update, our method is also amenable to parallel processing for large-scale data. We apply the proposed method to regularized empirical risk minimization and show that it performs comparably or, more often, better than state-of-the-art methods on both synthetic and real-world data sets.@inproceedings{Zhu2015_8_Adaptive,
author = {Zhanxing Zhu and Amos Storkey},
title = {Adaptive Stochastic Primal-dual Coordinate Descent for Separable Saddle Point Problems},
year = {2015},
month = {Aug},
booktitle = {Joint European Conference on Machine Learning and Knowledge Discovery in Databases},
url = {https://arxiv.org/abs/1506.04093},
}
-
Training Deep Convolutional Neural Networks to Play Go
International Conference on Machine Learning (ICML)
Mastering the game of Go has remained a long standing challenge to the field of AI. Modern computer Go systems rely on processing millions of possible future positions to play well, but intuitively a stronger and more 'humanlike' way to play the game would be to rely on pattern recognition abilities rather then brute force computation. Following this sentiment, we train deep convolutional neural networks to play Go by training them to predict the moves made by expert Go players. To solve this problem we introduce a number of novel techniques, including a method of tying weights in the network to 'hard code' symmetries that are expect to exist in the target function, and demonstrate in an ablation study they considerably improve performance. Our final networks are able to achieve move prediction accuracies of 41.1% and 44.4% on two different Go datasets, surpassing previous state of the art on this task by significant margins. Additionally, while previous move prediction programs have not yielded strong Go playing programs, we show that the networks trained in this work acquired high levels of skill. Our convolutional neural networks can consistently defeat the well known Go program GNU Go, indicating it is state of the art among programs that do not use Monte Carlo Tree Search. It is also able to win some games against state of the art Go playing program Fuego while using a fraction of the play time. This success at playing Go indicates high level principles of the game were learned.@inproceedings{Clark2015_6_Training,
author = {Chris Clark and Amos Storkey},
title = {Training Deep Convolutional Neural Networks to Play {G}o},
year = {2015},
month = {Jun},
booktitle = {International Conference on Machine Learning (ICML)},
url = {https://arxiv.org/abs/1412.3409},
}
-
The Supervised Hierarchical Dirichlet process
IEEE Transactions on Pattern Analysis and Machine Intelligence (Special Issue on Bayesian Nonparametrics)
We propose the supervised hierarchical Dirichlet process (sHDP), a nonparametric generative model for the joint distribution of a group of observations and a response variable directly associated with that whole group. We compare the sHDP with another leading method for regression on grouped data, the supervised latent Dirichlet allocation (sLDA) model. We evaluate our method on two real-world classification problems and two real-world regression problems. Bayesian nonparametric regression models based on the Dirichlet process, such as the Dirichlet process-generalised linear models (DP-GLM) have previously been explored; these models allow flexibility in modelling nonlinear relationships. However, until now, Hierarchical Dirichlet Process (HDP) mixtures have not seen significant use in supervised problems with grouped data since a straightforward application of the HDP on the grouped data results in learnt clusters that are not predictive of the responses. The sHDP solves this problem by allowing for clusters to be learnt jointly from the group structure and from the label assigned to each group.@article{Dai2015_4_Supervised,
author = {Andrew M. Dai and Amos Storkey},
title = {The Supervised Hierarchical {D}irichlet process},
year = {2015},
month = {Apr},
journal = {IEEE Transactions on Pattern Analysis and Machine Intelligence (Special Issue on Bayesian Nonparametrics)},
volume = {37},
url = {https://arxiv.org/abs/1412.5236},
}
-
Multi-period Trading Prediction Markets with Connections to Machine Learning
International Conference on Machine Learning (ICML)
We present a new model for prediction markets, in which we use risk measures to model agents and introduce a market maker to describe the trading process. This specific choice on modelling tools brings us mathematical convenience. The analysis shows that the whole market effectively approaches a global objective, despite that the market is designed such that each agent only cares about its own goal. Additionally, the market dynamics provides a sensible algorithm for optimising the global objective. An intimate connection between machine learning and our markets is thus established, such that we could 1) analyse a market by applying machine learning methods to the global objective, and 2) solve machine learning problems by setting up and running certain markets.@inproceedings{Hu2014_6_Multiperiod,
author = {Jinli Hu and Amos Storkey},
title = {Multi-period Trading Prediction Markets with Connections to Machine Learning},
year = {2014},
month = {Jun},
booktitle = {International Conference on Machine Learning (ICML)},
url = {https://arxiv.org/abs/1403.0648},
}
-
Series Expansion Approximations of Brownian Motion for Non-Linear Kalman Filtering of Diffusion Processes
IEEE Transactions on Signal Processing
In this paper, we describe a novel application of sigma-point methods to continuous-discrete filtering. In principle, the nonlinear continuous- discrete filtering problem can be solved exactly. In practice, the solution contains terms that are computationally intractible. Assumed density filtering methods attempt to match statistics of the filtering distribution to some set of more tractible probability distributions. We describe a novel method that decomposes the Brownian motion driving the signal in a generalised Fourier series, which is truncated after a number of terms. This approximation to Brownian can be described using a relatively small number of Fourier coefficients, and allows us to compute statistics of the filtering distribution with a single application of a sigma-point method. Assumed density filters that exist in the literature usually rely on discretisation of the signal dynamics followed by iterated application of a sigma point transform (or a limiting case thereof). Iterating the transform in this manner can lead to loss of information about the filtering distri- bution in highly nonlinear settings. We demonstrate that our method is better equipped to cope with such problems.@article{Lyons2014_3_Series,
author = {Simon Lyons and Simo Särkkä and Amos Storkey},
title = {Series Expansion Approximations of {B}rownian Motion for Non-Linear {K}alman Filtering of Diffusion Processes},
year = {2014},
month = {Mar},
journal = {IEEE Transactions on Signal Processing},
volume = {62},
url = {https://arxiv.org/abs/1302.5324},
}
-
Bayesian Inference in Sparse Gaussian Graphical ModelsOne of the fundamental tasks of science is to find explainable relationships between observed phenomena. One approach to this task that has received attention in recent years is based on probabilistic graphical modelling with sparsity constraints on model structures. In this paper, we describe two new approaches to Bayesian inference of sparse structures of Gaussian graphical models (GGMs). One is based on a simple modification of the cutting-edge block Gibbs sampler for sparse GGMs, which results in significant computational gains in high dimensions. The other method is based on a specific construction of the Hamiltonian Monte Carlo sampler, which results in further significant improvements. We compare our fully Bayesian approaches with the popular regularisation-based graphical LASSO, and demonstrate significant advantages of the Bayesian treatment under the same computing costs. We apply the methods to a broad range of simulated data sets, and a real-life financial data set.@techreport{Orchard2013_9_Bayesian,
author = {Peter Orchard and Felix Agakov and Amos Storkey},
title = {{B}ayesian Inference in Sparse {G}aussian Graphical Models},
year = {2013},
month = {Sep},
institution = {School of Informatics, University of Edinburgh}, number = {1},
url = {https://arxiv.org/abs/1309.7311},
}
-
A Topic Model for Melodic Sequences
International Conference on Machine Learning (ICML)
We examine the problem of learning a probabilistic model for melody directly from musical sequences belonging to the same genre. This is a challenging task as one needs to capture not only the rich temporal structure evident in music, but also the complex statistical dependencies among different music components. To address this problem we introduce the Variable-gram Topic Model, which couples the latent topic formalism with a systematic model for contextual information. We evaluate the model on next-step prediction. Additionally, we present a novel way of model evaluation, where we directly compare model samples with data sequences using the Maximum Mean Discrepancy of string kernels, to assess how close is the model distribution to the data distribution. We show that the model has the highest performance under both evaluation measures when compared to LDA, the Topic Bigram and related non-topic models.@inproceedings{Spiliopoulou2012_6_Topic,
author = {Athina Spiliopoulou and Amos Storkey},
title = {A Topic Model for Melodic Sequences},
year = {2012},
month = {Jun},
booktitle = {International Conference on Machine Learning (ICML)},
url = {https://arxiv.org/abs/1206.6441},
}
-
Isoelastic Agents and Wealth Updates in Machine Learning Markets
International Conference on Machine Learning (ICML)
Recently, prediction markets have shown considerable promise for developing flexible mechanisms for machine learning. In this paper, agents with isoelastic utilities are considered. It is shown that the costs associated with homogeneous markets of agents with isoelastic utilities produce equilibrium prices corresponding to alpha-mixtures, with a particular form of mixing component relating to each agent's wealth. We also demonstrate that wealth accumulation for logarithmic and other isoelastic agents (through payoffs on prediction of training targets) can implement both Bayesian model updates and mixture weight updates by imposing different market payoff structures. An iterative algorithm is given for market equilibrium computation. We demonstrate that inhomogeneous markets of agents with isoelastic utilities outperform state of the art aggregate classifiers such as random forests, as well as single classifiers (neural networks, decision trees) on a number of machine learning benchmarks, and show that isoelastic combination methods are generally better than their logarithmic counterparts.@inproceedings{Storkey2012_6_Isoelastic,
author = {Amos Storkey and Jono Millin and Krzysztof Geras},
title = {Isoelastic Agents and Wealth Updates in Machine Learning Markets},
year = {2012},
month = {Jun},
booktitle = {International Conference on Machine Learning (ICML)},
url = {https://arxiv.org/abs/1206.6443},
}
-
Comparing Probabilistic Models for Melodic Sequences
Proceedings of the ECML-PKDD
Modelling the real world complexity of music is a challenge for machine learning. We address the task of modeling melodic sequences from the same music genre. We perform a comparative analysis of two probabilistic models; a Dirichlet Variable Length Markov Model (Dirichlet-VMM) and a Time Convolutional Restricted Boltzmann Machine (TC-RBM). We show that the TC-RBM learns descriptive music features, such as underlying chords and typical melody transitions and dynamics. We assess the models for future prediction and compare their performance to a VMM, which is the current state of the art in melody generation. We show that both models perform significantly better than the VMM, with the Dirichlet-VMM marginally outperforming the TC-RBM. Finally, we evaluate the short order statistics of the models, using the Kullback-Leibler divergence between test sequences and model samples, and show that our proposed methods match the statistics of the music genre significantly better than the VMM.@inproceedings{Spiliopoulou2011_9_Comparing,
author = {Athina Spiliopoulou and Amos Storkey},
title = {Comparing Probabilistic Models for Melodic Sequences},
year = {2011},
month = {Sep},
booktitle = {Proceedings of the ECML-PKDD},
url = {https://arxiv.org/abs/1109.6804},
}
-
Machine Learning Markets
International Conference on Artificial Intelligence and Statistics (AISTATS)
Prediction markets show considerable promise for developing flexible mechanisms for machine learning. Here, machine learning markets for multivariate systems are defined, and a utility-based framework is established for their analysis. This differs from the usual approach of defining static betting functions. It is shown that such markets can implement model combination methods used in machine learning, such as product of expert and mixture of expert approaches as equilibrium pricing models, by varying agent utility functions. They can also implement models composed of local potentials, and message passing methods. Prediction markets also allow for more flexible combinations, by combining multiple different utility functions. Conversely, the market mechanisms implement inference in the relevant probabilistic models. This means that market mechanism can be utilized for implementing parallelized model building and inference for probabilistic modelling.@inproceedings{Storkey2011_4_Machine,
author = {Amos Storkey},
title = {Machine Learning Markets},
year = {2011},
month = {Apr},
booktitle = {International Conference on Artificial Intelligence and Statistics (AISTATS)},
url = {https://arxiv.org/abs/1106.4509},
}