Abstract

Generative design problems often encompass complex action spaces that may be divergent over time, contain state-dependent constraints, or involve hybrid (discrete and continuous) domains. To address those challenges, this work introduces Design Strategy network (DSN), a data-driven deep hierarchical framework that can learn strategies over these arbitrary complex action spaces. The hierarchical architecture decomposes every action decision into first predicting a preferred spatial region in the design space and then outputting a probability distribution over a set of possible actions from that region. This framework comprises a convolutional encoder to work with image-based design state representations, a multi-layer perceptron to predict a spatial region, and a weight-sharing network to generate a probability distribution over unordered set-based inputs of feasible actions. Applied to a truss design study, the framework learns to predict the actions of human designers in the study, capturing their truss generation strategies in the process. Results show that DSNs significantly outperform nonhierarchical methods of policy representation, demonstrating their superiority in complex action space problems.

1 Introduction

The process used to create a product is often as important as the finished product itself. This is especially true in generative design problems that require iterative interaction with a concept before creating a finished product [1,2]. Designers take numerous sequential decisions to search and explore large design spaces, eventually creating products that satisfy their objectives. Expert designers leverage their domain knowledge and learned heuristics as intuition to filter the design space and reach solutions quicker [3,4]. For any given design problem, numerous decision-making strategies exist that lead to a variety of solutions. However, only some of these strategies consistently lead to high-performing solutions, and being able to extract and model such effective strategies is a critical step toward building intelligent agents. This work introduces a framework that extends design strategy representation to a generic action space while implicitly modeling the process's underlying relationships.

This research focuses on parameterized configuration design problems [5] modeled as sequential generative design problems involving numerous decision-making steps [1,6]. These problems require generating a configuration from a set of parameterized components in incremental steps such that the overall configuration satisfies an objective. These decisions involve placing the components at different locations and adjusting their parameters. Hence, both the content (the what and the where) and context (the when) of decisions is essential to model the decision-making process. Content is associated with the action definition, which often includes spatial parameters as continuous variables, action types as discrete variables, and feasibility based on the several constraints of the problem. Hence, a representation that captures this constrained hybrid (discrete and continuous) information is essential. Context captures the relationship between design states and selected action since a given action may be beneficial in a particular state but detrimental somewhere else. Further, as the design progresses and becomes more complex in a configuration design process, the number of components and their associated actions also increase; this is referred to as a divergent tree expansion where the feasible action space expands over time. Other problem-solving processes like chess, Go, and many other board games have characteristically convergent tree expansions since the number of pieces and possible spaces one can move to decrease with the game's progress [7]. As a result, a method that models the decision-making process of sequentially generative design problems must address the challenges associated with a divergent and constrained hybrid action space. This work specifically addresses this problem of arbitrarily complex action spaces through a uniquely designed, hierarchical data-driven architecture that mitigates the need for problem-specific action inference methods.

Modeling decision making in problem-solving processes can be formally defined as learning a function π that represents the strategy (or policy) followed by the solver, where πθ (st) = Prob (At) [8]. This function uses the state information (st) as input and outputs a probability distribution, Prob(.), over the set of possible actions (At) to make the final decision at a particular time t in the process [2,8]. Here θ is the set of parameters associated with the function model that need to be learned. Existing Reinforcement Learning and Imitation Learning methods use deep networks to learn this policy function π from largescale data of humans or semi-supervised training to learn it with minimal data [811]. For specific problems, these deep policy networks can learn both optimal action selection and which actions are feasible and infeasible based on environment dynamics [12,13]. However, this success is limited to applications with small action spaces, require large datasets with millions of data points, and often show improper generalization to novel states [14]. Several works in the engineering design area have made progress in capturing human strategies [1520]. However, they limit the definition of actions to high-level commands or stages in a design process to simplify the learning complexity, a framing not sufficient for the learning problem at hand.

This paper surpasses the detail level in previous work by learning the relationships between an image-based representation of the design state and a comprehensive action representation by using a novel hierarchical approach to decompose the action prediction step. The comprehensive action representation includes all parameters associated with the action definition. This research goal of the current work centers around leveraging deep learning tools to extract and represent design strategies and, by extension, design knowledge purely from data. The main research question the proposed methodology aims to answer is: Can data-driven learning with hierarchical actions emulate human decision-making behavior in complex action spaces better than a baseline non-hierarchical method?

To explore this question, a novel hierarchical architecture termed Design Strategy network (DSN) is proposed. This framework can capture and represent strategies in divergent and constrained hybrid action spaces. It breaks down the prediction of the final action into first predicting a rough spatial region in the design space. This breakdown is analogous to a human designer’s visual attention, which helps them focus on only the critical regions of a design space. Once the spatial region is identified, a set of possible actions in that region are queried from the design environment, which is then utilized by the framework to generate a probability distribution over actions. This hierarchy enables the framework to learn an explicit relationship between the state and the final detailed action information. Since the framework queries the set of feasible actions directly from the design environment, it need not learn to identify feasible actions in arbitrary states. Instead, the DSN focuses on representing the relationships between the design state and individual actions from a variable set of feasible actions. The DSN framework works comprehensively in a data-driven manner and does not require problem-specific inference algorithms to make the action decisions, allowing the learning process to be generic and problem-independent. This work explores a case study of a truss design problem [21], which models the classic truss problem in engineering design [22] as a sequential decision-making process. The truss design problem is formulated as a unique Markov decision process with divergent and constrained hybrid action spaces as previously described in Ref. [23]. This truss design problem captures various complexities of a design problem such as high-dimensionality, image-based data, implicit physical dynamics in state representations, no preliminary design feedback, and a complex action space with constrained continuous and discrete parameters. Hence, it provides a challenging test for evaluating DSNs and illustrates how the framework adapts to the different challenges.

The remaining paper is divided into five sections. Section 2 provides the relevant literature for the various components of the proposed methodology. Section 3 presents the method introducing the hierarchical DSN architecture and its training pipeline. Section 4 details the truss design case study used in this work, along with the network details. Section 5 presents the validation results and relevant discussion of the framework performance. Lastly, Sec. 6 concludes the learnings from the validation of the proposed framework.

2 Background

The background section broadly covers the relevant literature of the concepts utilized in this work divided into three sections: Sec. 2.1 covers similarly motivated works. Section 2.2 covers other frameworks that use a similar methodology of hierarchical prediction in imitation learning. Section 2.3 captures a review of different components used in the architecture of the framework.

2.1 Modeling Decision Making in Design Problem Solving.

Engineering design is often considered as an elaborate sequence of decisions [2]. Formulating design in that manner allows proper formalisms in terms of the state's definitions, the possible actions, the relevant objectives, and constraints. Decision-based design is a perspective that builds upon this formulation. It acknowledges decision-making challenges regarding ambiguity, tradeoff, and uncertainty in the design process [6,24,25]. These ideas allow the application of mathematical analyses and tools to guide the process. Modeling design decisions have been achieved with Bayesian models, where models extract frequently occurring design sequences as probability distributions with sequential actions. Frequently occurring design actions have been extracted using first and second-order Markov chain models [15,26,27]. Hidden Markov models have also been shown to learn a discriminative representation between high and low skilled strategies in human designers [16]. Further, these representations were seen to maintain their characteristics when transferred to design agents or new problems [28], enabling transfer learning. Apart from Bayesian methods, Gaussian processes have also been used to capture human decision-making behavior and have been used for modeling search [29], choosing design parameters, and even making decisions on information acquisition [30,31]. Other recent work has also used deep learning models to predict human action decisions and capture their behavior. Rahman et al. [17] illustrate that combining static and dynamic information enables better prediction using a recurrent neural network. Bayrak and Sha [19] integrate game theory and sequence learning using LSTM networks to predict design decisions. Raina et al. [32] introduce Deep Learning Agents (DLAgents) that illustrate the efficacy of using visual imitation-based methods to model human decision-making in design. These agents used a combination of data-driven strategies and image processing-based inference algorithms to simulate human decision-making. Our current work extends the DLAgents framework to replace the rule-based inference algorithms with a data-driven framework, extending its applicability to other similar problems with minimal additional effort.

2.2 Hierarchical Policy Network: Integrating Spatial Intuition to Guide Action Selection.

A common type of Reinforcement Learning algorithm, policy networks [8], usually implicitly define a simple action space [10]. Networks that deal with hybrid action spaces (discrete and continuous actions) adopt specialized architectures capable of accommodating the additional complexity [3336]. Further, for specific problems, it is necessary to filter actions based on state constraints [37,38]. This mechanism works for discrete actions but cannot be extended to continuous action spaces. The combination of state constraints and hybrid action spaces has only been addressed in large-scale deep learning methods [13,39]; these methods depend on imitation learning over millions of data points to effectively learn the constraints from environment dynamics, enabling them to determine the feasible action space implicitly. The differences among the action spaces can be summarized as follows: Deep Q Networks (DQN) and its variants [10,40] are developed for discrete actions where every neuron output corresponds to an action. Deep Deterministic Policy Gradients (DDPG) [41] are used for continuous vector outputs as action values, where the losses are computed based on an approximated policy gradient formulation. Parameterized DDPG [35] and Parameterized DQN [42] methods are developed for hybrid actions spaces (having both discrete and continuous actions) with inverting gradient losses and custom architectures; however, these methods are only limited to those domains.

This paper addresses the challenge of action space representation by decomposing the task of action selection into a hierarchical two-step decision. The first step predicts a preferred spatial region in the state space, analogous to hard attention that filters out unimportant regions; such hard attention has been previously used for computer vision tasks [4345]. Since hard attention explicitly outputs the desired spatial region, it allows effective interfacing with a nondifferentiable design environment function for sampling feasible actions. Similar spatial intuition or visual attention-based approaches have recently emerged in Reinforcement Learning literature with great success and numerous applications [4652]. Our work is similar to the framework of Mott et al., which used soft-attention-based RL agents [52]; however, their attention mechanism is parallel to the network, which is different from our hierarchical approach. The hierarchical approach first roughly predicts the spatial region before predicting the exact value of the final action. The presented DSN framework has hard spatial attention as an indispensable part of the policy network, which, along with the other parts of the framework, allows usage in constrained hybrid action spaces. This hierarchical approach enables sampling feasible actions from the design environment, and hence the method can be applied to a wide array of problems. Moreover, the preferred spatial region promotes a more interpretable decision-making approach since the spatial region it generates provides insights about the internal decision-making of the framework, which can be helpful in human–machine collaborative settings or a qualitative evaluation of the decision-making behavior.

2.3 Deep Learning on Image-based States and Unordered Action Sets.

Design processes often involve decision-making based on visual state information wherein human designers interact with image-based snapshots of design state representation. The high dimensionality of image-based data makes learning over it complicated, requiring a representation with reduced dimensions that preserves essential information from the original state. Recent advancements in machine learning have developed numerous methods to deal with such high-dimensional image-based data. Specifically, several deep network architectures that use convolutional neural networks have been developed that effectively capture spatial features and generate a low-dimensional embedding [53,54]. Some recent works have introduced novel architectures from natural language processing for image-based data, even outperforming the existing methods [55,56]. However, for the scope of this research, a basic Atari Deep Q-Network [10] (Atari-DQN) based architecture is adopted due to its simplicity and its relatively low data requirements when compared with newer styles and deeper networks like VGG [53], ResNets [54], and Transformer networks [55].

Design problems often involve highly complex action representation. The action space can be variable depending on the state and include continuous parameters. Developing a deep learning network that can accommodate these characteristics is challenging because networks usually have a fixed-sized input. Such networks assign fixed weights to corresponding indexes giving importance to the order of the input. Complex action spaces require an order invariant set-based representation of action input data. Recently, there has been significant research in this area inspired by the point cloud representation of 3D models [5759]. Studies have further enhanced these ideas' capabilities by introducing a deep-set formulation of neural networks that can accommodate such data's complexities [57,60,61]. Deep sets present the concept of invariant neural networks that transform each element of a set using multiple layers individually. This representation creates a transformation of the input set with each element independent of other elements. This representation is usually followed by some form of element aggregation and finally using a nonlinear transformation to generate the relevant output. This method has been adopted in the presented work to capture the action space's complexities, treating the feasible actions as an unordered set input. Contrary to previously discussed methods of reinforcement learning (DQN, DDPG, Parameterized DQN and Parameterized DDPG), the proposed new framework with a dynamic feasible action input in every state can be applied to a complex action space that includes hybrid actions and state-dependent constraints as it can deal with a variable sized set input for every state. The proposed framework’s selection network takes the unordered set of actions as input and combines them with state encoding before aggregating and generating a probability distribution over the action set.

3 Design Strategy Network

This work introduces Design Strategy network as a generic framework for representing strategies in a design problem. DSN is a data-driven method that trains on historical trajectory data and instantaneously generates an action probability distribution given a state input. The ability to emulate decision-making behavior is analogous to representing design knowledge about solving problems, or intuition, through a pixel-based state input. The framework uses a hierarchical architecture that first predicts a preferred spatial region in the design space and then generates a probability distribution over a variable set of feasible actions in that region. A combination of three networks in the architecture collectively enables handling the problem’s action space variability. Figure 1 schematically represents the architecture of the DSN framework, with the arrows representing the flow of information during inference or prediction. Three networks compose the architecture: Encoder network, Spatial Action network, and Selection network. The Encoder network downsamples the state information into a low-dimensional encoding which helps the Spatial Action network to predict a preferred spatial region. This spatial region (shaded area) is then used to query the environment to sample a set of feasible actions. Finally, the Selection network uses both state encoding and possible action set to generate a probability distribution for final action selection. This unique hierarchical formulation of the framework allows effective decomposition of the tasks and presents the following set of features as contributions:

  • Purely data-driven approach: Unlike previous approaches [23,32,62], DSN does not require rule-based inference algorithms to make action selections and is a data-driven methodology to predict human actions.

  • Modularity: The framework is decomposed into three different deep networks that have independent learning tasks. These networks can be independently improved upon and then merged into the overall framework.

  • Generic action space representation: The framework is independent of the problem’s action space type and can work with any arbitrary action space. Input to the framework is a variable-length set of feasible actions extending its applicability as a generic strategy representation framework.

  • Interpretable spatial intuition: The framework predicts a rough region of importance in the design space as an intermediate step, making the internal decision-making more observable than an end-to-end model with no intermediate non-latent representations. Further, this predicted region is also used to interface with the environment to sample the feasible actions.

Fig. 1
Schematic for DSN architecture
Fig. 1
Schematic for DSN architecture
Close modal

The following subsections detail the architecture (Sec. 3.1), sampling mechanism (Sec. 3.2), and training process (Secs. 3.3 and 3.4) for the hierarchically structured DSNs.

3.1 Hierarchical Architecture.

The proposed framework decomposes the problem into three independent networks that feed into one another and make the final action selection. This decomposition's inspiration comes from the human visual attention mechanism, allowing humans to focus on only a tiny part of a problem [3,63]. Over numerous years of experience, expert humans instinctively identify promising regions of a solution space to focus their cognitive load effectively. Implementing this introduces a hierarchy in the architecture since the action prediction task is split into first predicting the “parent” spatial region, which governs a set of “children” feasible actions, one of which is then selected as the final action prediction. This breakdown emulates the expert behavior for quickly filtering the solution space while also enabling integration with the environment function to sample a set of continuous actions enabling the hierarchical network to interface with a complex action space.

The input is first passed through the Encoder network, which transforms the image-based design state (st) into a low-dimensional latent state encoding (st*) while capturing its essential information, as shown in Eq. (1):
(1)
Encoder network (ENCθe whose parameters are defined as θe) comprises multiple convolutional layers that process the design state image and are used to capture both low- and high-level convolutional features. Next, the Spatial Action network (SPAθr with parameters θr) uses the generated latent encoding to predict a spatial region corresponding to the spatial parameters (ps) of the final action. The Spatial Action network is a multi-layer perceptron that transforms the encoding into continuous spatial parameters, as shown in Eq. (2):
(2)
The definition and dimensionality of the region and spatial parameters depend on the specific problem and must be uniquely identified for the use case. A spatial sampling method (defined in Sec. 3.2) uses this predicted spatial region to query a feasible set of actions (At|st, ps) from the design environment. This process is represented as a dotted line in Fig. 1 since it is not a part of the data-driven framework, but it is still controlled by the Spatial Action network’s output as described in Eq. (3):
(3)
Finally, the Selection network (SELθa with parameters θa) effectively evaluates all the actions in the unordered set of feasible actions and computes a probability distribution across the unordered set to select the appropriate action:
(4)

The Selection network follows a Deep-Set formulation [60] to adapt to the unordered nature of the data. The architecture includes layers with shared weights that individually transform every action in the set and develops a state-action combined encoding before transforming into a probability distribution. This formulation is analogous to a Q-function since it takes both state and feasible actions as input and generates a probability equivalent to the expected value of the action in that state. Formulating the strategy network in this hierarchical format allows its application to any arbitrary action space definition.

Equations (1), (2), and (4) compose the data-driven part of the framework that focuses on learning the relationships between the selected action (with its associated parameters) and the design state information. Equation (3) generates a sample of feasible actions by querying the design environment, preventing the data-driven component's need to learn these relationships and hence, simplifying the learning problem. Since sampling feasible actions in a design state is not directly related to the decision-making mechanisms in a design problem, sampling it from the design environment allows the data-driven components to focus on learning to predict the problem-solving behavior.

3.2 Spatial Sampling of Feasible Actions Using the Design Environment.

This subsection details a function to generate a tractable list of feasible actions in a given design state. In the case of design problems, the environment usually provides an interface to a user along with a list of feasible actions or tools to help them interact with the current design state. The underlying mechanism or physical models required to simulate the design are considered a black box and are not explicitly available to the user. Ideally, the environment must determine an exhaustive list of all actions for the user; however, this number can be very high or infinite in the case of continuous action space. To circumvent this issue, a spatial sampling function Eq. (3) is developed that takes a preferred spatial region and generates a set of feasible actions. The spatial region is arbitrarily defined as a mixture of S multivariate unit-variance (isotropic) Gaussian distributions. These S different Gaussian distributions' dimensionality depends on the specific use case and can be modified arbitrarily given the problem and action definition. For instance, consider a problem in which every action requires three control points in x–y coordinates (illustrated in Fig. 2). The relevant spatial region for such a problem is a mixture of three bivariate Gaussian distributions. In Fig. 2, each distribution center is shown as “+,” a rough probability distribution is shown as the shaded part, and the triangle represents the existing components in the region. Based on the spatial region, feasible actions are sampled and generated by this function. This function treats continuous parametric actions and state-dependent discrete actions differently. Since there is an infinite possible set of actions for continuous actions, only n actions are sampled from this mixture of Gaussian distributions (shown as isolated circles in Fig. 2). For discrete actions, a comprehensive list of actions based on the existing components present in the region is prepared, and then Amaxn actions are selected based on their likelihood given the spatial region. As a result, a maximum of Amax actions are sampled from the spatial region; n continuous and Amaxn discrete actions. These actions are computed based on feasibility and certain states may not contain Amaxn feasible discrete actions, and hence the set of feasible action is variable. It must also be noted that this function does not provide any information about solving the problem and just aims to list the feasible actions in the preferred region and hence is a part of the design environment itself. The values of the introduced hyperparameters (S,Amax, n) are defined with respect to the problem in Sec. 4.1.

Fig. 2
An example showing sampling feasible actions based on spatial region. Spatial regions for three control points are centered at respective “+.” Triangles show existing components. For feasible actions, isolated circles represent the continuous actions sampled in the region. The connected triangles and circles show discrete actions that require three control points.
Fig. 2
An example showing sampling feasible actions based on spatial region. Spatial regions for three control points are centered at respective “+.” Triangles show existing components. For feasible actions, isolated circles represent the continuous actions sampled in the region. The connected triangles and circles show discrete actions that require three control points.
Close modal

3.3 Dataset Processing.

Training the hierarchical DSN framework requires a dataset with sequential decision-making information. The dataset must contain several design process trajectories, starting from initial design states and ending with the final design. The sequential dataset, D, needs to be of form D = {st; (ptd, pts)} ∀t = [1, T] with T data samples, where st is the design state represented as a multi-dimensional vector (pixels, voxel, or other matrix-based representations), ptd is the discrete label of the selected action, and pts is the vector containing the spatial parameters of the selected action, at iteration t. Further, two different variants of this dataset must be formulated. The first dataset D1 = {st; pts} ∀t = [1, T] has the design state as the input and the continuous spatial parameters as the output. This dataset captures the intuitive relationship between the current state and the spatial region of importance based on where the human took the following action in the dataset. The other dataset D2 = {(st, (ptd, pts)Amax); i} ∀i = [1, Amax] contains the current state and a set of top Amax feasible actions as the input. The output is the classification index i of the selected action. This dataset can be developed by recording human designers solving a problem or being synthetically generated by agents with high-performing behavior.

The dataset stores the associations between the combined set of states, feasible actions, and the final selected action capturing the domain knowledge integral to the sequential decision-making in the design process. The feasible actions are sampled using the methodology explained in Sec. 3.2 by utilizing the spatial region around the final selected action. Providing this set of feasible actions simplifies the learning problem for the learning framework since then the framework only needs to predict the best action from the list and not have to learn the relationship between the current state and the whole set of feasible actions. This sequential decision-making corresponds to the learning problem of one-step prediction and focuses on the immediate or myopic design strategies while long-term strategies are not explicitly modeled.

3.4 Training Procedure.

The DSN framework has two main flow hierarchies. The higher-level hierarchy outputs a spatial region (pts) and consists of the Encoder Network and Spatial Action network parameters. The lower-level hierarchy outputs a probability distribution over the set of feasible actions that includes both the spatial and discrete component of the action definition (pts,ptd) and consists of Encoder network and Selection network parameters. The two datasets D1 and D2, are required to train these two parts of the framework separately. Since the spatial region output is a continuous vector of spatial locations, a mean square error (MSE) loss is used as in Eq. (5):
(5)
A binary cross-entropy (BCE) loss trains the probability distribution output from the Selection network as shown in Eq. (6):
(6)

Both the losses are equally weighted during training. The MSE loss trains the network to predict the spatial parameters associated with the region, while the BCE loss compares the action distribution generated by the framework to one hot vector for the selected action index. The BCE loss trains the network to assign high value to the combined state-action encoding for the human selected action and lowers the values for all other options, effectively training the DSN framework to learn human action preferences given the state. It must be noted that encoder parameters θe are being optimized twice such that the essential features of the latent encoding include information for both spatial region prediction and the final action selection. The encoder network cannot be trained independently because it is a hidden representation, and there are no explicit labels available.

4 Case Study: Truss Design Problem

Section 4.1 introduces the details of the truss design problem, the human design study conducted previously, and the preprocessing of the dataset. Section 4.2 provides the network details and other hyperparameters in the overall training setup. Section 4.3 provides the details of the experimental setup.

4.1 Problem Definition and Dataset Preprocessing.

The design of truss structures, a classic problem in engineering design [22], aims to determine a configuration of nodes and members such that the resulting structure can sustain an arbitrary load. Further, a sequential decomposition allows the designers to modify the design state incrementally, building the design step by step. A human design study was previously conducted to record sequential human actions while solving this problem [64]. The study comprised 48 humans working in teams of 3 to create a truss design with sufficient strength (quantified as Factor Of Safety, FOS) and minimal mass. This dataset has been used in prior work to train DLAgents and their variants [23,32,62] and has also been used to train probabilistic models to explore action sequencing [16,65]. The training of the proposed DSN framework only considers the generative actions that positively add components or increase their sizes (i.e., Add a Node, Add a Member, and Increase Thickness of a member) and subtractive actions that remove elements or decrease size are ignored. Even though this leads to a significant reduction in the dataset size, it focuses on actions that lead to building trusses (rather than revising or trimming them), thereby reducing the noise in the dataset. Each of the mentioned three actions has a discrete component (the action label) and a spatial component called parameters (x1, y1, x2, y2) or (x1, y1) that define the particular action as specified in Table 1. It can be observed that Add a Member and Increase Thickness are state-dependent discrete actions since their domains are constrained to the existing set of nodes and members, respectively. This domain also expands as the set of nodes and members increases over time. A rough estimate2 of the number of possible design trajectories that can exist for this problem is of the order of 101000, which is much larger than other complex problems (10123 for chess and 10180 for Go) [7].

Table 1

Description of truss design actions

Discrete action (label)ParametersDomainType
Add a nodex, yx, y ∈ Continuous 2D spaceContinuous
Add a memberx1, y1, x2, y2(x1, y1, x2, y2) ∈ Node setState-dependent
Increase thicknessx1, y1, x2, y2(x1, y1, x2, y2) ∈ Member setState-dependent
Discrete action (label)ParametersDomainType
Add a nodex, yx, y ∈ Continuous 2D spaceContinuous
Add a memberx1, y1, x2, y2(x1, y1, x2, y2) ∈ Node setState-dependent
Increase thicknessx1, y1, x2, y2(x1, y1, x2, y2) ∈ Member setState-dependent

The dataset contains a total of 8048 samples with information about the design state as an image and the design action selected by the human designer. Truss design actions require at most two spatial control points with x–y coordinates for the two endpoints of a member, so the spatial region is defined by a mixture of two bivariate isotropic Gaussian distributions (S = 2). Preprocessing the data requires creating the two datasets D1 = {st; pts} and D2 = {(st, (ptd, pts)A); i}. The human dataset already contains the state information (st) and the finally selected action information (ptd, pts); however, the feasible set of actions A_t|st,pts=(ptd,pts)A needs to be computed for the given state and predicted spatial region. For training, the spatial region is centered around the selected action's exact spatial parameters pts; hence, the set of feasible actions is sampled from the action’s spatial neighborhood. In the case of truss design problem ptd is a 3-dimensional one-hot vector since there are three action labels and pts is a four-dimensional vector that contains the spatial parameters. In the case of Add a Node the spatial parameters are padded to maintain a uniform vector length of 4 across all action parameters. The total number of feasible actions in a state is limited to 50 (Amax), including 10 (n) continuous actions per state. These numbers are empirically selected and may be further optimized given the goal of the learning process, for which a more rigorous and computationally intensive study may be required. This limitation allows the spatial region to filter out the top 50 feasible actions in each state based on the spatial region distribution likelihood.

4.2 Network Details.

This subsection details the three deep learning networks used in the DSN framework developed for the truss design problem. The three different networks are named: Encoder, Spatial Action, and Selection.

Encoder network: Fig. 3 provides the schematic for this network. The encoder follows an architecture similar to the Atari DQN network [10]. There are three convolutional layers with decreasing kernel sizes (8 × 8, 4 × 4, and 3 × 3) followed by a linear layer that generates the 512-dimensional final latent representation. Every layer uses a ReLU non-linearity. In order to reduce the number of dimensions on the image data, large strides are used [66]. The number of channel features progress from 3 in the input to 32, 64, and 64 in the three consecutive convolutional layers. The encoder takes the state input as an RGB 3 channel 128 × 128 pixel-based input and generates a 512-unit latent encoding.

Fig. 3
Schematic representation of the Encoder network layers
Fig. 3
Schematic representation of the Encoder network layers
Close modal

Spatial network: The spatial network uses a basic 3-layer neural network with 64, 32, and 4 units, respectively, as shown in Fig. 4. The first two layers of the network have ReLU activation, and the final layer has TanH activation to bound the output between −1 and 1 (the bounds of design space). The final layer has four units since there are four spatial parameters required for truss design, as shown in Table 1 however, it can be arbitrarily modified to suit other problems.

Fig. 4
Schematic of the Spatial Action network
Fig. 4
Schematic of the Spatial Action network
Close modal

Selection network: The selection network architecture aims to learn the relationship between the combined state and feasible action set with the final selected action. The network must handle an unordered set of inputs with variable sizes as the feasible set of actions keeps changing given the state. The idea is to generate a combined state-action representation for each action in the set. It follows an invariant style network similar to a PointNet architecture [34], where it transforms each item in the set by several layers and then uses an aggregating function at the end; the schematic for the network is shown in Fig. 5. Every action's representation comprises both discrete and spatial components. For each action, the spatial parameters are transformed with four layers of progression (64, 128, 256, and 256). The discrete parameters (action label) only go through one layer of transformation from 3 to 64 and are then concatenated together into a vector (320 units), then transformed into 512 units. A concatenation operation then joins each of the actions with the latent encoding of the encoder network's state. As a result, a joint representation for every state and action pair is generated. Each pair representation is further transformed and downsampled from 512 to 128 and then finally to 32 units. Each layer in the transformation of these action representations has a Batch Norm followed by a ReLU activation to enable proper learning. The data at this point is sized N × 32; an average pool with a 32 sized kernel brings it further down to N × 1, generating a scalar value for every action. Finally, this culminates with a SoftMax aggregation that produces a probability distribution across all actions in the set. Since SoftMax is an order invariant aggregator, it helps the network learn effectively from the unordered set of action inputs. It must be noted that the selection network is independent of the size of the action input and can deal with a set of N action inputs with variable size.

Fig. 5
Schematic of the Selection network
Fig. 5
Schematic of the Selection network
Close modal

4.3 Experimental Setup.

To effectively train and evaluate the framework, tenfold cross validation [67] is carried out. The dataset is split into ten sections (folds) and one of them is used for testing while other nine are used for training so that the testing set comprises unseen design states. Further, 10% of the training data in every fold is used as a validation set. The training process is then repeated ten times where each fold is used as a testing set once. This is a comprehensive method to evaluate the model performance as it normalizes any variance in the accuracies due to the test-train split. For each iteration the DSN framework is trained using the Adam optimizer [61], and a decaying learning rate for 200 epochs starting from 0.001 with early stopping if no improvement is seen over 20 epochs. The best performing network in terms of accuracy (Top-1 selection accuracy) is identified and stored. The two different loss values (MSE and BCE) are observed and compared. These loss values provide an aggregated value of error over the dataset that helps to compare the network's performance. Even though these losses are adequate for training, they only provide a one-dimensional view of the performance. Two accuracy metrics are devised to further analyze and evaluate the error distribution over the whole test set.

The two prediction accuracy metrics are explicitly developed to evaluate the performance of the two hierarchies of the framework: spatial accuracy and selection accuracy. Spatial accuracy evaluates if the predicted spatial region is within the error threshold bounds of the ground truth spatial region. For example, a threshold value of 0.3 units means that both the control points of the spatial region must lie within 0.3 distance units from the ground truth control points to be classified as a correct prediction. The distance units are normalized to represent the entire design space within the range of [−1, 1] (two extremes of the image); hence a tolerance of 0.3 distance unit is equivalent to about 15% of the overall design space length. The threshold value can be changed to observe the performance with strict or lenient error tolerances. Increasing the threshold value makes it easier for the framework to achieve higher accuracies. Selection accuracy represents how well the framework can predict the final action selected by the human. The accuracy is defined as Top-k selection accuracy, which classifies a prediction to be accurate if the top k predictions from the model contain the ground truth action selected by the human. Here Top-1 prediction is analogous to a standard accuracy metric where only the best action is considered. Like spatial accuracy, increasing k (or error threshold for successful prediction) makes it easier to achieve high accuracy values. These threshold values allow evaluation of the performance variation across the whole test dataset providing more granular information than losses. It must be noted that these prediction accuracy metrics have only been utilized for analyzing the test performance and have not been used for training the networks.

Although DSN is a unique framework that hierarchically decomposes action prediction allowing compatibility with complex actions, an Atari-DQN based model was trained to benchmark. The original network outperformed humans on multiple Atari games and illustrates the effectiveness of such policy networks on discrete action space problems. The model consists of three convolutional layers similar to the original paper [10] that reduce the dimensions of the image from 128 × 128 × 3 to 12 × 12, followed by two linear layers to predict both discrete and continuous parameters of the hybrid action definition (similar to Ref. [35]). This network is trained similarly to DSNs, but instead of predicting the final action from a set of feasible actions, it predicts the discrete and continuous parameters of the final actions directly without any information about the feasibility of the actions. It uses the original version of the dataset D = {st; (ptd, pts)} ∀t = [1, T], with T data samples, that has the direct relationship between the state and the final selected action. This network is referred to as the “Imitation Network” since it is a vanilla nonhierarchical policy network that directly learns to imitate human action's spatial and discrete parameters. This model respects the hybrid nature of the action space (discrete and continuous parameters); however, it does not comply with the state-based constraints and hence can make predictions in infeasible action spaces. To overcome this, an approximation is used; the predicted spatial parameters are used to find the nearest feasible action from the sampled set based on Euclidean distance. This approximation allows the network to be applicable for complex action spaces and predict (the nearest) feasible action and spatial regions for a baseline comparison in a complex action space problem. It must be noted that both DSN and Imitation network use the spatial region-based feasible action sampling described in Sec. 3.2 with the primary difference being, DSN utilizes the action set as an input since it can deal with unordered variable set-based input and generate a probability distribution while the Atari-DQN uses a Euclidean distance heuristic estimate to predict the final action selection from the set. The number of parameters for DSN is slightly higher than the nonhierarchical Imitation network (5.17 million parameters versus 4.8 million parameters) since the additional network (selection network) is used to generate the final action probability distribution.

5 Results and Discussion

This section presents the validation results from the prediction accuracy comparison of the two networks, followed by a qualitative discussion over the usefulness and failure cases of the proposed network.

5.1 Evaluating Framework Prediction Accuracy.

Comparing the average loss metrics and average prediction accuracies help to determine how well a model can predict human decision-making behavior from historical data. These metrics are compared for two different networks: the proposed DSN and the vanilla Imitation network from Atari-DQN. Table 2 shows the different metrics averaged over 10 runs of tenfold-cross validation for comparison. The MSE loss shows the error for predicting the spatial region. The DSN framework (0.0215) outperforms the Imitation network (0.0252) by 15%, showing its ability to predict the preferred spatial region more accurately. It must be noted that even though both DSN and Imitation network use very similar networks (architecture and layers) to predict the spatial regions, DSN perform much better in terms of Spatial accuracy and MSE loss values. In terms of prediction accuracy, only the metrics with the tightest thresholds are shown in Table 2. Spatial accuracy (0.1 units) illustrates the percentage of test data the network can predict within a 0.1 error tolerance. It can be observed that the proposed DSN framework performs better than the Imitation network baseline (56% versus 31%) with a 0.1 threshold. Similarly, selection accuracy depicts the percentage of test data for which the network exactly predicts the final action. The DSN outperforms the Imitation network on selection accuracy (74% versus 48%) for the Top-1 action prediction. The proposed DSN framework significantly outperforms the existing method for policy representation and behavior prediction in all the metrics. To further analyze this performance, the accuracy threshold values are varied.

Table 2

Comparing the testing performance of the DSN framework with respect to the vanilla Imitation network over tenfold validation. The values are averaged over 10 runs and show ± first standard error

Model typeMSE lossBCE lossSpatial accuracy (0.1 units)Selection accuracy (Top 1)
Imitation network0.0252 ± 0.00150.1524 ± 0.0055a31.31 ± 1.8848.00 ± 1.50b
DSN0.0215 ± 0.00110.0326 ± 0.000956.17 ± 1.7973.82 ± 00.94
Model typeMSE lossBCE lossSpatial accuracy (0.1 units)Selection accuracy (Top 1)
Imitation network0.0252 ± 0.00150.1524 ± 0.0055a31.31 ± 1.8848.00 ± 1.50b
DSN0.0215 ± 0.00110.0326 ± 0.000956.17 ± 1.7973.82 ± 00.94
a

The BCE losses cannot be directly compared for the two frameworks. The Imitation network only predicts the discrete component of the final action and hence only has three classes compared with 50 classes for DSN (Selection network), which predicts the final action from the feasible set.

b

To compute the selection accuracy, the nearest feasible action is compared with the ground truth, an approximation required for Imitation network to output feasible actions.

Different accuracy thresholds for spatial accuracy and selection accuracy are compared using stacked horizontal bar graphs in Figs. 6 and 7. Here, the x-axis represents the average percentage of the test set going from 0 to 100. The bars from left to right represent the different error threshold levels, and the width of the block represents what percentage of the test set that threshold correctly predicts. These percentage values are also displayed from left to right (minimum to the maximum threshold) and explicitly represent the width of the block corresponding to the percentage of the test set. This stacked bar graph visualizes the discrete distribution of the test set across the error thresholds. It provides more granular information about the performance of the frameworks than aggregated MSE and BCE values, which may help compare different frameworks depending on the application. Further, this can isolate outliers and provide more interpretable information about the performance.

Fig. 6
Spatial accuracy distribution over the test set with % data cover for given error thresholds
Fig. 6
Spatial accuracy distribution over the test set with % data cover for given error thresholds
Close modal
Fig. 7
Selection accuracy distribution over the test set with % data cover for given error thresholds in Top-k accuracy
Fig. 7
Selection accuracy distribution over the test set with % data cover for given error thresholds in Top-k accuracy
Close modal

Figure 6 shows the average testing spatial accuracy distribution over 10 runs for the two frameworks. The learning problem essentially aims to predict human visual attention, meaning the area of the design space the designer is focusing on, accurately predicting which is a challenging problem. Four different tolerance values are evaluated: 0.1, 0.3, 0.5, and 1.0. The graph for DSN can be read as follows: 56.17% of test data lies within 0.1 error of prediction, 30.45% lie between (0.1, 0.3] error, 7.64% with (0.3, 0.5] error, 4.74 % have an error between (0.5, 1.0] and 0.73% have an error higher than 1.0 units. Benchmarking performance indicates the Imitation network does decently; however, it cannot match the DSN framework's performance with the additional Selection network for making the final action selection. In comparison, a random prediction is close to 0% for low tolerance of 0.1 units as it is challenging to predict this accidentally. Over 60% of data cannot be predicted with random guessing even with >1.0-unit tolerance; the bar graphs for the random case illustrate the difficulty of the learning problem.

Figure 7 shows a comparison of Top-k selection accuracies for the two models. Four values of k for Top-k accuracy are compared: 1, 3, 5, and 10. Here Top-1 prediction is analogous to the typical accuracy where selecting the exact action will lead to a correct prediction. A considerable difference in Top-1 selection accuracy is observed between the DSN framework (74%) and Imitation network (48%), again illustrating the effectiveness of the hierarchical nature of the framework. The bars from left to right represent if the correct human action is among the second and third prediction, fourth and fifth prediction, sixth to tenth prediction, or more than the top ten predictions. Selection accuracy (especially Top-1) provides a stringent metric to compare if the framework can precisely predict the human designer’s action, despite that DSN can achieve an accuracy value of 74%, which illustrates the effectiveness of the framework to predict human decision-making behavior on unseen truss states. The random model bar plots further illustrate the difficulty of the challenge, and a significant gap between the random prediction and the DSN is observed. These frameworks successfully extract and represent these relationships in their deep networks and then leverage them to predict human behavior in unseen design states.

The results illustrate the effectiveness of DSN at predicting human behavior. It predicted human behavior in unseen design states with accuracies much higher than the baseline Imitation network and a random baseline. This effectiveness implies that using this hierarchical framework can capture human intuition including their underlying domain knowledge, from historical data to simulate that behavior.

5.2 Qualitative Evaluation.

Further qualitative evaluation is conducted by visualizing and comparing the predicted spatial region and final actions with the ground truth values selected by the human from one of the testing sets of tenfold-validation. Figure 8 illustrates spatial region prediction for four different samples. The spatial region is centered at the “+” symbol and consists of four concentric circles. The circles represent the 0.1 (smallest), 0.3, 0.5, and 1.0 (largest) tolerance values used to evaluate the spatial accuracy. It can be observed that the innermost circle, which corresponds to 0.1 tolerance, refers to a tiny area relative to the design space. It can be observed that DSN can predict the spatial region very close to the ground truth, performing much better than the Imitation network. The difference is particularly high in examples 3 and 4, where the Imitation network predicts some part of the region correctly but cannot attain a sub 0.1 tolerance value for both the points. Example 3 illustrates a continuous action (addition of node) corresponding to overlapping spatial regions since there is only one control point; this is accurately predicted by the DSN framework showing its superiority in performance. It appears that the Imitation network can predict the general region of action, which is close to the ground truth, meaning it has captured a rough idea of the visual attention model of humans; however, it is not highly accurate. The third and fourth examples illustrate the inaccuracies where DSN accurately made the predictions.

Fig. 8
Comparative evaluation of DSN and Imitation network frameworks for spatial region prediction. Shaded regions centered around “+” are the two control points of the spatial regions. The concentric circles represent tolerance values of 0.1, 0.3, 0.5, and 1.0
Fig. 8
Comparative evaluation of DSN and Imitation network frameworks for spatial region prediction. Shaded regions centered around “+” are the two control points of the spatial regions. The concentric circles represent tolerance values of 0.1, 0.3, 0.5, and 1.0
Close modal

Figure 9 compares the two frameworks for the final action prediction using the same four examples. These four examples have been selected to illustrate the complexity of the problem since multiple potentially good actions exist in these states, and the network must predict the one selected by the human designer in the unseen dataset. The four columns represent the input design state, ground truth, predicted action by the DSN framework, and the benchmark framework. The action is highlighted using shaded rectangles in these figures. It can be observed that in the first two examples, both DSN and Imitation network can correctly predict the action; however, when the design becomes more complex (with numerous action options), as shown in examples 3 and 4, Imitation network begins to make errors in the prediction. Here again, it can be observed that having the proposed hierarchical decomposition in strategy representation can achieve high prediction performance.

Fig. 9
Comparative evaluation of DSN and Imitation network frameworks for final action prediction on the test dataset
Fig. 9
Comparative evaluation of DSN and Imitation network frameworks for final action prediction on the test dataset
Close modal

Extending the qualitative evaluation to failure examples from the data provides exciting insights into the performance of these networks. The absolute metric that this work utilizes is the prediction accuracy of the networks. However, predicting human actions is a very challenging task, and producing a 100% accurate model of humans, in general, may not be possible or even beneficial. This work aims to achieve as high accuracy as possible to allow the network to capture the general intuition of decision-making in design. Figure 10 illustrates two examples that show the current state, spatial region, ground truth, and the final action prediction by the high-performing DSN framework. In the first example, the network predicts a spatial region in the vicinity of the actual action; however, while predicting the final action, it identifies that “Add a Member” needs to be selected; however, the spatial location is not precisely what the human selected leading to an incorrect action selection. Similarly, in the second example, the network correctly predicts “Increase Thickness”; however, the spatial location is slightly different from the original human action and is again classified as an incorrect selection. It must be noted that the final action is selected from a set of feasible actions and hence must be identical to the ground truth for accurate classification. The ability of the network to discern this level of detail in the design problem is one of the significant contributions of this DSN framework. The hierarchical network can generate this detail due to the decomposition of the prediction problem into determining a spatial region first and then selecting from the sampled list of actions. Moreover, it is not just the top-1 selection accuracy of 74% that is valuable; instead, if the top-5 actions are observed, the prediction first contains the selected human action (with 93% accuracy) and also contains several other “inspired” actions that if explored further may turn out to lead to better designs and hence also very valuable. This multiple action output enables the framework’s application in search-based optimizers and the development of design agents to simulate high-performing design decision-making and identify potentially meaningful search directions. As a result, this framework can guide synthetic design generation problems and even integrate auxiliary objectives to enhance the design generation performance by using this learning as an initial “human prior.” An important challenge when using an imitation learning framework for a generative task is Distribution Shift [68,69]. Distribution shift refers to an instance when the network makes a prediction on a state that is largely different from the training state distribution, leading to an incorrect or seemingly random prediction despite good performance during training. This is because during training the network learns only expert strategies and hence does not learn how to deal with or recover from nonexpert design states. This is a standard problem with all imitation learning approaches and limits the performance of generated trajectories in novel domains. As a solution, these imitation learning methods are often bootstrapped with search [23,68] and optimization methods (often reinforcement learning based [69,70]) that lead to enhanced performance and effective utilization of the strategies learned by the policy networks.

Fig. 10
Divergence between the DSN framework and the actual human prediction at highest accuracy
Fig. 10
Divergence between the DSN framework and the actual human prediction at highest accuracy
Close modal

6 Conclusion

Extracting and representing design decision-making strategies from behavioral data is one of the fundamental challenges in data-driven design research. Design domains introduce several challenges in this area involving the representational complexity of action spaces and the diversity in the design state information. This work presents a novel hierarchical framework architecture for policy or strategy learning in design termed DSN. The framework aims to represent decision-making mechanisms in the domain of design problems, more specifically sequentially generative configuration design problems with arbitrary decision spaces. The framework is designed to predict actions given a particular design state. It leverages the concept of visual attention to break down the prediction process into first identifying a rough spatial region in the design space and then selecting the final action in that neighborhood. The DSN framework in this work is trained on a dataset of many humans solving a truss design problem. The framework learns to predict the human action throughout the design sequence, including all the details and information required for the comprehensive action definition and achieves an overall accuracy of 74%. Throughout the experiments in this paper, the framework illustrates a successful implementation where the network can navigate the state-action relationships over a divergent hybrid action space.

The experiments detailed in the paper address the main research question of the work: Can data-driven learning with hierarchical actions emulate human decision-making behavior in complex action spaces better than a baseline nonhierarchical method?

The DSN framework uses a combination of Encoder network, Spatial Action network, and Selection network. It first generates a latent encoding of the image-based design state-input, which the Spatial Action network transforms to predict a preferred spatial region of the final action. The design environment is then used to generate a set of actions in that spatial region. Finally, the Selection network generates a probability distribution over this set of actions to predict the final action. This ability of the selection network to input an arbitrarily long set of feasible actions allows the framework to be applied for any arbitrary action space since the formulation does not depend on its size or complexity. After training, the network can achieve higher accuracy values than baseline methods and predict both the spatial region and the final action selection. Since the framework can effectively predict human behavior on unseen design states, the framework has captured certain essential components of design knowledge, mainly sequential generative rules that implicitly govern human decision-making behavior.

The significant contribution of this work is the generic deep learning-based model that can effectively capture relationships between state and design decisions for an arbitrary action-space sequentially generative design problem. The framework is potentially adaptable for problems with a state representation of the form of an N-dimensional matrix. The different components of this framework learn everything from data and can be applied across a problem with minimal changes to the architecture. This work goes beyond previous works in imitation learning by using a variable set of actions as network input. The deep learning network explicitly learns state-action relationships over an arbitrarily defined complex action space individually evaluating all state and feasible action pairs without the need of any rule-based inference algorithms to guide decision making [31]. Even though the network details are specific to the truss design problem, the formulation of the learning problem of the three independent networks is independent of the truss design problem. This allows the framework to be generically applied to other similarly modeled sequentially generative design problems; however, the final performance may require hyperparameter optimization to reach the optimal solutions.

Footnote

2

This estimate discretizes the continuous design space into a 0.1-unit grid, which corresponds to about 104 continuous actions and 2 × nC2 discrete state-dependent actions per iteration where n is the number of existing nodes in the design state. On average, the design process had 250 iterations in the human study [64]. Hence, the overall problem space tree is 104250+(2×nC2)250101000.

Acknowledgment

This material is based upon work supported by the Defense Advanced Research Projects Agency through cooperative agreement No. N66001-17-1-4064. Any opinions, findings, and conclusions or recommendations expressed in this paper are those of the authors and do not necessarily reflect the views of the sponsors.

Conflict of Interest

There are no conflicts of interest.

Data Availability Statement

The datasets generated and supporting the findings of this article are obtainable from the corresponding author upon reasonable request.

References

1.
Yukish
,
M. A.
,
Miller
,
S. W.
, and
Simpson
,
T. W.
,
2015
, “
A Preliminary Model of Design as a Sequential Decision Process
,”
Procedia Comput. Sci.
,
44
(
C
), pp.
174
183
.
2.
Hazelrigg
,
G. A.
,
1998
, “
A Framework for Decision-Based Engineering Design
,”
ASME J. Mech. Des.
,
120
(
4
), pp.
653
658
.
3.
Gigerenzer
,
G.
, and
Gaissmaier
,
W.
,
2011
, “
Heuristic Decision Making
,”
Annu. Rev. Psychol
,
62
(
1
), pp.
451
482
.
4.
Smith
,
R. P.
, and
Eppinger
,
S. D.
,
1997
, “
Identifying Controlling Features of Engineering Design Iteration
,”
Manage. Sci
,
43
(
3
), pp.
276
293
.
5.
Wielinga
,
B.
, and
Schreiber
,
G.
,
1997
, “
Configuration-Design Problem Solving
,”
IEEE Expert.
,
12
(
2
), pp.
49
56
.
6.
Chen
,
W.
,
Hoyle
,
C.
, and
Wassenaar
,
H. J.
,
2013
,
Decision Based Design
, 1st ed., Vol.
1
,
Springer
,
London, UK
, pp.
1
358
.
7.
Allis
,
L. V.
, and
Lavé
,
T.
,
1994
,
Searching for Solutions in Games and Artificial Intelligence
,
PhD Thesis
, 1st ed., Vol.
1
,
Rijksuniversiteit Limburg
,
Maastricht, Netherlands
, pp.
1
223
.
8.
Sutton
,
R. S.
, and
Barto
,
A. G.
,
2018
,
Reinforcement Learning: An Introduction
,
A Bradford Book
,
Cambridge, MA
.
9.
Abbeel
,
P.
, and
Ng
,
A. Y.
,
2004
, “
Apprenticeship Learning via Inverse Reinforcement Learning
,”
Proceedings, Twenty-First International Conference on Machine Learning, ICML 2004
,
Banff, Alberta, Canada
,
July
, ACM, pp.
1
8
.
10.
Mnih
,
V.
,
Kavukcuoglu
,
K.
,
Silver
,
D.
,
Rusu
,
A. A.
,
Veness
,
J.
,
Bellemare
,
M. G.
,
Graves
,
A.
, et al
,
2015
, “
Human-Level Control Through Deep Reinforcement Learning
,”
Nature
,
518
(
7540
), pp.
529
533
.
11.
Silver
,
D.
,
Schrittwieser
,
J.
,
Simonyan
,
K.
,
Antonoglou
,
I.
,
Huang
,
A.
,
Guez
,
A.
,
Hubert
,
T.
, et al
,
2017
, “
Mastering the Game of Go Without Human Knowledge
,”
Nature
,
550
(
7676
), pp.
354
359
.
12.
Schrittwieser
,
J.
,
Antonoglou
,
I.
,
Hubert
,
T.
,
Simonyan
,
K.
,
Sifre
,
L.
,
Schmitt
,
S.
,
Guez
,
A.
, et al
,
2020
, “
Mastering Atari, Go, Chess and Shogi by Planning with a Learned Model
,”
Nature
,
588
(
7839
), pp.
604
609
.
13.
Vinyals
,
O.
,
Babuschkin
,
I.
,
Czarnecki
,
W. M.
,
Mathieu
,
M.
,
Dudzik
,
A.
,
Chung
,
J.
,
Choi
,
D. H.
, et al
,
2019
, “
Grandmaster Level in StarCraft II Using Multi-Agent Reinforcement Learning
,”
Nature
,
575
(
7782
), pp.
350
354
.
14.
Bojarski
,
M.
,
Del Testa
,
D.
,
Dworakowski
,
D.
,
Firner
,
B.
,
Flepp
,
B.
,
Goyal
,
P.
,
Jackel
,
L. D.
, et al
,
2016
, “
End to End Learning for Self-Driving Cars
,”
ArXiv
.
15.
McComb
,
C.
,
Cagan
,
J.
, and
Kotovsky
,
K.
,
2017
, “
Capturing Human Sequence-Learning Abilities in Configuration Design Tasks Through Markov Chains
,”
ASME J. Mech. Des.
,
139
(
9
), p.
091101
.
16.
McComb
,
C.
,
Cagan
,
J.
, and
Kotovsky
,
K.
,
2017
, “
Mining Process Heuristics From Designer Action Data Via Hidden Markov Models
,”
ASME J. Mech. Des.
,
139
(
11
), p.
111412
.
17.
Rahman
,
M. H.
,
Yuan
,
S.
,
Xie
,
C.
, and
Sha
,
Z.
,
2020
, “
Predicting Human Design Decisions With Deep Recurrent Neural Network Combining Static and Dynamic Data
,”
Des. Sci.e
,
6
(
15
), pp.
1
26
.
18.
Shergadwala
,
M.
,
Bilionis
,
I.
,
Kannan
,
K. N.
, and
Panchal
,
J. H.
,
2018
, “
Quantifying the Impact of Domain Knowledge and Problem Framing on Sequential Decisions in Engineering Design
,”
ASME J. Mech. Des.
,
140
(
10
), p.
101402
.
19.
Bayrak
,
A. E.
, and
Sha
,
Z.
,
2021
, “
Integrating Sequence Learning and Game Theory to Predict Design Decisions Under Competition
,”
ASME J. Mech. Des.
,
143
(
5
), p.
051401
.
20.
Puentes
,
L.
,
Cagan
,
J.
, and
McComb
,
C.
,
2021
, “
Data-Driven Heuristic Induction From Human Design Behavior
,”
ASME J. Comput. Inf. Sci. Eng.
,
21
(
2
), p.
024501
.
21.
McComb
,
C.
,
Cagan
,
J.
, and
Kotovsky
,
K.
,
2015
, “
Rolling with the Punches: An Examination of Team Performance in a Design Task Subject to Drastic Changes
,”
Des. Stud.
,
36
(
C
), pp.
99
121
.
22.
Michell
,
A. G. M.
,
1904
, “
LVIII. The Limits of Economy of Material in Frame-Structures
,”
Lond. Edinb. Dublin Philos. Mag. J. Sci.
,
8
(
47
), pp.
589
597
.
23.
Raina
,
A.
,
Puentes
,
L.
,
Cagan
,
J.
, and
McComb
,
C.
,
2021
, “
Goal-Directed Design Agents: Integrating Visual Imitation With One-Step Lookahead Optimization for Generative Design
,”
ASME J. Mech. Des.
,
143
(
12
), p.
124501
.
24.
Wood
,
W. H.
, and
Agogino
,
A. M.
,
2005
, “
Decision-Based Conceptual Design: Modeling and Navigating Heterogeneous Design Spaces
,”
ASME J. Mech. Des.
,
127
(
1
), pp.
2
11
.
25.
Lewis
,
K. E.
,
Chen
,
W.
, and
Schmidt
,
L. C.
,
2010
,
Decision Making in Engineering Design
,
ASME Press
,
New York, NY
.
26.
Yu
,
R.
, and
Gero
,
J.
,
2015
, “
An Empirical Foundation for Design Patterns in Parametric Design
,”
CAADRIA 2015—20th International Conference on Computer-Aided Architectural Design Research in Asia: Emerging Experiences in the Past, Present and Future of Digital Architecture
,
Daegu, South Korea
,
May
, pp.
551
560
.
27.
Kan
,
J.
, and
Gero
,
J.
,
2009
, “Using the FBS Ontology to Capture Semantic Design Information in Design Protocol Studies,”
About Designing Analysing Design Meetings
,
J.
McDonnell
, and
P.
Lloyd
, eds.,
CRC Press
,
Oxford, UK
, pp.
213
229
.
28.
Raina
,
A.
,
Cagan
,
J.
, and
McComb
,
C.
,
2019
, “
Transferring Design Strategies From Human to Computer and Across Design Problems
,”
ASME J. Mech. Des.
,
141
(
11
), p.
114501
.
29.
Sexton
,
T.
, and
Ren
,
M. Y.
,
2017
, “
Learning an Optimization Algorithm Through Human Design Iterations
,”
ASME J. Mech. Des.
,
139
(
10
), p.
101404
.
30.
Panchal
,
J. H.
,
Sha
,
Z.
, and
Kannan
,
K. N.
,
2017
, “
Understanding Design Decisions Under Competition Using Games With Information Acquisition and a Behavioral Experiment
,”
ASME J. Mech. Des.
,
139
(
9
), p.
091401
.
31.
Chaudhari
,
A. M.
,
Bilionis
,
I.
, and
Panchal
,
J. H.
,
2020
, “
Descriptive Models of Sequential Decisions in Engineering Design: An Experimental Study
,”
ASME J. Mech. Des.
,
142
(
8
), p.
081704
.
32.
Raina
,
A.
,
McComb
,
C.
, and
Cagan
,
J.
,
2019
, “
Learning to Design From Humans: Imitating Human Designers Through Deep Learning
,”
ASME. J. Mech. Des.
,
141
(
11
), p.
111102
.
33.
Levy
,
A.
,
Konidaris
,
G.
,
Platt
,
R.
, and
Saenko
,
K.
,
2019
, “
Learning Multi Level Hierarchies with Hindsight
,”
International Conference on Learning Representation
,
New Orleans, LA
,
May 2019
.
34.
Masson
,
W.
,
Ranchod
,
P.
, and
Konidaris
,
G.
,
2016
, “
Reinforcement Learning With Parameterized Actions
,”
30th AAAI Conference on Artificial Intelligence AAAI 2016
,
Phoenix, AZ
,
February
, pp.
1934
1940
.
35.
Hausknecht
,
M.
, and
Stone
,
P.
,
2016
, “
Deep Reinforcement Learning in Parameterized Action Space
,”
4th International Conference on Learning Representations, ICLR 2016—Conference Track Proceedings.
,
San Juan, Puerto Rico
,
May
.
36.
Delalleau
,
O.
,
Peter
,
M.
,
Alonso
,
E.
, and
Logut
,
A.
,
2020
, “
Discrete and Continuous Action Representation for Practical RL in Video Games
,”
Arxiv
, pp.
1
10
.
37.
Silver
,
D.
,
Schrittwieser
,
J.
,
Simonyan
,
K.
,
Antonoglou
,
I.
,
Huang
,
A.
,
Guez
,
A.
,
Hubert
,
T.
, et al
,
2017
, “
Mastering the Game of Go Without Human Knowledge
,”
Nature
,
550
(
7676
), pp.
354
359
.
38.
Anthony
,
T.
,
Tian
,
Z.
, and
Barber
,
D.
,
2017
, “
Thinking Fast and Slow with Deep Learning and Tree Search
,”
NIPS
,
Long Beach, CA
,
December
, pp.
5361
5371
.
39.
Berner
,
C.
,
Brockman
,
G.
,
Chan
,
B.
,
Cheung
,
V.
,
Dębiak
,
P. P.
,
Dennison
,
C.
,
Farhi
,
D.
, et al
,
2019
, “
Dota 2 with Large Scale Deep Reinforcement Learning
,”
ArXiv
.
40.
Huang
,
Y.
,
2020
, “Deep Q-Networks,”
Deep Reinforcement Learning: Fundamentals, Research, and Applications
,
H.
Dong
,
Z.
Ding
, and
Z.
Shanghang
, eds.,
Springer Nature
,
London, UK
, pp.
135
160
.
41.
Lillicrap
,
T. P.
,
Hunt
,
J. J.
,
Pritzel
,
A.
,
Heess
,
N.
,
Erez
,
T.
,
Tassa
,
Y.
,
Silver
,
D.
, and
Wierstra
,
D.
,
2016
, “
Continuous Control With Deep Reinforcement Learning
,”
4th International Conference on Learning Representations, ICLR 2016—Conference Track Proceedings.
,
San Juan, Puerto Rico
,
May
.
42.
Xiong
,
J.
,
Wang
,
Q.
,
Yang
,
Z.
,
Sun
,
P.
,
Han
,
L.
,
Zheng
,
Y.
,
Fu
,
H.
,
Zhang
,
T.
,
Liu
,
J.
, and
Liu
,
H.
,
2018
, “
Parametrized Deep Q-Networks Learning: Reinforcement Learning with Discrete-Continuous Hybrid Action Space
,”
ArXiv
.
43.
Mnih
,
V.
,
Heess
,
N.
,
Graves
,
A.
, and
Kavukcuoglu
,
K.
,
2014
, “
Recurrent Models of Visual Attention
,”
Proceedings of the 27th International Conference on Neural Information Processing Systems—Volume 2
,
Montreal, Canada
,
Dec 2014
.
44.
Ba
,
J.
,
Mnih
,
V.
, and
Kavukcuoglu
,
K.
,
2015
, “
Multi Object Recognition with Visual Attention
,”
ArXiv
,
1
(
1
), pp.
1
10
.
45.
Vaswani
,
A.
,
Shazeer
,
N.
,
Parmar
,
N.
,
Uszkoreit
,
J.
,
Jones
,
L.
,
Gomez
,
A. N.
,
Kaiser
,
Ł
, and
Polosukhin
,
I.
,
2017
, “
Attention is All you Need
,”
Advances in Neural Information Processing Systems
,
Long Beach, CA
,
December
, pp.
5999
6009
.
46.
Liu
,
C.
,
Chen
,
Y.
,
Tai
,
L.
,
Ye
,
H.
,
Liu
,
M.
, and
Shi
,
B. E.
,
2019
, “
A Gaze Model Improves Autonomous Driving
,”
Proceedings of the 11th ACM Symposium on Eye Tracking Research & Applications
,
Denver, CO
,
June 2019
.
47.
Deng
,
T.
,
Yan
,
H.
,
Qin
,
L.
,
Ngo
,
T.
, and
Manjunath
,
B. S.
,
2020
, “
How Do Drivers Allocate Their Potential Attention? Driving Fixation Prediction via Convolutional Neural Networks
,”
IEEE Trans. Intell. Transp. Syst
,
21
(
5
), pp.
2146
2154
.
48.
Johnson
,
L.
,
Sullivan
,
B.
,
Hayhoe
,
M.
, and
Ballard
,
D.
,
2014
, “
Predicting Human Visuomotor Behaviour in a Driving Task
,”
Philos. Trans. R. Soc. B Biol. Sci.
,
369
(
1636
), p.
20130044
.
49.
Li
,
Y.
,
Liu
,
M.
, and
Rehg
,
J.
,
2021
, “
In the Eye of the Beholder: Gaze and Actions in First Person Video
,”
IEEE Trans. Pattern Anal. Mach. Intell.
,
NA
(
early access
), pp.
1
16
.
50.
Chen
,
Y.
,
Liu
,
C.
,
Tai
,
L.
,
Liu
,
M.
, and
Shi
,
B. E.
,
2019
, “
Gaze Training by Modulated Dropout Improves Imitation Learning
,”
2019 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS)
,
Macau, China
,
November
.
51.
Liao
,
H.
,
Dong
,
Q.
,
Dong
,
X.
,
Zhang
,
W.
,
Zhang
,
W.
,
Qi
,
W.
,
Fallon
,
E.
, and
Kara
,
L. B.
,
2020
, “
Attention Routing: Track-Assignment Detailed Routing Using Attention-Based Reinforcement Learning
,”
Proceedings of the ASME Design Engineering Technical Conferences
,
Virtual Conference
,
August
.
52.
Mott
,
A.
,
Zoran
,
D.
,
Chrzanowski
,
M.
,
Wierstra
,
D.
, and
Rezende
,
D. J.
,
2019
, “
Towards Interpretable Reinforcement Learning Using Attention Augmented Agents
,”
Neural Information Processing Systems
,
Vancouver, Canada
,
December
.
53.
Simonyan
,
K.
, and
Zisserman
,
A.
,
2015
, “
Very Deep Convolutional Networks for Large-Scale Image Recognition
,”
3rd International Conference on Learning Representations, ICLR 2015—Conference Track Proceedings
,
San Diego, CA
,
May 2015
, pp.
1
14
.
54.
He
,
K.
,
Zhang
,
X.
,
Ren
,
S.
, and
Sun
,
J.
,
2016
, “
Deep Residual Learning for Image Recognition
,”
IEEE Conference on Computer Vision and Pattern Recognition
,
Las Vegas, NV
,
June
, pp.
770
778
.
55.
Parmar
,
N.
,
Vaswani
,
A.
,
Uszkoreit
,
J.
,
Kaiser
,
Ł
,
Shazeer
,
N.
,
Ku
,
A.
, and
Tran
,
D.
,
2018
, “Image Transformer,” arXiv, abs/1802.0.
56.
Dosovitskiy
,
A.
,
Beyer
,
L.
,
Kolesnikov
,
A.
,
Weissenborn
,
D.
,
Zhai
,
X.
,
Unterthiner
,
T.
,
Dehghani
,
M.
, et al
,
2020
, “An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale,” ArXiv, abs/2010.1.
57.
Qi
,
C. R.
,
Su
,
H.
,
Mo
,
K.
, and
Guibas
,
L. J.
,
2017
, “
PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation
,”
Proceedings of the 30th IEEE Conference on Computer Vision Pattern Recognition, CVPR 2017
,
Honolulu, HI
,
January
.
58.
Qi
,
C. R.
,
Yi
,
L.
,
Su
,
H.
, and
Guibas
,
L. J.
,
2017
, “
PointNet++: Deep Hierarchical Feature Learning on Point Sets in a Metric Space
,”
Proceedings of the 31st International Conference on Neural Information Processing Systems
,
Long Beach, CA
,
December
.
59.
Qi
,
C. R.
,
Liu
,
W.
,
Wu
,
C.
,
Su
,
H.
, and
Guibas
,
L. J.
,
2017
, “
Frustum PointNets for 3D Object Detection from RGB-D Data
,”
2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR)
,
Salt Lake City, UT
,
June
, pp.
77
85
.
60.
Zaheer
,
M.
,
Kottur
,
S.
,
Ravanbhakhsh
,
S.
,
Póczos
,
B.
,
Salakhutdinov
,
R.
, and
Smola
,
A. J.
,
2017
, “
Deep Sets
,”
Neural Information Processing Systems
,
Long Beach, CA
,
December
.
61.
Zhang
,
W.
,
Yang
,
Z.
,
Jiang
,
H.
,
Nigam
,
S.
,
Yamakawa
,
S.
,
Furuhata
,
T.
,
Shimada
,
K.
, and
Kara
,
L. B.
,
2019
, “
3D Shape Synthesis for Conceptual Design and Optimization Using Variational Autoencoders
,”
Proceedings of the ASME Design Engineering Technical Conferences
,
Anaheim, CA
,
August
.
62.
Puentes
,
L.
,
Raina
,
A.
,
Cagan
,
J.
, and
McComb
,
C.
,
2020
, “
Modeling a Strategic Human Engineering Design Process: Human-Inspired Heuristic Guidance Through Learned Visual Design Agents
,”
Proceedings of the Design Society: Design Conference
,
Cavtat, Croatia
,
May
.
63.
Hayhoe
,
M.
, and
Ballard
,
D.
,
2005
, “
Eye Movements in Natural Behavior
,”
Trends Cognit. Sci
,
9
(
4
), pp.
188
194
.
64.
McComb
,
C.
,
Cagan
,
J.
, and
Kotovsky
,
K.
,
2018
, “
Data on the Design of Truss Structures by Teams of Engineering Students
,”
Data Br.
,
18
(
1
), pp.
160
163
.
65.
McComb
,
C.
,
Cagan
,
J.
, and
Kotovsky
,
K.
,
2017
, “Utilizing Markov Chains to Understand Operation Sequencing in Design Tasks,”
Design Computing and Cognition ’16
, 1, Vol.
1
,
J.
Gero
, ed.,
Springer
,
London, UK
, pp.
401
418
.
66.
Springenberg
,
J. T.
,
Dosovitskiy
,
A.
,
Brox
,
T.
, and
Riedmiller
,
M. A.
,
2015
, “
Striving for Simplicity: The All Convolutional Net
,”
CoRR
.
67.
Hastie
,
T.
,
Tibshirani
,
R.
, and
Friedman
,
J.
,
2009
,
The Elements of Statistical Learning—Data Mining, Inference, and Prediction
,
Springer
,
London, UK
.
68.
Daumé
,
H.
,
Langford
,
J.
, and
Marcu
,
D.
,
2009
, “
Search-Based Structured Prediction
,”
Mach. Learn.
,
75
(
3
), pp.
297
325
.
69.
Ross
,
S.
, and
Bagnell
,
D.
,
2010
, “
Efficient Reductions for Imitation Learning
,”
Proceedings of the Thirteenth International Conference on Artificial Intelligence and Statistics
,
Chia Laguna Resort, Sardinia, Italy
,
May
, PMLR, pp.
661
668
.
70.
J
,
Ho
, and
Ermon
,
S.
,
2016
, “
Generative Adversarial Imitation Learning
,”
Neural Information Processing Systems
,
Barcelona, Spain
,
December
, pp.
4572
4580
.