b

DiscoverSearch
About
My stuff
The Indian Chefs Process
2020·arXiv
Abstract
Abstract

This paper introduces the Indian Chefs Process (ICP), a Bayesian nonparametric prior on the joint space of infinite directed acyclic graphs (DAGs) and orders that generalizes Indian Buffet Processes. As our construction shows, the proposed distribution relies on a latent Beta Process controlling both the orders and outgoing connection probabilities of the nodes, and yields a probability distribution on sparse infinite graphs. The main advantage of the ICP over previously proposed Bayesian nonparametric priors for DAG structures is its greater flexibility. To the best of our knowledge, the ICP is the first Bayesian nonparametric model supporting every possible DAG. We demonstrate the usefulness of the ICP on learning the structure of deep generative sigmoid networks as well as convolutional neural networks.

In machine learning and statistics, the directed acyclic graph (DAG) is a common modelling choice for expressing relationships between objects. Prime examples of DAG-based graphical models include Bayesian networks, feed-forward neural networks, causal networks, deep belief networks, dynamic Bayesian networks and hidden Markov models, to name a few. Learning the unknown structure of these models presents a significant learning challenge, a task that is often avoided by fixing the structure to a large and hopefully sufficiently expressive model. Structure learning is a model selection problem in which ones estimates the underlying graphical structure of the model. Over the years, researchers have explored a great variety of approaches to this problem [13, 23, 2, 15, 17, 18, 24], from frequentist to Bayesian, and some using pure heuristic-based search, but the vast majority is limited to finite parametric models.

Bayesian nonparametric learning methods are appealing alternatives to their parametric counterparts, because they offer more flexibility when dealing with generative models of unknown dimensionality [10]. Instead of looking for specific finite-dimensional models, the idea is rather to define probability measures on infinite-dimensional spaces and then infer the finite subset of active dimensions explaining the data. Over the past years, there has been extensive work on constructing flexible Bayesian nonparametric models for various types of graphical models, allowing complex hidden structures to be learned from data. For instance, [12] developed a model for infinite latent conditional random fields while [11] proposed an infinite mixture of fully observable finite-dimensional Bayesian networks. In the case of time series, [3] developed the infinite hidden Markov random field model and [5] proposed an infinite dynamic Bayesian network with factored hidden states. Another interesting model is the in-finite factorial dynamical model of [25] representing the hidden dynamics of a system with infinitely many independent hidden Markov models.

The problem of learning networks containing hidden structures with Bayesian nonparametric methods has also received attention. The cascading Indian Buffet Process (CIBP) of [1] is a Bayesian nonparametric prior over infinitely deep and infinitely broad layered network structures. However, the CIBP does not allow connections from non-adjacent layers, yielding a restricted prior over infinite DAGs. The extended CIBP (ECIBP) is an extension of the previous model which seeks to correct this limitation and support a larger set of DAG structures [4]. However, the ECIBP has some drawbacks: the observable nodes are confined to a unique layer placed at the bottom of the network, which prevents learning the order of the nodes or have observable inputs. An immediate consequence of this is the impossibility for an observable unit to be the parent of any hidden unit or any other observable unit, which considerably restricts the support of the prior over DAGs and make their application to deep learning very problematic.

In the context of deep learning, structure learning is often part of the optimization. Recently, [26] proposed a method that enforces the model to dynamically learn more compact structures by imposing sparsity through regularization. While sparsity is obviously an interesting property for large DAG-based models, their method ignores the epistemic uncertainty about the structure. Structure learning for probabilistic graphical models can also be applied in deep learning. For instance, [22] have demonstrated that deep network structures can be learned throught the use of Bayesian network structure learning strategies. To our knowledge, no Bayesian nonparametric structure learning methods have been applied to deep learning models.

This paper introduces the Indian Chefs Process (ICP), a new Bayesian nonparametric prior for general DAGbased structure learning, which can equally be applied to perform Bayesian inference in probabilistic graphical models and deep learning. The proposed distribution has a support containing all possible DAGs, admits hidden and observable units, is layerless and enforces sparsity. We present its construction in Section 2 and describe a learning method based on Markov Chain Monte Carlo in Section 3. In Section 4, we use the ICP as a prior in two Bayesian structure learning experiments: in the first, we compute the posterior distribution on the structure and parameters of a deep generative sigmoid networks and in the second we perform structure learning in convolutional neural networks.

In this section, we construct the probability distribution over DAGs and orders by adopting the methodology followed by [8]. We first define a distribution over finite-dimensional structures, while the final distribution is obtained by evaluating it as the structure size grows to infinity.

Let G = (V, Z) be a DAG where V = {1, . . . , K} is the set of nodes and  Z ∈ {0, 1}K×K is the adjacency matrix. We introduce an ordering  θon the nodes so that the direction of an edge is determined by comparing the order value of each node. A connection  Zki = 1is only allowed when  θk > θi, meaning that higher order nodes are parents and lower order nodes are children. Notice that this constraint is stronger than acyclicity since all  (Z, θ)combinations respecting the order value constraint are guaranteed to be acyclic, but an acyclic graph can violate the ordering constraint.

We assume that both the adjacency matrix Z and the ordering  θare random variables and develop a Bayesian framework reflecting our uncertainty. Accordingly, we assign a popularity parameter  πkand an order value θk, called reputation, to every node k in G based on the following model:

θk ∼ U(0, 1) (1)πk |α, γ, φ, K  ∼ Beta�αγK + φI(k ∈ O), α − αγK

image

Here, I denotes the indicator function, U(a, b) denotes the uniform distribution on interval [a, b] and  O ⊆ Vis the set of observed nodes. In this model, the popularities reflected by  πcontrol the outgoing connection probability of the nodes, while respecting the total order imposed by  θ. Moreover, the Beta prior parametrization in Eq. (2) is motivated by the Beta Process construction of [21], where Eq. (1) becomes the base distribution, and is convenient when evaluating the limit in Section 2.1. Also,  αand  γcorrespond to the usual parameters defining a Beta Process and the purpose of the new parameter  φis to control the popularity of the observable nodes and ensure a non-zero connection probability when required.

Under this model, the conditional probability of the adjacency matrix Z given the popularities  π = {πk}Kk=1and order values  θ = {θk}Kk=1 is:

image

The adjacency matrix Z may contain connections for nodes that are not of interest, i.e. nodes that are not ancestors of any observable nodes. Formally, we define A ⊆ Vas the set of active nodes, which contains all observable nodes O and the ones having a directed path ending at an observable node.

When solely considering connections from A to A, i.e. the adjacency submatrix  ZAAof the A-induced subgraph of G, Eq. (4) simplifies to:

image

where  mk = �i∈A Zkidenotes the number of out- going connections from node k to any active nodes, ↓k= �j∈A I(θj < θk)denotes the number of active nodes having an order value strictly lower than  θkand  ↓ = {↓k}Kk=1. At this point, we marginalize out the popularity vector  π in Eq. (5)with respect to the prior, by using the conjugacy of the Beta and Binomial

distributions, and we get:

image

where  xn = x(x + 1) . . . (x + n − 1)is the Pochhammer symbol denoting the rising factorial and H = A \ O is the set of active hidden nodes.

The set of active nodes A contains all observable nodes as well as their ancestors, which means there exists a part of the graph G that is disconnected from A. Let us denote by I = V \ A the set of inactive nodes. Considering that the A-induced subgraph is effectively maximal, then this subgraph must be properly isolated by some envelope of no-connections  ZIAcontaining only zeros. The joint probability of submatrices  ZAAand  ZIA is:

image

where the number of negative Bernoulli trials  ↓kdepends on  θkitself and  θA. Notice that since the submatrices  ZAI and ZIIcontain uninteresting and unobserved binary events, they are trivially marginalized out of p(Z).

One way to simplify Eq. (7) is to marginalize out the order values  θIof the inactive nodes with respect to (1). To do so, we first sort the active node orders ascendingly in vector  θ↗Aand augment it with the extrema  θ↗0 = 0and  θ↗K++1 = 1, where we introduce K+ = |A|to denote the number of active nodes. We slightly abuse notation here since these extrema do not refer to any nodes and are only used to compute interval lengths. This provides us with all relevant interval boundaries, including the absolute boundaries implied by Eq. (1). We refer to the  jth smallest value of this vector as  θ↗j. Based on the previous notation, the probability for an inactive node to lie between two active nodes is simply  θ↗j+1 − θ↗j . Using this notation,

we have the following marginal probability:

image

where  K− = |I|denotes the number of inactive nodes and  xn = x(x − 1) . . . (x − n + 1)symbolizes the falling factorial. Due to the exchangeability of our model, the joint probability on both the adjacency matrix and active order values can cause problems regarding the index k of the nodes. One way to simplify this is to reorder the adjacency matrix according to  θ↗A, which we denote  Z↗AA. By using this many-to-one transformation, we obtain a probability distribution on an equivalence class of DAGs that is analog to the lof function used by [8]. The number of permutation mapping to this sorted representation is accounted for by the normalization constant  (K − D)K+−D(K+!)−1.

2.1 From Finite to Infinite DAGs

An elegant way to construct Bayesian nonparametric models is to consider the infinite limit of finite parametric Bayesian models [20]. Following this idea, we revisit the model of Section 2 so that G now contains infinitely many nodes. To this end, we evaluate the limit as  K → ∞of Eq. (8), yielding the following probability distribution:

p(Z↗AA, ZIA, θ↗A |α, γ, φ, O) =

image

where  ψis the digamma function. Eq. (9) is the proposed marginal probability distribution on the joint space of infinite DAGs and continuous orders. The Indian Chefs Process1 is a stochastic process for generating random DAGs from (9), making it an equivalent representative of this distribution.

2.2 The Indian Chefs Process

Now that we have the marginal probability distribution (9), we want to draw random active subgraphs from it. This section introduces the Indian chefs process (ICP), a stochastic process serving this purpose. In the ICP metaphor, chefs draw inspiration from other chefs, based on their popularity and reputation, to create the menu of their respective restaurant. This creates inspiration maps representable with directed acyclic graphs. ICP defines two types of chefs: 1) star chefs (corresponding to observable variables) which are introduced iteratively and 2) regular chefs (corresponding to hidden variables) which appear only when another chef selects them as a source of inspiration.

The ICP starts with an empty inspiration map as its initial state. The infinitely many chefs can be thought of as lying on a unit interval of reputations. Every chef has a fraction of the infinitely many chefs above him and this fraction is determined by the chef’s own reputation.

The general procedure at iteration t is to introduce a new star chef, denoted i, within a fully specified map of inspiration representing the connections of the previously processed chefs. The very first step is to draw a reputation value from  θi ∼ U(0, 1)to determine the position of the star chef in the reputation interval. Once chef i is added, sampling the new inspiration connections is done in three steps.

Backward proposal Step one consists in proposing star chef i as an inspiration to all the  ↓ichefs having a lower reputation than chef i. To this end, we can first sample the total number of inspiration connections with:

image

and then uniformly pick one of the�↓iqi�possible config-urations of inspiration connections.

Selecting existing chefs In step two, chef i considers any already introduced chefs of higher reputation. The probability for candidate chef k to become an inspiration for i is:

image

where  ↓kincludes the currently processed chef i.

Selecting new chefs The third step allows chef i to consider completely new regular chefs as inspirations in every single interval above i. The number of new regular chefs  Knewjto add in the  jth reputation interval

above i follows probability distribution:

image

where the new regular chefs are independently assigned a random reputation drawn from  U(θ↗j , θ↗j+1). The reg-ular chefs introduced during this step will be processed one by one using step two and three. Once all newly introduced regular chefs have been processed, the next iteration t + 1 can begin with step one, a step reserved to star chefs only.

2.3 Some properties of the distribution

To better understand the effect of the hyperparameters on the graph properties, we performed an empirical study of some relations between the hyperparameters, the expected number of active nodes  E[K+|α, γ]and the expected number of active edges  E[E+|α, γ], whereE+is the number of elements in  ZAA. Figure 1(a) depicts level curves of  E[K+|α, γ]for the case of only 1 observable placed at  θk = 0. The figure shows that several combinations of  αand  γleads to the same expected number of active nodes. Notice that fixing one hyperparameter, either  αor  γ, and selecting the expected number of nodes, one can retrieve the second hyperparameter that matches the relationship. We used this fact in the construction of Figure 1(b) where the unshown parameter  γcould be calculated. In Figure 1(b), we illustrate the effect of  α on E[E+|α, γ] whichessentially shows that smaller values of  αincrease the graph density.

When using Bayesian nonparametric models, we are actually assuming that the generative model of the data is infinite-dimensional and that only a finite subset of the parameters are involved in producing a finite set of data. The effective number of parameters explaining the data corresponds to the model complexity and usually scales logarithmically with respect to the sample size. Unlike most Bayesian nonparametric models, the ICP prior scales according to the number of observed nodes added to the network. In Figure 1, we show how the expected number of active hidden nodes increases as function of the number of observable nodes.

2.4 Connection to the Indian Buffet Process

There exists a close connection between the Indian Chefs Process (ICP) and the Indian Buffet Process (IBP). In fact, our model can be seen as a generalization of the IBP. Firstly, all realizations of the IBP receive a positive probability under the ICP. Secondly, the twoparameter IBP [9] is recovered, at least conceptually, when altering the prior on order values (see Eq. (1)) so

image

that all observed nodes are set to reputation  θ = 0 andall hidden nodes are set to reputation  θ = 1. This way, connections are prohibited between hidden nodes and between observable nodes, while hidden-to-observable connections are still permitted.

In this section, we present a Markov Chain Monte Carlo (MCMC) algorithm approximating the exact ICP prior distribution with samples. We propose a reversible jump MCMC algorithm producing random walks on Eq. (9) [7]. This algorithm works in three phases: the first resamples graph connections without adding or removing any nodes, the second phase is a birth-death process on nodes and the third one only involves the order.

The algorithm itself uses the notion of singleton and orphan nodes. A node is a singleton when it only has a unique active child. Thus, removing its unique connection would disconnect the node from the active subgraph. Moreover, a node is said to be an orphan if it does not have any parents.

Within model moves on adjacency matrix: We begin by uniformly selecting a node i from the active subgraph. Here, the set of parents to consider for i comprises all non-singleton active nodes having an order value greater than  θi. This set includes both current parents and candidate parents. Then, for each parent k, we Gibbs sample the connections using the following conditional probability:

image

where  m¬ikis the number of outgoing connections of node k excluding connections going to node i and Z↗¬kiAAhas element ki removed. Also, all connections not respecting the order are prohibited and therefore have an occurrence probability of 0, along with (transdimentional) singleton parent moves.

Trans-dimensional moves on adjacency matrix: We begin with a random uniform selection of node i in the active subgraph and, with equal probability, propose either a birth or a death move.

In the birth case, we activate node k by connecting it to node i. Its order  θkis determined by uniformly selecting an insertion interval above  θi. Assuming node i is also the  ith element in θ↗A , we have ↑i= K+ −i+1 possibleintervals, including zero-length intervals. Let us assume that j and j + 1 are the two nodes between which k is to be inserted. Then, we obtain the candidate order value of the new node by sampling  θk ∼ U(θ↗j , θ↗j+1). The Metropolis-Hastings acceptance ratio here is:

image

where  K∗iis the number of singleton-orphan parents of i and  ↑i= �j∈A I(θj > θi)is the number of active nodes above i.

In the death case, we uniformly select one of the  K∗isingleton-orphan parents of  i if K∗i > 0and simply do nothing in case there exists no such node. Let k be the parent to disconnect and consequently deactivate. The Metropolis-Hastings acceptance ratio for this move is:

image

If accepted, node k is removed from the active subgraph.

Moves on order values: We re-sample the order value of randomly picked node i. This operation is done by finding the lowest order valued parent of i along with its highest order valued children, which we respectively denote l and h. Next, the candidate order value is sampled according to  θi ∼ U(θl, θh) andaccepted with Metropolis-Hasting acceptance ratio:

image

which proposes a new total order  θrespecting the partial order imposed by the rest of the DAG.

The ICP distribution (9) can be used as a prior to learn the structure of any DAG-based model involving hidden units. In particular, one can introduce a priori knowledge about the structure by fixing the order values of some observed units. Feedforward neural networks, for instance, can be modelled by imposing θk = 1for all input units and  θk = 0for the output units. On the other hand, generative models can be designed by placing all observed units at  θk = 0, preventing interconnections between them and forcing the above generative units to explain the data. In section

image

Figure 1: Empirical study of hyperpameters. Figure (a) shows the expected number of active nodes as a function of  α and γ. Figure (b) shows that once we know the expected  K+ from α and γ, we can find the expected number of connections. Figure (c) shows the influence of  α (with γ = 1) on the complexity (number of hidden nodes) as function of the number of observable nodes.

4.1, we use the ICP as a prior to learn the structures of a generative neural network by approximating the full posterior for 9 datasets. In section 4.2, we use the ICP to learn the structure of a convolutional neural network (CNN) in a Bayesian learning framework.

4.1 Bayesian nonparametric generative sigmoid network

The network used in this section is the Nonlinear Gaussian Belief Network (NLGBN) [6], which is basically a generative sigmoid network. In this model, the output of a unit  uidepends on a weighted sum of its parents, where  Wkirepresents the weight of parent unit  uk, Zkiindicates whether  ukis a parent of  ui andbiis a bias. The weighted sum is then corrupted by a zero mean Gaussian noise of precision  ρi, so that ai ∼ N(bi + �k ZkiWkiuk, 1/ρi). The noisy preactiva- tion  aiis then passed through a sigmoid nonlinearity, producing the output value  ui. It turns out that the density function of this random output  uican be represented in closed-form, a property used to form the likelihood function given the data. An ICP prior is placed on the structure represented by Z along with priors  γ ∼ Gamma(0.5, 0.5), 1/α ∼ Gamma(0.5, 0.5) andφ ∼ Gamma(0.5, 0.5). To complete the prior on parameters, we specify  ρk ∼ Gamma(0.5, 0.5), bk ∼ N(0, 1)and  Wki ∼ N(0, 1).

The inference is done with MCMC where structure operator are given in 3 and we refer to [1] for the parameter and activation operators. The Markov chain explores the space of structures by creating and destroying edge and nodes, which means that posterior samples are of varying size and shape, while remaining infinitely layered due to  θk ∈ [0, 1]. We also simulate the random activations  ukand add them into the chain state.

This experiment aims at reproducing the generative process of synthetic data sources. In the learning phase, we simulate the posterior distribution conditioned on 2000 training points. Fantasy data from the posterior are generated by first sampling a model from set of posterior network samples and then one point is generated from the selected model. Figure 2 shows 2000 test samples from the true distribution along with the samples generated from the posterior accounting for the model uncertainty.

Next, we compare the ICP (with observables at  θk = 0)against other Bayesian nonparametric approaches: The Cascading Indian Buffet Process [1] and the Extended CIBP [4]. The inference for these models was done with an MCMC algorithm similar to the one used for the ICP and we used similar priors for the parameters to ensure a fair comparison. The comparison metric used in this experiments is the Hellinger distance (HD), a function quantifying the similarity between two probability densities. Table 1 shows the HD’s between fantasy datasets generated and groundtruth.

4.2 Bayesian nonparametric convolutional neural networks

So far, we introduced the ICP as a prior on the space of directed acyclic graphs. In this section we will use this formalism in order to construct a prior on the space of convolutional neural architectures. The fundamental building blocks of (2D) convolutional networks are tensors T whose entries encode the presence of local features in the input image. A convolutional neural network can be described as a sequence of convolution operators acting on these tensors followed by entry-wise nonlinearity f.

In our nonparametric model, a convolutional network is constructed from a directed acyclic graph. Each node of the graph represents a tensor  T (i). The entries of this tensor are given by the following:

image

image

Figure 2: Resulting fantasy data generated from the posterior on 3 toy datasets.

Table 1: Hellinger distance between the fantasy data from posterior models and the test set. Dimensionality of the data is in parenthesis. The baseline shows the distance between the training and test sets, representing the best achievable distance since the two come from the true source.

image

where  W (ki) is a tensor of convolutional weights and  ⋆ isthe discrete convolution operator. In most hand-crafted architectures, the spatial dimensions of the tensor are course-grained as the depth increases while the number of channels (each representing a local feature of the input) increases. In the ICP, the depth of a node i is represented by its popularity  θi. In order to encode the change of shape in the nonparametric prior, we set the number of channels to be a function of  θ:

image

where  Nbinsis the number of different possible tensor shapes and  N0is the number of channels of the lowest layers. Similarly, the number of pixels is given by:

image

where M is the number of pixels in the original image. The shape of the weight tensors  W (ki)is determined by the shape of parent and child tensor.

In a classification problem, the nonparametric convolutional network is connected to the data through two observed nodes. The input node X stores the input images and we set  θX = 1. On the other hand, for the output node we set  θY = 0, and have it receive input through fully connected layers:

image

where  V (k)is a tensor of weights. During sampling of a connection  Zkiin the directed acyclic graph, the log acceptance ratio needs to be summed to the log marginal-likelihood ratio:

image

image

In this paper, we use a point estimate of the log model evidence:

image

where ˆW (jk)are the parameters of the network optimized using Adam (alpha=0.1, beta1=0.9, beta2=0.999, eps=1e-08, eta=1.0) [14].

We performed architecture sampling on the MNIST dataset. For computational reasons, we restricted the dataset to the first three classes (1,2 and 3). We sampled the DAGs using the MCMC sampler introduced in section 3 with prior parameters  α = 1, γ = 20and φ = 5. For each sampled DAG, we trained the induced convolutional architecture until convergence (540 iterations, batch size equal to 100). The number of bins in the partition of the range of the popularity was five and the number of channels of the first convolutional layer was four. We ran 15 independent Markov chains in order to sample from multiple modes. Each chain consisted of 300 accepted samples. After sampling, all chains were merged, resulting in a total of 4500 sampled architectures.

Figure 3A shows accuracy and descriptive statistics of the sampled convolutional architectures. In all these statistics, we only considered nodes that receive input from the input node (directly or indirectly) as the remaining nodes do not contribute to the forward pass of the network. The network width is quantified as the total number of directed paths between input and output nodes, while depth is quantified as the maximal directed path length. The sampler reaches a wide range of different architectures, whose number of layers range from three to fifteen, and whose average degree range from one to four. Some examples of architectures are shown in Figure 3C. Interestingly, the correlation between the number of nodes, degree, width and depth

image

Figure 3: Statistics of the sampled convolutional ar- chitectures. A) Histograms and bivariate density plots of test set accuracy, number of nodes, average degree width and depth. The three colored crosses denote the statistics of the three visualized networks. B) Histogram of the mean, standard deviation, min and max of the popularity values.

and accuracy is very low. Most likely, this is due to the simple nature of the MNIST task. The ensemble accuracy (0.95), obtained by averaging the label probabilities over all samples, is higher that the average accuracy (0.91), but lower that the maximum accuracy (0.99). Figure 3B shows the histograms of mean, standard deviation, minimum and maximum of the popularity values in the networks.

This paper introduces the Indian Chefs Process (ICP), a Bayesian nonparametric distribution on the joint space of infinite directed acyclic graphs and orders. The model allows for a novel way of learning the structure of deep learning models. As a proof-of-concept, we have demonstrated how the ICP can be used to learn the architecture of convolutional deep networks trained on the MNIST data set. However. for more realistic applications, several efficiency improvements are required. Firstly, the inference procedure over the model parameters could be performed using stochastic Hamiltonian MCMC [16]. This removes the need to fully train the network for every sampled DAG. Another possible improvement is to add deep learning specific sampling moves. For example, it is possible to include a increase-depth move that replaces a connection with a path comprised by two connections and a latent node. Future applications of the ICP may extend beyond deep learning architectures. For example, the ICP may serve as a basis for nonparametric causal inference, where a DAG structure is learned when the exact number of relevant variables is not known a priori, or when certain relevant input variables are not observed [19].

[1] R. P. Adams, H. M. Wallach, and Z. Ghahramani. Learning the structure of deep sparse graphical models. In Proceedings of the 13th International Conference on Artificial Intelligence and Statistics, 2010.

[2] S. Banerjee and S. Ghosal. Bayesian structure learning in graphical models. Journal of Multivariate Analysis, 136:147–162, 2015.

[3] S. P. Chatzis and G. Tsechpenakis. The infinite hidden Markov random field model. Neural Networks, IEEE Transactions on, 21(6):1004–1014, 2010.

[4] P. Dallaire, P. Giguere, and B. Chaib-draa. Learning the structure of probabilistic graphical models with an extended cascading Indian buffet process. In Twenty-Eighth AAAI Conference on Artificial Intelligence, 2014.

[5] F. Doshi, D. Wingate, J. Tenenbaum, and N. Roy. Infinite dynamic Bayesian networks. In Proceedings of the 28th International Conference on Machine Learning (ICML-11), pages 913–920, 2011.

[6] B. J. Frey. Continuous sigmoidal belief networks trained using slice sampling. In Advances in Neural Information Processing Systems 9, pages 452–458. MIT Press, 1997.

[7] P. J. Green and D. I. Hastie. Reversible jump MCMC. Genetics, 155(3):1391–1403, 2009.

[8] T. Griffiths and Z. Ghahramani. Infinite latent feature models and the indian buffet process. Advances in neural information processing systems, 18:475, 2006.

[9] T. L. Griffiths and Z. Ghahramani. The indian buffet process: An introduction and review. The Journal of Machine Learning Research, 12:1185– 1224, 2011.

[10] N. Hjort, C. Holmes, P. Muller, and S. Walker. An invitation to bayesian nonparametrics. Bayesian Nonparametrics, 28:1, 2009.

[11] K. Ickstadt, B. Bornkamp, M. Grzegorczyk, J. Wieczorek, M. R. Sheriff, H. E. Grecco, and E. Zamir. Nonparametric Bayesian Networks. Oxford University Press, 2010.

[12] Y. Jiang and A. Saxena. Infinite latent conditional random fields. In Proceedings of the IEEE International Conference on Computer Vision Workshops, pages 262–266, 2013.

[13] M. I. Jordan. Learning in graphical models, volume 89. Springer Science & Business Media, 1998.

[14] D. P. Kingma and J. Ba. Adam: A method for stochastic optimization. arXiv preprint arXiv:1412.6980, 2014.

[15] T.-Y. Kwok and D.-Y. Yeung. Constructive algorithms for structure learning in feedforward neural networks for regression problems. IEEE transactions on neural networks, 8(3):630–645, 1997.

[16] Y.-A. Ma, T. Chen, and E. Fox. A complete recipe for stochastic gradient MCMC. In Advances in Neural Information Processing Systems, pages 2917–2925, 2015.

[17] V. Mansinghka, C. Kemp, T. Griffiths, and J. Tenenbaum. Structured priors for structure learning. arXiv preprint arXiv:1206.6852, 2012.

[18] A. Mohammadi, E. C. Wit, et al. Bayesian structure learning in sparse gaussian graphical models. Bayesian Analysis, 10(1):109–138, 2015.

[19] K. Mohan, J. Pearl, and J. Tian. Graphical models for inference with missing data. In C. J. C. Burges, L. Bottou, M. Welling, Z. Ghahramani, and K. Q. Weinberger, editors, Advances in Neural Information Processing Systems 26, pages 1277–1285. Curran Associates, Inc., 2013.

[20] P. Orbanz and Y. W. Teh. Bayesian nonparametric models. In Encyclopedia of Machine Learning, pages 81–89. Springer, 2010.

[21] J. Paisley. Machine Learning with Dirichlet and Beta Process Priors: Theory and Applications. PhD thesis, Duke University, Durham, North Carolina, 2010.

[22] R. Y. Rohekar, S. Nisimov, Y. Gurwicz, G. Koren, and G. Novik. Constructing deep neural networks by bayesian network structure learning. In Advances in Neural Information Processing Systems, pages 3047–3058, 2018.

[23] M. Schmidt, A. Niculescu-Mizil, K. Murphy, et al. Learning graphical model structure using l1-regularization paths. In AAAI, volume 7, pages 1278–1283, 2007.

[24] D. G. R. Tervo, J. B. Tenenbaum, and S. J. Gershman. Toward the neural implementation of structure learning. Current opinion in neurobiology, 37:99–105, 2016.

[25] I. Valera, F. Ruiz, L. Svensson, and F. Perez-Cruz. Infinite factorial dynamical model. In Advances in Neural Information Processing Systems, pages 1657–1665, 2015.

[26] W. Wen, C. Wu, Y. Wang, Y. Chen, and H. Li. Learning structured sparsity in deep neural networks. In Advances in neural information processing systems, pages 2074–2082, 2016.


Designed for Accessibility and to further Open Science